• Stars
    star
    244
  • Rank 165,885 (Top 4 %)
  • Language
    Jupyter Notebook
  • License
    MIT License
  • Created over 2 years ago
  • Updated 6 months ago

Reviews

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

Repository Details

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

Roboflow Blog Roboflow Notebook YouTube

Note RF100 is part of the CVinW challenge!

Roboflow 100 πŸ“Έ: A Rich, Multi-Domain Object Detection Benchmark

rf100blog-mosaicthing

This repository implements the Roboflow 100 benchmark developed by Roboflow. It contains code to download the dataset and reproduce mAP values for YOLOv5 and YOLOv7 Fine-Tuning and GLIP Evaluation on 100 of Roboflow Universe datasets.

RF100 was sponsored with ❀️ by Intel

RF100 paper is on arxiv, if you used RF100 in your research, please consider citing us

@misc{2211.13523,
Author = {Floriana Ciaglia and Francesco Saverio Zuppichini and Paul Guerrie and Mark McQuade and Jacob Solawetz},
Title = {Roboflow 100: A Rich, Multi-Domain Object Detection Benchmark},
Year = {2022},
Eprint = {arXiv:2211.13523},
}

RF100

RF100 contains the following datasets, carefully chosen from more than 90'000 datasets hosted on our universe hub. The datasets are splitted in 7 categories: Aerial, Videogames, Microscopic, Underwater, Documents, Electromagnetic and Real World.

Category Datasets Images Classes
Aerial 7 9683 24
Videogames 7 11579 88
Microscopic 11 13378 28
Underwater 5 18003 39
Documents 8 24813 90
Electromagnetic 12 36381 41
Real World 50 110615 495
Total 100 224,714 805

🚨 Head over the Appendix at the bottom to see samples from each dataset

We provide a notebook to help you using RF100 with PyTorch

Getting Started

First, clone this repo and go inside it.

git clone https://github.com/roboflow-ai/roboflow-100-benchmark.git
cd roboflow-100-benchmark
git submodule update --init --recursive

You will need an API key. RF100 can be accessed with any key from Roboflow, head over our doc to learn how to get one.

Then, export the key to your current shell

export ROBOFLOW_API_KEY=<YOUR_API_KEY>

Note: The datasets are taken from datasets_links.txt, you can modify that file to add/remove datasets.

Docker

The easiest and faster way to download RF100 is using docker and our Dockerfile.

NOTE Be sure to do the post process steps after you installed docker, we will read and write to shared volumes so your user should also be in the docker group.

If you have an NVIDIA GPU, be sure to also install nvidia docker

