Jupyter Notebook object-detection

Open-source Jupyter Notebook projects categorized as object-detection

Top 23 Jupyter Notebook object-detection Projects

  • automl

    Google Brain AutoML

  • Project mention: Slowdown / normalization on the Front Lines | /r/singularity | 2023-05-30
  • YOLOv6

    YOLOv6: a single-stage object detection framework dedicated to industrial applications.

  • WorkOS

    The modern identity platform for B2B SaaS. The APIs are flexible and easy-to-use, supporting authentication, user identity, and complex enterprise features like SSO and SCIM provisioning.

    WorkOS logo
  • Yet-Another-EfficientDet-Pytorch

    The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.

  • super-gradients

    Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.

  • Project mention: Zero-Shot Prediction Plugin for FiftyOne | dev.to | 2024-03-13

    Most computer vision models are trained to predict on a preset list of label classes. In object detection, for instance, many of the most popular models like YOLOv8 and YOLO-NAS are pretrained with the classes from the MS COCO dataset. If you download the weights checkpoints for these models and run prediction on your dataset, you will generate object detection bounding boxes for the 80 COCO classes.

  • notebooks

    Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.

  • Project mention: Supervision: Reusable Computer Vision | news.ycombinator.com | 2024-03-24

    Yeah, inference[1] is our open source package for running locally (either directly in Python or via a Docker container). It works with all the models on Universe, models you train yourself (assuming we support the architecture; we have a bunch of notebooks available[2]), or train in our platform, plus several more general foundation models[3] (for things like embeddings, zero-shot detection, question answering, OCR, etc).

    We also have a hosted API[4] you can hit for most models we support (except some of the large vision models that are really GPU-heavy) if you prefer.

    [1] https://github.com/roboflow/inference

    [2] https://github.com/roboflow/notebooks

    [3] https://inference.roboflow.com/foundation/about/

    [4] https://docs.roboflow.com/deploy/hosted-api

  • simple-faster-rcnn-pytorch

    A simplified implemention of Faster R-CNN that replicate performance from origin paper

  • OwnPhotos

    Self hosted alternative to Google Photos

  • Project mention: [Self Hosted] F * CK Google, voici quelques alternatives auto-hébergées. | /r/enfrancais | 2023-05-05

    * ~~ Ownphoto's ~~ * librephotos > Google Photo's

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • yolov3-tf2

    YoloV3 Implemented in Tensorflow 2.0

  • saliency

    Framework-agnostic implementation for state-of-the-art saliency methods (XRAI, BlurIG, SmoothGrad, and more).

  • Project mention: [D] Is the math in Integrated gradients (4K citations) wrong? | /r/MachineLearning | 2023-05-05

    Found relevant code at https://github.com/PAIR-code/saliency + all code implementations here

  • pix2seq

    Pix2Seq codebase: multi-tasks with generative modeling (autoregressive and diffusion) (by google-research)

  • Entity

    EntitySeg Toolbox: Towards Open-World and High-Quality Image Segmentation

  • TrainYourOwnYOLO

    Train a state-of-the-art yolov3 object detector from scratch!

  • LLVIP

    LLVIP: A Visible-infrared Paired Dataset for Low-light Vision

  • TACO

    🌮 Trash Annotations in Context Dataset Toolkit (by pedropro)

  • sports

    Cool experiments at the intersection of Computer Vision and Sports ⚽🏃

  • maxvit

    [ECCV 2022] Official repository for "MaxViT: Multi-Axis Vision Transformer". SOTA foundation models for classification, detection, segmentation, image quality, and generative modeling...

  • SipMask

    SipMask: Spatial Information Preservation for Fast Image and Video Instance Segmentation (ECCV2020)

  • roboflow-100-benchmark

    Code for replicating Roboflow 100 benchmark results and programmatically downloading benchmark datasets

  • Project mention: AI That Teaches Other AI | news.ycombinator.com | 2023-07-20

    > Their SKILL tool involves a set of algorithms that make the process go much faster, they said, because the agents learn at the same time in parallel. Their research showed if 102 agents each learn one task and then share, the amount of time needed is reduced by a factor of 101.5 after accounting for the necessary communications and knowledge consolidation among agents.

    This is a really interesting idea. It's like the reverse of knowledge distillation (which I've been thinking about a lot[1]) where you have one giant model that knows a lot about a lot & you use that model to train smaller, faster models that know a lot about a little.

    Instead, you if you could train a lot of models that know a lot about a little (which is a lot less computationally intensive because the problem space is so confined) and combine them into a generalized model, that'd be hugely beneficial.

    Unfortunately, after a bit of digging into the paper & Github repo[2], this doesn't seem to be what's happening at all.

    > The code will learn 102 small and separte heads(either a linear head or a linear head with a task bias) for each tasks respectively in order. This step can be parallized on multiple GPUS with one task per GPU. The heads will be saved in the weight folder. After that, the code will learn a task mapper(Either using GMMC or Mahalanobis) to distinguish image task-wisely. Then, all images will be evaluated in the same time without a task label.

    So the knowledge isn't being combined (and the agents aren't learning from each other) into a generalized model. They're just training a bunch of independent models for specific tasks & adding a model-selection step that maps an image to the most relevant "expert". My guess is you could do the same thing using CLIP vectors as the routing method to supervised models trained on specific datasets (we found that datasets largely live in distinct regions of CLIP-space[3]).

    [1] https://github.com/autodistill/autodistill

    [2] https://github.com/gyhandy/Shared-Knowledge-Lifelong-Learnin...

    [3] https://www.rf100.org

  • HugsVision

    HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision

  • fasterrcnn-pytorch-training-pipeline

    PyTorch Faster R-CNN Object Detection on Custom Dataset

  • Project mention: A simple library to train more than 20 Faster RCNN models using PyTorch (including ViTDet) | /r/deeplearning | 2023-06-07
  • fashionpedia-api

    Python API for Fashionpedia Dataset

  • auto_annotate

    Labeling is boring. Use this tool to speed up your next object detection project!

  • vision-camera-realtime-object-detection

    VisionCamera Frame Processor Plugin to detect objects using TensorFlow Lite Task Vision

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Jupyter Notebook object-detection related posts

Index

What are some of the best open-source object-detection projects in Jupyter Notebook? This list will help you:

Project Stars
1 automl 6,154
2 YOLOv6 5,530
3 Yet-Another-EfficientDet-Pytorch 5,183
4 super-gradients 4,322
5 notebooks 4,134
6 simple-faster-rcnn-pytorch 3,891
7 OwnPhotos 2,741
8 yolov3-tf2 2,508
9 saliency 929
10 pix2seq 807
11 Entity 660
12 TrainYourOwnYOLO 635
13 LLVIP 582
14 TACO 540
15 sports 438
16 maxvit 418
17 SipMask 333
18 roboflow-100-benchmark 227
19 HugsVision 188
20 fasterrcnn-pytorch-training-pipeline 169
21 fashionpedia-api 152
22 auto_annotate 146
23 vision-camera-realtime-object-detection 92

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com