• Stars
    star
    4,102
  • Rank 10,285 (Top 0.3 %)
  • Language
    Jupyter Notebook
  • Created over 1 year ago
  • Updated 3 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

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.

👋 hello

Over the years we have created dozens of Computer Vision tutorials. This repository contains 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.

🚀 model tutorials (28 notebooks)

notebook open in colab / kaggle / sagemaker studio lab complementary materials repository / paper
RTMDet Object Detection Colab Kaggle SageMaker Roboflow YouTube GitHub arXiv
Fast Segment Anything Model (FastSAM) Colab Kaggle SageMaker Roboflow YouTube GitHub arXiv
YOLO-NAS Object Detection Colab Kaggle SageMaker Roboflow YouTube GitHub
Segment Anything Model (SAM) Colab Kaggle SageMaker Roboflow YouTube GitHub arXiv
Zero-Shot Object Detection with Grounding DINO Colab Kaggle SageMaker Roboflow YouTube GitHub arXiv
DETR Transformer Object Detection Colab Kaggle SageMaker Roboflow YouTube GitHub arXiv
DINOv2 Image Classification Colab Kaggle Roboflow GitHub arXiv
YOLOv8 Object Detection Colab Kaggle SageMaker Roboflow YouTube GitHub
YOLOv8 Instance Segmentation Colab Kaggle SageMaker Roboflow YouTube GitHub
YOLOv8 Classification Colab Kaggle SageMaker Roboflow GitHub
YOLOv7 Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOv7 Instance Segmentation Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOv7 Object Detection OpenVINO + TorchORT Colab Kaggle Roboflow GitHub arXiv
MT-YOLOv6 Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOv5 Object Detection Colab Kaggle Roboflow YouTube GitHub
YOLOv5 Classification Colab Kaggle Roboflow YouTube GitHub
YOLOv5 Instance Segmentation Colab Kaggle Roboflow YouTube GitHub
Detection2 Instance Segmentation Colab Kaggle Roboflow YouTube GitHub arXiv
SegFormer Instance Segmentation Colab Kaggle Roboflow YouTube GitHub arXiv
Vision Transformer Classification Colab Kaggle Roboflow YouTube GitHub arXiv
Scaled-YOLOv4 Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOS Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOR Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOX Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
Resnet34 fast.ai Classification Colab Kaggle Roboflow YouTube
OpenAI Clip Classification Colab Kaggle Roboflow YouTube GitHub arXiv
YOLOv4-tiny Darknet Object Detection Colab Kaggle Roboflow YouTube GitHub arXiv
Train a YOLOv8 Classification Model with No Labeling Colab Kaggle SageMaker Roboflow GitHub

📸 computer vision skills (13 notebooks)

notebook open in colab / kaggle / sagemaker studio lab complementary materials repository / paper
Auto Train YOLOv8 Model with Autodistill Colab Kaggle SageMaker Roboflow YouTube GitHub
Train a Segmentation Model with No Labeling Colab Kaggle SageMaker Roboflow GitHub
DINOv2 Image Retrieval Colab Kaggle GitHub arXiv
Image Embeddings Analysis - Part 1 Colab Kaggle YouTube GitHub arXiv
Automated Dataset Annotation and Evaluation with Grounding DINO and SAM Colab Kaggle Roboflow YouTube GitHub arXiv
Automated Dataset Annotation and Evaluation with Grounding DINO Colab Kaggle YouTube GitHub arXiv
Vector Analysis with Scikit-learn and Bokeh Colab Kaggle Roboflow
RF100 Object Detection Model Benchmarking Colab Kaggle Roboflow YouTube GitHub arXiv
Detect and Count Objects in Polygon Zone with YOLOv5 / YOLOv8 / Detectron2 + Supervision Colab Kaggle YouTube GitHub
Track and Count Vehicles with YOLOv8 + ByteTRACK + Supervision Colab Kaggle Roboflow YouTube GitHub arXiv
Football Players Tracking with YOLOv5 + ByteTRACK Colab Kaggle Roboflow YouTube GitHub arXiv
Create Segmentation Masks with Roboflow Colab Kaggle Roboflow
How to Use PolygonZone and Roboflow Supervision Colab Kaggle Roboflow

🎬 videos

Almost every week we create tutorials showing you the hottest models in Computer Vision. 🔥 Subscribe, and stay up to date with our latest YouTube videos!

How to Choose the Best Computer Vision Model for Your Project How to Choose the Best Computer Vision Model for Your Project

Created: 26 May 2023 | Updated: 26 May 2023

In this video, we will dive into the complexity of choosing the right computer vision model for your unique project. From the importance of high-quality datasets to hardware considerations, interoperability, benchmarking, and licensing issues, this video covers it all...


