Skip to content

Commit 22d037a

Browse files
committed
reverted automation/notebooks-table-data.csv to main branch
1 parent 0eae938 commit 22d037a

File tree

1 file changed

+26
-26
lines changed

1 file changed

+26
-26
lines changed

automation/notebooks-table-data.csv

Lines changed: 26 additions & 26 deletions
Original file line numberDiff line numberDiff line change
@@ -1,50 +1,50 @@
11
display_name, notebook_name, roboflow_blogpost_path, youtube_video_path, github_repository_path, arxiv_index, should_open_in_sagemaker_labs, readme_section
2-
Zero-Shot Object Detection with YOLO-World, zero-shot-object-detection-with-yolo-world.ipynb, https://blog.roboflow.com/what-is-yolo-world/, https://www.youtube.com/watch?v=X7gKBGVz4vs, https://github.com/AILab-CVC/YOLO-World,2401.1727, True, models
3-
YOLOv9 Object Detection, train-yolov9-object-detection-on-custom-dataset.ipynb, https://blog.roboflow.com/train-yolov9-model, https://youtu.be/XHT2c8jT3Bc, https://github.com/WongKinYiu/yolov9,2402.13616, True, models
4-
RTMDet Object Detection, train-rtmdet-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-rtmdet-on-a-custom-dataset, https://youtu.be/5kgWyo6Sg4E, https://github.com/open-mmlab/mmdetection,2212.07784, True, models
5-
Fast Segment Anything Model (FastSAM), how-to-segment-anything-with-fast-sam.ipynb, https://blog.roboflow.com/how-to-use-fastsam, https://youtu.be/yHNPyqazYYU, https://github.com/CASIA-IVA-Lab/FastSAM,2306.12156, True, models
2+
Zero-Shot Object Detection with YOLO-World, zero-shot-object-detection-with-yolo-world.ipynb, https://blog.roboflow.com/what-is-yolo-world/, https://www.youtube.com/watch?v=X7gKBGVz4vs, https://github.com/AILab-CVC/YOLO-World, 2401.17270, True, models
3+
YOLOv9 Object Detection, train-yolov9-object-detection-on-custom-dataset.ipynb, https://blog.roboflow.com/train-yolov9-model, https://youtu.be/XHT2c8jT3Bc, https://github.com/WongKinYiu/yolov9, 2402.13616, True, models
4+
RTMDet Object Detection, train-rtmdet-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-rtmdet-on-a-custom-dataset, https://youtu.be/5kgWyo6Sg4E, https://github.com/open-mmlab/mmdetection, 2212.07784, True, models
5+
Fast Segment Anything Model (FastSAM), how-to-segment-anything-with-fast-sam.ipynb, https://blog.roboflow.com/how-to-use-fastsam, https://youtu.be/yHNPyqazYYU, https://github.com/CASIA-IVA-Lab/FastSAM, 2306.12156, True, models
66
YOLO-NAS Object Detection, train-yolo-nas-on-custom-dataset.ipynb, https://blog.roboflow.com/yolo-nas-how-to-train-on-custom-dataset, https://youtu.be/V-H3eoPUnA8, https://github.com/Deci-AI/super-gradients/blob/master/YOLONAS.md, , True, models
7-
Segment Anything Model (SAM), how-to-segment-anything-with-sam.ipynb, https://blog.roboflow.com/how-to-use-segment-anything-model-sam, https://youtu.be/D-D6ZmadzPE, https://github.com/facebookresearch/segment-anything,2304.02643, True, models
8-
Zero-Shot Object Detection with Grounding DINO, zero-shot-object-detection-with-grounding-dino.ipynb, https://blog.roboflow.com/grounding-dino-zero-shot-object-detection, https://youtu.be/cMa77r3YrDk, https://github.com/IDEA-Research/GroundingDINO,2303.05499, True, models
9-
DETR Transformer Object Detection, train-huggingface-detr-on-custom-dataset.ipynb, https://youtu.be/AM8D4j9KoaU, https://youtu.be/AM8D4j9KoaU, https://github.com/facebookresearch/detr,2005.12872, True, models
10-
DINOv2 Image Classification, dinov2-classification.ipynb, https://blog.roboflow.com/how-to-classify-images-with-dinov2/, , https://github.com/facebookresearch/dinov2/ ,2304.07193, False, models
7+
Segment Anything Model (SAM), how-to-segment-anything-with-sam.ipynb, https://blog.roboflow.com/how-to-use-segment-anything-model-sam, https://youtu.be/D-D6ZmadzPE, https://github.com/facebookresearch/segment-anything, 2304.02643, True, models
8+
Zero-Shot Object Detection with Grounding DINO, zero-shot-object-detection-with-grounding-dino.ipynb, https://blog.roboflow.com/grounding-dino-zero-shot-object-detection, https://youtu.be/cMa77r3YrDk, https://github.com/IDEA-Research/GroundingDINO, 2303.05499, True, models
9+
DETR Transformer Object Detection, train-huggingface-detr-on-custom-dataset.ipynb, https://youtu.be/AM8D4j9KoaU, https://youtu.be/AM8D4j9KoaU, https://github.com/facebookresearch/detr, 2005.12872, True, models
10+
DINOv2 Image Classification, dinov2-classification.ipynb, https://blog.roboflow.com/how-to-classify-images-with-dinov2/, , https://github.com/facebookresearch/dinov2/ , 2304.07193, False, models
1111
YOLOv8 Object Detection, train-yolov8-object-detection-on-custom-dataset.ipynb, https://blog.roboflow.com/how-to-train-yolov8-on-a-custom-dataset, https://youtu.be/wuZtUMEiKWY, https://github.com/ultralytics/ultralytics, , True, models
1212
YOLOv8 Pose Estimation, train-yolov8-keypoint.ipynb, https://blog.roboflow.com/train-a-custom-yolov8-pose-estimation-model/, , https://github.com/ultralytics/ultralytics, , True, models
1313
YOLOv8 Oriented Bounding Boxes, train-yolov8-obb.ipynb, https:/blog.roboflow.com/train-yolov8-obb-model/, , https://github.com/ultralytics/ultralytics, , True, models
1414
YOLOv8 Instance Segmentation, train-yolov8-instance-segmentation-on-custom-dataset.ipynb, https://blog.roboflow.com/how-to-train-yolov8-instance-segmentation/, https://youtu.be/pFiGSrRtaU4, https://github.com/ultralytics/ultralytics, , True, models
1515
YOLOv8 Classification, train-yolov8-classification-on-custom-dataset.ipynb, https://blog.roboflow.com/how-to-train-a-yolov8-classification-model/, , https://github.com/ultralytics/ultralytics, , True, models
16-
YOLOv7 Object Detection, train-yolov7-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/yolov7-custom-dataset-training-tutorial, https://www.youtube.com/watch?v=5nsmXLyDaU4, https://github.com/WongKinYiu/yolov7,2207.02696, False, models
17-
YOLOv7 Instance Segmentation, train-yolov7-instance-segmentation-on-custom-data.ipynb, https://blog.roboflow.com/train-yolov7-instance-segmentation-on-custom-data, https://www.youtube.com/watch?v=vFGxM2KLs10, https://github.com/WongKinYiu/yolov7,2207.02696, True, models
18-
YOLOv7 Object Detection OpenVINO + TorchORT, train-yolov7-object-detection-on-custom-data-openvino-torch-ort.ipynb, https://blog.roboflow.com/accelerate-pytorch-openvino-torch-ort, ,https://github.com/roboflow-ai/yolov7,2207.02696, False, models
19-
MT-YOLOv6 Object Detection, train-yolov6-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-yolov6-on-a-custom-dataset, https://www.youtube.com/watch?v=fFCWrMFH2UY, https://github.com/meituan/YOLOv6,2209.02976, False, models
16+
YOLOv7 Object Detection, train-yolov7-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/yolov7-custom-dataset-training-tutorial, https://www.youtube.com/watch?v=5nsmXLyDaU4, https://github.com/WongKinYiu/yolov7, 2207.02696, False, models
17+
YOLOv7 Instance Segmentation, train-yolov7-instance-segmentation-on-custom-data.ipynb, https://blog.roboflow.com/train-yolov7-instance-segmentation-on-custom-data, https://www.youtube.com/watch?v=vFGxM2KLs10, https://github.com/WongKinYiu/yolov7, 2207.02696, True, models
18+
YOLOv7 Object Detection OpenVINO + TorchORT, train-yolov7-object-detection-on-custom-data-openvino-torch-ort.ipynb, https://blog.roboflow.com/accelerate-pytorch-openvino-torch-ort, ,https://github.com/roboflow-ai/yolov7, 2207.02696, False, models
19+
MT-YOLOv6 Object Detection, train-yolov6-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-yolov6-on-a-custom-dataset, https://www.youtube.com/watch?v=fFCWrMFH2UY, https://github.com/meituan/YOLOv6, 2209.02976, False, models
2020
YOLOv5 Object Detection, train-yolov5-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-yolov5-on-a-custom-dataset, https://youtu.be/watch?v=x0ThXHbtqCQ, https://github.com/ultralytics/yolov5, , False, models
2121
YOLOv5 Classification, train-yolov5-classification-on-custom-data.ipynb, https://blog.roboflow.com/train-yolov5-classification-custom-data, https://www.youtube.com/watch?v=DPjp9Kq4qn8, https://github.com/ultralytics/yolov5, , False, models
2222
YOLOv5 Instance Segmentation, train-yolov5-instance-segmentation-on-custom-data.ipynb, https://blog.roboflow.com/train-yolov5-instance-segmentation-custom-dataset, https://www.youtube.com/watch?v=vKzfvtEtiYo, https://github.com/ultralytics/yolov5, , True, models
2323
Detection2 Instance Segmentation, train-detectron2-segmentation-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-detectron2, https://youtu.be/e8LPflX0nwQ, https://github.com/facebookresearch/detectron2, 1703.06870v3, False, models
2424
SegFormer Instance Segmentation, train-segformer-segmentation-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-segformer-on-a-custom-dataset-with-pytorch-lightning, https://www.youtube.com/watch?v=4HNkBMfw-2o, https://github.com/NVlabs/SegFormer, 2105.15203v3, False, models
25-
Vision Transformer Classification, train-vision-transformer-classification-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-vision-transformer, https://www.youtube.com/watch?v=8yRE2Pa-8_I,https://github.com/lucidrains/vit-pytorch,2010.11929, False, models
26-
Scaled-YOLOv4 Object Detection, train-scaled-yolov4-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-scaled-yolov4, https://www.youtube.com/watch?v=rEbpKxZbvIo, https://github.com/WongKinYiu/ScaledYOLOv4,2004.10934, False, models
27-
YOLOS Object Detection, train-yolos-huggingface-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/train-yolos-transformer-custom-dataset, https://www.youtube.com/watch?v=N0V0xxSi6Xc, https://github.com/huggingface/transformers,2106.00666, False, models
28-
YOLOR Object Detection, train-yolor-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/train-yolor-on-a-custom-dataset, https://www.youtube.com/watch?v=sZ5DiXDOHEM, https://github.com/roboflow-ai/yolor,1506.0264, False, models
29-
YOLOX Object Detection, train-yolox-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-yolox-on-a-custom-dataset, https://www.youtube.com/watch?v=q3RbFbaQQGw, https://github.com/Megvii-BaseDetection/YOLOX,2107.0843, False, models
25+
Vision Transformer Classification, train-vision-transformer-classification-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-vision-transformer, https://www.youtube.com/watch?v=8yRE2Pa-8_I,https://github.com/lucidrains/vit-pytorch, 2010.11929, False, models
26+
Scaled-YOLOv4 Object Detection, train-scaled-yolov4-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-scaled-yolov4, https://www.youtube.com/watch?v=rEbpKxZbvIo, https://github.com/WongKinYiu/ScaledYOLOv4, 2004.10934, False, models
27+
YOLOS Object Detection, train-yolos-huggingface-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/train-yolos-transformer-custom-dataset, https://www.youtube.com/watch?v=N0V0xxSi6Xc, https://github.com/huggingface/transformers, 2106.00666, False, models
28+
YOLOR Object Detection, train-yolor-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/train-yolor-on-a-custom-dataset, https://www.youtube.com/watch?v=sZ5DiXDOHEM, https://github.com/roboflow-ai/yolor, 1506.02640, False, models
29+
YOLOX Object Detection, train-yolox-object-detection-on-custom-data.ipynb, https://blog.roboflow.com/how-to-train-yolox-on-a-custom-dataset, https://www.youtube.com/watch?v=q3RbFbaQQGw, https://github.com/Megvii-BaseDetection/YOLOX, 2107.08430, False, models
3030
Resnet34 fast.ai Classification, train-resnet34-classification.ipynb, https://blog.roboflow.com/how-to-train-a-custom-resnet34-model, https://www.youtube.com/watch?v=93kXzUOiYY4,, , False, models
31-
OpenAI Clip Classification, how-to-use-openai-clip-classification.ipynb, https://blog.roboflow.com/how-to-use-openai-clip, https://www.youtube.com/watch?v=8o701AEoZ8I, https://github.com/openai/CLIP,2103.0002, False, models
32-
YOLOv4-tiny Darknet Object Detection, train-yolov4-tiny-object-detection-on-custom-data.ipynb, https://blog.roboflow.ai/train-yolov4-tiny-on-custom-data-lighting-fast-detection, https://www.youtube.com/watch?v=NTnZgLsk_DA, https://github.com/roboflow-ai/darknet,2011.04244, False, models
31+
OpenAI Clip Classification, how-to-use-openai-clip-classification.ipynb, https://blog.roboflow.com/how-to-use-openai-clip, https://www.youtube.com/watch?v=8o701AEoZ8I, https://github.com/openai/CLIP, 2103.00020, False, models
32+
YOLOv4-tiny Darknet Object Detection, train-yolov4-tiny-object-detection-on-custom-data.ipynb, https://blog.roboflow.ai/train-yolov4-tiny-on-custom-data-lighting-fast-detection, https://www.youtube.com/watch?v=NTnZgLsk_DA, https://github.com/roboflow-ai/darknet, 2011.04244, False, models
3333
How to Estimate Vehicle Speed, how-to-estimate-vehicle-speed-with-computer-vision.ipynb, https://blog.roboflow.com/estimate-speed-computer-vision/, https://youtu.be/uWP6UjDeZvY, https://github.com/roboflow/supervision/tree/develop/examples/speed_estimation, , False, skills
3434
Detect and Count Objects in Polygon Zone with YOLOv5 / YOLOv8 / Detectron2 + Supervision, how-to-detect-and-count-objects-in-polygon-zone.ipynb, https://blog.roboflow.com/how-to-count-objects-in-a-zone, https://youtu.be/l_kf9CfZ_8M, https://github.com/roboflow/supervision, , True, skills
35-
Track and Count Vehicles with YOLOv8 + ByteTRACK + Supervision, how-to-track-and-count-vehicles-with-yolov8.ipynb, https://blog.roboflow.com/yolov8-tracking-and-counting/, https://youtu.be/OS5qI9YBkfk, https://github.com/roboflow/supervision,2110.06864, True, skills
36-
Football Players Tracking with YOLOv5 + ByteTRACK, how-to-track-football-players.ipynb, https://blog.roboflow.com/track-football-players, https://youtu.be/QCG8QMhga9k, https://github.com/ifzhang/ByteTrack,2110.06864, True, skills
35+
Track and Count Vehicles with YOLOv8 + ByteTRACK + Supervision, how-to-track-and-count-vehicles-with-yolov8.ipynb, https://blog.roboflow.com/yolov8-tracking-and-counting/, https://youtu.be/OS5qI9YBkfk, https://github.com/roboflow/supervision, 2110.06864, True, skills
36+
Football Players Tracking with YOLOv5 + ByteTRACK, how-to-track-football-players.ipynb, https://blog.roboflow.com/track-football-players, https://youtu.be/QCG8QMhga9k, https://github.com/ifzhang/ByteTrack, 2110.06864, True, skills
3737
Auto Train YOLOv8 Model with Autodistill, how-to-auto-train-yolov8-model-with-autodistill.ipynb, https://blog.roboflow.com/autodistill, https://youtu.be/gKTYMfwPo4M, https://github.com/autodistill/autodistill, , True, skills
38-
Image Embeddings Analysis - Part 1, image_embeddings_analysis_part_1.ipynb, , https://youtu.be/YxJkE6FvGF4, https://github.com/openai/CLIP,2103.0002, True, skills
39-
Automated Dataset Annotation and Evaluation with Grounding DINO and SAM, automated-dataset-annotation-and-evaluation-with-grounding-dino-and-sam.ipynb, https://blog.roboflow.com/enhance-image-annotation-with-grounding-dino-and-sam/, https://youtu.be/oEQYStnF2l8, https://github.com/IDEA-Research/GroundingDINO,2303.05499, True, skills
40-
Automated Dataset Annotation and Evaluation with Grounding DINO, automated-dataset-annotation-and-evaluation-with-grounding-dino.ipynb, , https://youtu.be/C4NqaRBz_Kw, https://github.com/IDEA-Research/GroundingDINO,2303.05499, True, skills
38+
Image Embeddings Analysis - Part 1, image_embeddings_analysis_part_1.ipynb, , https://youtu.be/YxJkE6FvGF4, https://github.com/openai/CLIP, 2103.00020, True, skills
39+
Automated Dataset Annotation and Evaluation with Grounding DINO and SAM, automated-dataset-annotation-and-evaluation-with-grounding-dino-and-sam.ipynb, https://blog.roboflow.com/enhance-image-annotation-with-grounding-dino-and-sam/, https://youtu.be/oEQYStnF2l8, https://github.com/IDEA-Research/GroundingDINO, 2303.05499, True, skills
40+
Automated Dataset Annotation and Evaluation with Grounding DINO, automated-dataset-annotation-and-evaluation-with-grounding-dino.ipynb, , https://youtu.be/C4NqaRBz_Kw, https://github.com/IDEA-Research/GroundingDINO, 2303.05499, True, skills
4141
Roboflow Video Inference with Custom Annotators, roboflow_video_inference_with_custom_annotators.ipynb, https://blog.roboflow.com/custom-annotator-video-inference, ,https://github.com/roboflow/inference, , True, skills
4242
DINO-GPT-4V Object Detection, dino-gpt4v-autodistill.ipynb, https://blog.roboflow.com/dino-gpt-4v/, , , , False, skills
4343
Train a Segmentation Model with No Labeling, train-segmentation-model-with-no-labeling.ipynb, https://blog.roboflow.com/train-a-segmentation-model-no-labeling/, , https://github.com/autodistill/autodistill, , True, skills
4444
Train a YOLOv8 Classification Model with No Labeling, how-to-train-yolov8-classification-no-labeling.ipynb, https://blog.roboflow.com/train-classification-model-no-labeling/, , https://github.com/ultralytics/ultralytics, , True, models
45-
DINOv2 Image Retrieval, dinov2-image-retrieval.ipynb, , , https://github.com/facebookresearch/dinov2/,2304.07193, False, skills
45+
DINOv2 Image Retrieval, dinov2-image-retrieval.ipynb, , , https://github.com/facebookresearch/dinov2/, 2304.07193, False, skills
4646
Vector Analysis with Scikit-learn and Bokeh, vector-analysis-with-sklearn-and-bokeh.ipynb, https://blog.roboflow.com/vector-analysis, , , , False, skills
47-
RF100 Object Detection Model Benchmarking, how-to-use-rf100.ipynb, https://blog.roboflow.com/roboflow-100, https://youtu.be/jIgZMr-PBMo, https://github.com/roboflow-ai/roboflow-100-benchmark,2211.13523, False, skills
47+
RF100 Object Detection Model Benchmarking, how-to-use-rf100.ipynb, https://blog.roboflow.com/roboflow-100, https://youtu.be/jIgZMr-PBMo, https://github.com/roboflow-ai/roboflow-100-benchmark, 2211.13523, False, skills
4848
Create Segmentation Masks with Roboflow, how-to-generate-segmentation-mask-with-roboflow.ipynb, https://blog.roboflow.com/how-to-create-segmentation-masks-with-roboflow, , , , False, skills
4949
How to Use PolygonZone and Roboflow Supervision, how-to-use-polygonzone-annotate-and-supervision.ipynb, https://blog.roboflow.com/polygonzone/, , , , False, skills
5050
Train a Package Detector With Two Labeled Images, train-package-detector-two-labeled-images.ipynb, https://blog.roboflow.com/package-detector/, , https://github.com/autodistill/autodistill-seggpt, , False, skills

0 commit comments

Comments
 (0)