Be sure to have the ROBOFLOW_API_KEY in your env, then run it (we are passing our user so you shouldn't have permission errors on rf100 folder)

docker run --rm -it \
    -e ROBOFLOW_API_KEY=$ROBOFLOW_API_KEY \
    -v $(pwd)/rf100:/workspace/rf100 \
    -v /etc/group:/etc/group:ro \
    -u "$(id -u):$(id -g)" \
    roboflow/rf100-download

roboflow/rf100-download is hosted on our docker hub

Internally, RF100 will downloaded to /app/rf100. You can also specify the format with the -f flag, by default coco is used.

docker run --rm -it \
    -e ROBOFLOW_API_KEY=$ROBOFLOW_API_KEY \
    -v ${PWD}/rf100:/workspace/rf100 \
    -v /etc/group:/etc/group:ro \
    -u "$(id -u):$(id -g)" \
    roboflow/rf100-download -f yolov5

If you want to build the container and not use the image on the hub, run

docker build -t rf100-download -f Dockerfile.rf100.download .

Local Env

To download RF100 in your local enviroment (python >=3.6), you need to install roboflow

pip install roboflow

Then,

chmod 770 ./scripts/download_datasets.sh
./scripts/download_datasets.sh
./scripts/download_datasets.sh -f yolov5 $ change format
./scripts/download_datasets.sh -l <path_to_my_location> change download location

Formats

Supported formats are

  • coco
  • yolov5 (used by YOLOv7 as well)

Reproduce Results

We will use docker to ensure the same enviroment is used.

First, build the container

docker build -t rf100-benchmark -f Dockerfile.rf100.benchmark .

Then, follow the guide for each model.

All results are stored inside ./runs.

Warning The run must be uninterrupted otherwise the downloaded datasets may be unfinished or corrupted

Warning If you have permission denied errors, you can either remove runs with sudo rm -rf ./runs or give permissions to everybody sudo chmod -R +x ./runs.

YOLOv5 Fine-Tuning

Note, we will map the current folder to the container file system to persist data

mkdir -p runs &&
nvidia-docker run --gpus all --rm -it --ipc host --network host --shm-size 64g \
    -e ROBOFLOW_API_KEY=$ROBOFLOW_API_KEY \
    -v ${PWD}/runs:/workspace/runs \
    -v ${PWD}/datasets_links_640.txt:/workspace/datasets_links_640.txt \
    rf100-benchmark ./yolov5-benchmark/train.sh

YOLOv7 Fine-Tuning

Note, we will map the current folder to the container file system to persist data

mkdir -p runs &&
nvidia-docker run --gpus all --rm -d --ipc host --network host --shm-size 64g \
    -e ROBOFLOW_API_KEY=$ROBOFLOW_API_KEY \
    -v ${PWD}/runs:/workspace/runs \
    -v ${PWD}/datasets_links_640.txt:/workspace/datasets_links_640.txt \
    rf100-benchmark ./yolov7-benchmark/train.sh

GLIP

mkdir -p runs &&
nvidia-docker run --gpus all --rm -it --ipc host --network host --shm-size 64g \
    -e ROBOFLOW_API_KEY=$ROBOFLOW_API_KEY \
    -v ${PWD}/runs:/workspace/runs \
    -v ${PWD}/datasets_links_640.txt:/workspace/datasets_links_640.txt \
    rf100-benchmark ./GLIP-benchmark/train.sh

Note We create a notebook to analysis why and where GLIP did bad and good

COCO evaluation

If you are interesting in only the test annotations for rf100, e.g. you are using pycocotools to compute maps, we have create a zip file with root/<dataset_name>/<test_annotations>.json. We hope this will make it easier for you to evaluate your models.

Appendix

dataset category samples
hand-gestures-jps7z real world alt
smoke-uvylj real world alt
wall-damage real world alt
corrosion-bi3q3 real world alt
excavators-czvg9 real world alt
chess-pieces-mjzgj real world alt
road-signs-6ih4y real world alt
street-work real world alt
construction-safety-gsnvb real world alt
road-traffic real world alt
washroom-rf1fa real world alt
circuit-elements real world alt
mask-wearing-608pr real world alt
cables-nl42k real world alt
soda-bottles real world alt
truck-movement real world alt
wine-labels real world alt
digits-t2eg6 real world alt
vehicles-q0x2v real world alt
peanuts-sd4kf real world alt
printed-circuit-board real world alt
pests-2xlvx real world alt
cavity-rs0uf real world alt
leaf-disease-nsdsr real world alt
marbles real world alt
pills-sxdht real world alt
poker-cards-cxcvz real world alt
number-ops real world alt
insects-mytwu real world alt
cotton-20xz5 real world alt
furniture-ngpea real world alt
cable-damage real world alt
animals-ij5d2 real world alt
coins-1apki real world alt
apples-fvpl5 real world alt
people-in-paintings real world alt
circuit-voltages real world alt
uno-deck real world alt
grass-weeds real world alt
gauge-u2lwv real world alt
sign-language-sokdr real world alt
valentines-chocolate real world alt
fish-market-ggjso real world alt
lettuce-pallets real world alt
shark-teeth-5atku real world alt
bees-jt5in real world alt
sedimentary-features-9eosf real world alt
currency-v4f8j real world alt
trail-camera real world alt
cell-towers real world alt
apex-videogame videogames alt
farcry6-videogame videogames alt
csgo-videogame videogames alt
avatar-recognition-nuexe videogames alt
halo-infinite-angel-videogame videogames alt
team-fight-tactics videogames alt
robomasters-285km videogames alt
tweeter-posts documents alt
tweeter-profile documents alt
document-parts documents alt
activity-diagrams-qdobr documents alt
signatures-xc8up documents alt
paper-parts documents alt
tabular-data-wf9uh documents alt
paragraphs-co84b documents alt
underwater-pipes-4ng4t underwater alt
aquarium-qlnqy underwater alt
peixos-fish underwater alt
underwater-objects-5v7p8 underwater alt
coral-lwptl underwater alt
aerial-pool aerial alt
secondary-chains aerial alt
aerial-spheres aerial alt
soccer-players-5fuqs aerial alt
weed-crop-aerial aerial alt
aerial-cows aerial alt
cloud-types aerial alt
stomata-cells microscopic alt
bccd-ouzjz microscopic alt
parasites-1s07h microscopic alt
cells-uyemf microscopic alt
4-fold-defect microscopic alt
bacteria-ptywi microscopic alt
cotton-plant-disease microscopic alt
mitosis-gjs3g microscopic alt
phages microscopic alt
liver-disease microscopic alt
asbestos microscopic alt
thermal-dogs-and-people-x6ejw electromagnetic alt
solar-panels-taxvb electromagnetic alt
radio-signal electromagnetic alt
thermal-cheetah-my4dp electromagnetic alt
x-ray-rheumatology electromagnetic alt
acl-x-ray electromagnetic alt
abdomen-mri electromagnetic alt
axial-mri electromagnetic alt
gynecology-mri electromagnetic alt
brain-tumor-m2pbp electromagnetic alt
bone-fracture-7fylg electromagnetic alt
flir-camera-objects electromagnetic alt

Credits

We thank all the authors of the original datasets, below a table linking the Roboflow 100 dataset's name to its original counterpart

dataset original
hand-gestures-jps7z https://universe.roboflow.com/hand-gestures-recognition/hand-gestures-dataset
smoke-uvylj https://universe.roboflow.com/sigma-pub/smoke-detection-sigma
wall-damage https://universe.roboflow.com/sina-uyen0/damage_level_detection
corrosion-bi3q3 https://universe.roboflow.com/khaingwintz-gmail-com/dataset--2-pathein-train-plus-v-3-update-mm
excavators-czvg9 https://universe.roboflow.com/mohamed-sabek-6zmr6/excavators-cwlh0
chess-pieces-mjzgj https://universe.roboflow.com/joseph-nelson/chess-pieces-new
road-signs-6ih4y https://universe.roboflow.com/project-sign-detection/traffic-sign-cdfml
street-work https://universe.roboflow.com/cone/capacetes-e-cones
construction-safety-gsnvb https://universe.roboflow.com/computer-vision/worker-safety
road-traffic https://universe.roboflow.com/due/detection-dlzhy
washroom-rf1fa https://universe.roboflow.com/imagetaggingworkspace/washroom-image-tagging
circuit-elements https://universe.roboflow.com/new-workspace-rzrja/pcb-2.0
mask-wearing-608pr https://universe.roboflow.com/joseph-nelson/mask-wearing
cables-nl42k https://universe.roboflow.com/annotationericsson/annotation-2.0
soda-bottles https://universe.roboflow.com/food7/test1-iajnv
truck-movement https://universe.roboflow.com/psi-dhxqe/psi-rossville-pano
wine-labels https://universe.roboflow.com/wine-label/wine-label-detection
digits-t2eg6 https://universe.roboflow.com/dmrs/number-1gmaw
vehicles-q0x2v https://universe.roboflow.com/7-class/11-11-2021-09.41
peanuts-sd4kf https://universe.roboflow.com/molds-onbk3/peanuts-mckge/
printed-circuit-board https://universe.roboflow.com/new-workspace-rzrja/pcb-2.0
pests-2xlvx https://universe.roboflow.com/gugugu/pests-f8kkr
cavity-rs0uf https://universe.roboflow.com/duong-duc-cuong/cavity-n3ioq
leaf-disease-nsdsr https://universe.roboflow.com/puri/puri4-ygapu
marbles https://universe.roboflow.com/zhe-fan/marble-images
pills-sxdht https://universe.roboflow.com/mohamed-attia-e2mor/pill-detection-llp4r
poker-cards-cxcvz https://universe.roboflow.com/roboflow-100/poker-cards-cxcvz
number-ops https://universe.roboflow.com/mnist-bvalq/mnist-icrul
insects-mytwu https://universe.roboflow.com/nirmani/yolo-custome-925
cotton-20xz5 https://universe.roboflow.com/cotton-nqp2x/bt-cotton
furniture-ngpea https://universe.roboflow.com/minoj-selvaraj/furniture-sfocl
cable-damage https://universe.roboflow.com/st-hedgehog-yusupov-gmail-com/kanaaat
animals-ij5d2 https://universe.roboflow.com/dane-sprsiter/barnyard
coins-1apki https://universe.roboflow.com/labelimg/label_coin
apples-fvpl5 https://universe.roboflow.com/arfiani-nur-sayidah-9lizr/apple-sorting-2bfhk
people-in-paintings https://universe.roboflow.com/raya-al/french-paintings-dataset-d2vbe
circuit-voltages https://universe.roboflow.com/vanitchaporn/circuit-gexit
uno-deck https://universe.roboflow.com/joseph-nelson/uno-cards
grass-weeds https://universe.roboflow.com/jan-douwe/testbl
gauge-u2lwv https://universe.roboflow.com/evankim9903-gmail-com/gauge_detection
sign-language-sokdr https://universe.roboflow.com/david-lee-d0rhs/american-sign-language-letters
valentines-chocolate https://universe.roboflow.com/chocolates/valentines-chocolates
fish-market-ggjso https://universe.roboflow.com/commolybroken/dataset-z2vab
lettuce-pallets https://universe.roboflow.com/lettucedetector
shark-teeth-5atku https://universe.roboflow.com/sharks/shark-taxonomy
bees-jt5in https://universe.roboflow.com/jjb-object-detection-projects/bee-detection-pry0w
sedimentary-features-9eosf https://universe.roboflow.com/sedimentary-structures/sedimentary-features-rmadz
currency-v4f8j https://universe.roboflow.com/alex-hyams-cosqx/cash-counter/
trail-camera https://universe.roboflow.com/my-game-pics/my-game-pics
cell-towers https://universe.roboflow.com/yuyang-li/tower_jointv1
apex-videogame https://universe.roboflow.com/apex-esoic/apexyolov4
farcry6-videogame https://universe.roboflow.com/kais-al-hajjih/farcry6-hackathon
csgo-videogame https://universe.roboflow.com/new-workspace-rp0z0/csgo-train-yolo-v5
avatar-recognition-nuexe https://universe.roboflow.com/new-workspace-0pohs/avatar-recognition-rfw8d
halo-infinite-angel-videogame https://universe.roboflow.com/graham-doerksen/halo-infinite-angel-aim
team-fight-tactics https://universe.roboflow.com/lamaitw/lama-itw/
robomasters-285km https://universe.roboflow.com/etp5501-gmail-com/robomasters-colored
tweeter-posts https://universe.roboflow.com/tweeter/tweeter
tweeter-profile https://universe.roboflow.com/wojciech-blachowski/tweets
document-parts https://universe.roboflow.com/new-workspace-vf0ib/calpers
activity-diagrams-qdobr https://universe.roboflow.com/public1/activity-diagrams-s7sxv
signatures-xc8up https://universe.roboflow.com/signature-detection/signaturesdetectiob
paper-parts https://universe.roboflow.com/object-detection-alan-devera/object-detection-ycqjb
tabular-data-wf9uh https://universe.roboflow.com/rik-biswas/tabular-data-dh4ek
paragraphs-co84b https://universe.roboflow.com/new-workspace-4vus5/singlemcq
underwater-pipes-4ng4t https://universe.roboflow.com/underwaterpipes/underwater_pipes_orginal_pictures
aquarium-qlnqy https://universe.roboflow.com/brad-dwyer/aquarium-combined
peixos-fish https://universe.roboflow.com/nasca37/peixos3
underwater-objects-5v7p8 https://universe.roboflow.com/workspace-txxpz/underwater-detection
coral-lwptl https://universe.roboflow.com/nikita-manolis-je2ii/coral-growth-form
aerial-pool https://universe.roboflow.com/a-s/uwh
secondary-chains https://universe.roboflow.com/cc_moon/secondaries
aerial-spheres https://universe.roboflow.com/mevil-crasta/annotating-spheres---11-04
soccer-players-5fuqs https://universe.roboflow.com/ilyes-talbi-ptwsp/futbol-players
weed-crop-aerial https://universe.roboflow.com/new-workspace-csmgu/weedcrop-waifl
aerial-cows https://universe.roboflow.com/omarkapur-berkeley-edu/livestalk
cloud-types https://universe.roboflow.com/research-project/shallow-cloud
stomata-cells https://universe.roboflow.com/new-workspace-fditd/stomata02
bccd-ouzjz https://universe.roboflow.com/team-roboflow/blood-cell-detection-1ekwu
parasites-1s07h https://universe.roboflow.com/graduao/sistema-para-analise-de-ovos-de-parasitas-em-amostra-de-agua-e-sangue
cells-uyemf https://universe.roboflow.com/new-workspace-86q1t/t03-proyecto-celula-dataset-ampliado
4-fold-defect https://universe.roboflow.com/kat-laura/defect-detection-gil85
bacteria-ptywi https://universe.roboflow.com/terada-shoma/gram-positive-bacteria
cotton-plant-disease https://universe.roboflow.com/quandong-qian/desease-cotton-plant
mitosis-gjs3g https://universe.roboflow.com/20029-tkmce-ac-in/mitosis-dwute
phages https://universe.roboflow.com/danish2562022-gmail-com/microglia_rgb/
liver-disease https://universe.roboflow.com/liver-t5yvf/liver-diseases
asbestos https://universe.roboflow.com/ahmad-rabiee/asbest91
thermal-dogs-and-people-x6ejw https://universe.roboflow.com/joseph-nelson/thermal-dogs-and-people
solar-panels-taxvb https://universe.roboflow.com/new-workspace-rt1da/solarpaneldetectmodel
radio-signal https://universe.roboflow.com/danil/
thermal-cheetah-my4dp https://universe.roboflow.com/brad-dwyer/thermal-cheetah
x-ray-rheumatology https://universe.roboflow.com/publictestsite/xray-rheumatology-images-public
acl-x-ray https://universe.roboflow.com/objectdetection-9lu9z/detectron2-acl
abdomen-mri https://universe.roboflow.com/xinweihe/circle-3train
axial-mri https://universe.roboflow.com/tfg-2nmge/axial-dataset
gynecology-mri https://universe.roboflow.com/yuanyuanpei7/5-8w
brain-tumor-m2pbp https://universe.roboflow.com/yousef-ghanem-jzj4y/brain-tumor-detection-fpf1f
bone-fracture-7fylg https://universe.roboflow.com/science-research/science-research-2022:-bone-fracture-detection
flir-camera-objects https://universe.roboflow.com/thermal-imaging-0hwfw/flir-data-set

More Repositories

1

supervision

We write your reusable computer vision tools. πŸ’œ
Python
22,657
star
2

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.
Jupyter Notebook
5,261
star
3

sports

computer vision and sports
Python
2,310
star
4

awesome-openai-vision-api-experiments

Must-have resource for anyone who wants to experiment with and build on the OpenAI vision API πŸ”₯
Python
1,633
star
5

maestro

streamline the fine-tuning process for multimodal models: PaliGemma, Florence-2, and Qwen2-VL
Python
1,328
star
6

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,299
star
7

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
289
star
8

webcamGPT

webcamGPT - chat with video stream πŸ’¬ + πŸ“Έ
Python
253
star
9

dji-aerial-georeferencing

Detect objects in drone videos and plot them on a map
JavaScript
198
star
10

neuralhash-collisions

A catalog of naturally occurring images whose Apple NeuralHash is identical.
JavaScript
151
star
11

template-python

A template repo holding our common setup for a python project
Python
90
star
12

video-inference

Example showing how to do inference on a video file with Roboflow Infer
Shell
48
star
13

polygonzone

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

model-leaderboard

Which model is the best at object detection? Which is best for small or large objects? We compare the results in a handy leaderboard.
JavaScript
40
star
15

auto-annotate

A simple tool for automatic image annotation using Roboflow API
Python
40
star
16

homepage-demo

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

blackjack-basic-strategy

A computer vision powered Blackjack basic strategy app powered by Roboflow.
JavaScript
36
star
18

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
36
star
19

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
34
star
20

gpt-checkup

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

roboflow-collect

Passively collect images for computer vision datasets on the edge.
Python
27
star
22

deploy-models-with-grpc-pytorch-asyncio

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

RoboflowExpoExample

Java
23
star
24

quickstart-python

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

clip_video_app

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

supashim

Use Supabase as a drop-in replacement for Firebase
JavaScript
20
star
27

roboflow-api-snippets

repo for versioning snippets that show how to use Roboflow APIs
Python
18
star
28

rabbit-deterrence

Uses computer vision to deter rabbits from eating your vegetables
Python
17
star
29

cookbooks

Templates for computer vision projects, referenced in Roboflow blog posts.
Python
16
star
30

roboflow-ios-starter

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

cog-vlm-client

Simple CogVLM client script
Python
14
star
32

rickblocker

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

inference-client

Python
13
star
34

inference-server-old

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

magic-scissors

Synthetic data for object detection and segmentation
Python
11
star
36

streamlit-web-app

A web-based application for testing models trained with Roboflow. Powered by Streamlit.
Python
9
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
9
star
38

roboflow-react-app

react starter app for roboflow inference
JavaScript
8
star
39

roboflow-nest

Using Roboflow with the Nest camera API
JavaScript
8
star
40

yolov5-custom-training-tutorial

Jupyter Notebook
8
star
41

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
8
star
42

roboflow-100-3d-website

roboflow-100-3d-website
JavaScript
6
star
43

yolov8-OpenVINO

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

roboflow-swift

Swift
5
star
45

roboflow-node

Roboflow CLI and API module for node
JavaScript
5
star
46

roboflow-cli

Command Line Interface for Roboflow
JavaScript
5
star
47

roboflow-jetson-license-plate

Mashup Roboflow Object Detection with OCR to read license plates.
Python
5
star
48

stable-diffusion-demo

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

scavenger-hunt

Roboflow SXSW Scavenger Hunt game.
JavaScript
5
star
50

supervision-annotators-hf-space

Demo of Annotators through Gradio
Python
5
star
51

foundation-vision-benchmark

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

streamlit-bccd

Streamlit App for Blood Cell Count Dataset
Python
4
star
53

cheatsheet-supervision

Supervision cheatsheet website, coded up in Svelte
Svelte
4
star
54

trt-demos

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

roboflow-object-counting

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

roboflow-swift-examples

Swift
3
star
57

model-library

3
star
58

roboflow-red

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

synthetic-fruit-dataset

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

visual-prompting

TypeScript
2
star
61

fast-ai-resnet32

Jupyter Notebook
2
star
62

c3-sapphire-rapids

Jupyter Notebook
2
star
63

inferencejs-react-example

JavaScript
2
star
64

roboflow-object-tracking

Python
1
star
65

smooth-frame

Python
1
star
66

tao-toolkit-with-roboflow

Jupyter Notebook
1
star
67

clip-benchmark

Python
1
star
68

ODinW-RF100-challenge-issues

ODinW RF100 πŸ“Έ challenge issues/discussions repository
1
star
69

yolov8-website

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

external-bugtracker

1
star
71

stacked-boxes-email-notification

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

server-benchmark

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

lenny

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