Accelerate Image Annotation with SAM and Grounding DINO Accelerate Image Annotation with SAM and Grounding DINO

Created: 20 Apr 2023 | Updated: 20 Apr 2023

Discover how to speed up your image annotation process using Grounding DINO and Segment Anything Model (SAM). Learn how to convert object detection datasets into instance segmentation datasets, and see the potential of using these models to automatically annotate your datasets for real-time detectors like YOLOv8...


SAM - Segment Anything Model by Meta AI: Complete Guide SAM - Segment Anything Model by Meta AI: Complete Guide

Created: 11 Apr 2023 | Updated: 11 Apr 2023


Discover the incredible potential of Meta AI's Segment Anything Model (SAM)! We dive into SAM, an efficient and promptable model for image segmentation, which has revolutionized computer vision tasks. With over 1 billion masks on 11M licensed and privacy-respecting images, SAM's zero-shot performance is often superior to prior fully supervised results...

💻 run locally

We try to make it as easy as possible to run Roboflow Notebooks in Colab and Kaggle, but if you still want to run them locally, below you will find instructions on how to do it. Remember don't install your dependencies globally, use venv.

# clone repository and navigate to root directory
git clone [email protected]:roboflow-ai/notebooks.git
cd notebooks

# setup python environment and activate it
python3 -m venv venv
source venv/bin/activate

# install and run jupyter notebook
pip install notebook
jupyter notebook

☁️ run in sagemaker studio lab

You can now open our tutorial notebooks in Amazon SageMaker Studio Lab - a free machine learning development environment that provides the compute, storage, and security—all at no cost—for anyone to learn and experiment with ML.

Stable Diffusion Image Generation YOLOv5 Custom Dataset Training YOLOv7 Custom Dataset Training
SageMaker SageMaker SageMaker

🐞 bugs & 🦸 contribution

Computer Vision moves fast! Sometimes our notebooks lag a tad behind the ever-pushing forward libraries. If you notice that any of the notebooks is not working properly, create a bug report and let us know.

If you have an idea for a new tutorial we should do, create a feature request. We are constantly looking for new ideas. If you feel up to the task and want to create a tutorial yourself, please take a peek at our contribution guide. There you can find all the information you need.

We are here for you, so don't hesitate to reach out.

More Repositories

1

supervision

We write your reusable computer vision tools. 💜
Python
14,739
star
2

awesome-openai-vision-api-experiments

Must-have resource for anyone who wants to experiment with and build on the OpenAI vision API 🔥
Python
1,600
star
3

inference

A fast, easy-to-use, production-ready inference server for computer vision supporting deployment of many popular model architectures and fine-tuned models.
Python
1,114
star
4

multimodal-maestro

Effective prompting for Large Multimodal Models like GPT-4 Vision, LLaVA or CogVLM. 🔥
Python
984
star
5

roboflow-python

The official Roboflow Python package. Manage your datasets, models, and deployments. Roboflow has everything you need to build a computer vision application.
Python
238
star
6

webcamGPT

webcamGPT - chat with video stream 💬 + 📸
Python
236
star
7

roboflow-100-benchmark

Code for replicating Roboflow 100 benchmark results and programmatically downloading benchmark datasets
Jupyter Notebook
223
star
8

dji-aerial-georeferencing

Detect objects in drone videos and plot them on a map
JavaScript
156
star
9

neuralhash-collisions

A catalog of naturally occurring images whose Apple NeuralHash is identical.
JavaScript
149
star
10

template-python

A template repo holding our common setup for a python project
Python
66
star
11

video-inference

Example showing how to do inference on a video file with Roboflow Infer
Shell
47
star
12

auto-annotate

A simple tool for automatic image annotation using Roboflow API
Python
36
star
13

roboflow-computer-vision-utilities

Interface with the Roboflow API and Python package for running inference (receiving predictions) and customizing result images from your Roboflow Train computer vision models.
Python
31
star
14

cvevals

Evaluate the performance of computer vision models and prompts for zero-shot models (Grounding DINO, CLIP, BLIP, DINOv2, ImageBind, models hosted on Roboflow)
Python
29
star
15

homepage-demo

Build an in-browser model experience like the one on the Roboflow homepage.
JavaScript
27
star
16

blackjack-basic-strategy

A computer vision powered Blackjack basic strategy app powered by Roboflow.
JavaScript
27
star
17

quickstart-python

Start using computer vision in two minutes with our interactive Python notebook experience.
Jupyter Notebook
23
star
18

deploy-models-with-grpc-pytorch-asyncio

Article about deploying machine learning models using grpc, pytorch and asyncio
Python
23
star
19

gpt-checkup

Monitor the performance of OpenAI's GPT-4V model over time.
HTML
22
star
20

roboflow-collect

Passively collect images for computer vision datasets on the edge.
Python
20
star
21

polygonzone

A web utility to draw polygons and retrieve their coordinates for computer vision applications.
JavaScript
19
star
22

RoboflowExpoExample

Java
18
star
23

clip_video_app

Flask-based web application designed to compare text and image embeddings using the CLIP model.
Python
18
star
24

supashim

Use Supabase as a drop-in replacement for Firebase
JavaScript
17
star
25

roboflow-api-snippets

repo for versioning snippets that show how to use Roboflow APIs
Python
17
star
26

cookbooks

Templates for computer vision projects, referenced in Roboflow blog posts.
Python
14
star
27

rabbit-deterrence

Uses computer vision to deter rabbits from eating your vegetables
Python
14
star
28

rickblocker

Audio visual mitigation of Rickrolls using computer vision.
JavaScript
14
star
29

inference-server-old

Object detection inference with Roboflow Train models on NVIDIA Jetson devices.
JavaScript
13
star
30

roboflow-ios-starter

Official starter project for building iOS apps with Roboflow.
Swift
12
star
31

cog-vlm-client

Simple CogVLM client script
Python
12
star
32

inference-client

Python
11
star
33

magic-scissors

Synthetic data for object detection and segmentation
Python
9
star
34

roboflow-react-app

react starter app for roboflow inference
JavaScript
8
star
35

roboflow-nest

Using Roboflow with the Nest camera API
JavaScript
8
star
36

yolov5-custom-training-tutorial

Jupyter Notebook
8
star
37

OBS-Controller

This is a public repo for the Roboflow OBS Gesture Controller. The gesture controller currently responds to four gestures, "Up", "Down", "Stop", and "Grab". Performing these gestures will allow you to transition scenes and grab source objects inside of OBS.
TypeScript
8
star
38

streamlit-web-app

A web-based application for testing models trained with Roboflow. Powered by Streamlit.
Python
7
star
39

inference-dashboard-example

Roboflow's inference server to analyze video streams. This project extracts insights from video frames at defined intervals and generates informative visualizations and CSV outputs.
Python
6
star
40

roboflow-cli

Command Line Interface for Roboflow
JavaScript
5
star
41

yolov8-OpenVINO

Deploy a YOLOv8 model (ONNX format) to an Amazon SageMaker endpoint for serving inference requests using ONNXRuntime
Jupyter Notebook
5
star
42

foundation-vision-benchmark

A qualitative set of tests for use in evaluating the capabilities of foundation vision models.
4
star
43

roboflow-100-3d-website

roboflow-100-3d-website
JavaScript
4
star
44

streamlit-bccd

Streamlit App for Blood Cell Count Dataset
Python
4
star
45

roboflow-jetson-license-plate

Mashup Roboflow Object Detection with OCR to read license plates.
Python
4
star
46

stable-diffusion-demo

Generating 1k images using Stable Diffusion and uploading them into your Roboflow project
Jupyter Notebook
4
star
47

scavenger-hunt

Roboflow SXSW Scavenger Hunt game.
JavaScript
4
star
48

supervision-annotators-hf-space

Demo of Annotators through Gradio
Python
4
star
49

trt-demos

This is a repo for Roboflow TFT python examples.
Python
3
star
50

roboflow-swift

Swift
3
star
51

model-library

3
star
52

roboflow-node

Roboflow CLI and API module for node
JavaScript
3
star
53

roboflow-object-counting

Interface with the Roboflow API and Python package for object counting in your computer vision models.
Jupyter Notebook
3
star
54

roboflow-red

A visual way to interact with computer vision using Node-RED
JavaScript
3
star
55

synthetic-fruit-dataset

Code for Roboflow's How to Create a Synthetic Dataset tutorial.
JavaScript
3
star
56

fast-ai-resnet32

Jupyter Notebook
2
star
57

roboflow-swift-examples

Swift
2
star
58

c3-sapphire-rapids

Jupyter Notebook
2
star
59

roboflow-object-tracking

Python
1
star
60

smooth-frame

Python
1
star
61

tao-toolkit-with-roboflow

Jupyter Notebook
1
star
62

clip-benchmark

Python
1
star
63

ODinW-RF100-challenge-issues

ODinW RF100 📸 challenge issues/discussions repository
1
star
64

yolov8-website

Source code for the yolov8.com website.
CSS
1
star
65

external-bugtracker

1
star
66

stacked-boxes-email-notification

A small project demonstrating how Roboflow's Inference APIs can be used to trigger email notifications.
Python
1
star
67

server-benchmark

A script you can use to benchmark the Roboflow Deploy targets with your custom trained model on your hardware.
JavaScript
1
star
68

lenny

Lenny uses 500+ blog posts, 100+ docs pages, and Roboflow developer documentation to answer questions about computer vision and Roboflow.
HTML
1
star