ultralytics 8.1.28__py3-none-any.whl → 8.3.62__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- tests/__init__.py +22 -0
- tests/conftest.py +83 -0
- tests/test_cli.py +122 -0
- tests/test_cuda.py +155 -0
- tests/test_engine.py +131 -0
- tests/test_exports.py +216 -0
- tests/test_integrations.py +150 -0
- tests/test_python.py +615 -0
- tests/test_solutions.py +94 -0
- ultralytics/__init__.py +11 -8
- ultralytics/cfg/__init__.py +569 -131
- ultralytics/cfg/datasets/Argoverse.yaml +2 -1
- ultralytics/cfg/datasets/DOTAv1.5.yaml +3 -2
- ultralytics/cfg/datasets/DOTAv1.yaml +3 -2
- ultralytics/cfg/datasets/GlobalWheat2020.yaml +3 -2
- ultralytics/cfg/datasets/ImageNet.yaml +2 -1
- ultralytics/cfg/datasets/Objects365.yaml +5 -4
- ultralytics/cfg/datasets/SKU-110K.yaml +2 -1
- ultralytics/cfg/datasets/VOC.yaml +3 -2
- ultralytics/cfg/datasets/VisDrone.yaml +6 -5
- ultralytics/cfg/datasets/african-wildlife.yaml +25 -0
- ultralytics/cfg/datasets/brain-tumor.yaml +23 -0
- ultralytics/cfg/datasets/carparts-seg.yaml +3 -2
- ultralytics/cfg/datasets/coco-pose.yaml +7 -6
- ultralytics/cfg/datasets/coco.yaml +3 -2
- ultralytics/cfg/datasets/coco128-seg.yaml +4 -3
- ultralytics/cfg/datasets/coco128.yaml +4 -3
- ultralytics/cfg/datasets/coco8-pose.yaml +3 -2
- ultralytics/cfg/datasets/coco8-seg.yaml +3 -2
- ultralytics/cfg/datasets/coco8.yaml +3 -2
- ultralytics/cfg/datasets/crack-seg.yaml +3 -2
- ultralytics/cfg/datasets/dog-pose.yaml +24 -0
- ultralytics/cfg/datasets/dota8.yaml +3 -2
- ultralytics/cfg/datasets/hand-keypoints.yaml +26 -0
- ultralytics/cfg/datasets/lvis.yaml +1236 -0
- ultralytics/cfg/datasets/medical-pills.yaml +22 -0
- ultralytics/cfg/datasets/open-images-v7.yaml +2 -1
- ultralytics/cfg/datasets/package-seg.yaml +5 -4
- ultralytics/cfg/datasets/signature.yaml +21 -0
- ultralytics/cfg/datasets/tiger-pose.yaml +3 -2
- ultralytics/cfg/datasets/xView.yaml +2 -1
- ultralytics/cfg/default.yaml +14 -11
- ultralytics/cfg/models/11/yolo11-cls-resnet18.yaml +24 -0
- ultralytics/cfg/models/11/yolo11-cls.yaml +33 -0
- ultralytics/cfg/models/11/yolo11-obb.yaml +50 -0
- ultralytics/cfg/models/11/yolo11-pose.yaml +51 -0
- ultralytics/cfg/models/11/yolo11-seg.yaml +50 -0
- ultralytics/cfg/models/11/yolo11.yaml +50 -0
- ultralytics/cfg/models/rt-detr/rtdetr-l.yaml +5 -2
- ultralytics/cfg/models/rt-detr/rtdetr-resnet101.yaml +5 -2
- ultralytics/cfg/models/rt-detr/rtdetr-resnet50.yaml +5 -2
- ultralytics/cfg/models/rt-detr/rtdetr-x.yaml +5 -2
- ultralytics/cfg/models/v10/yolov10b.yaml +45 -0
- ultralytics/cfg/models/v10/yolov10l.yaml +45 -0
- ultralytics/cfg/models/v10/yolov10m.yaml +45 -0
- ultralytics/cfg/models/v10/yolov10n.yaml +45 -0
- ultralytics/cfg/models/v10/yolov10s.yaml +45 -0
- ultralytics/cfg/models/v10/yolov10x.yaml +45 -0
- ultralytics/cfg/models/v3/yolov3-spp.yaml +5 -2
- ultralytics/cfg/models/v3/yolov3-tiny.yaml +5 -2
- ultralytics/cfg/models/v3/yolov3.yaml +5 -2
- ultralytics/cfg/models/v5/yolov5-p6.yaml +5 -2
- ultralytics/cfg/models/v5/yolov5.yaml +5 -2
- ultralytics/cfg/models/v6/yolov6.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-cls-resnet101.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-cls-resnet50.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-cls.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-ghost-p2.yaml +6 -2
- ultralytics/cfg/models/v8/yolov8-ghost-p6.yaml +6 -2
- ultralytics/cfg/models/v8/yolov8-ghost.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-obb.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-p2.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-p6.yaml +10 -7
- ultralytics/cfg/models/v8/yolov8-pose-p6.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-pose.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-rtdetr.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-seg-p6.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-seg.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-world.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8-worldv2.yaml +5 -2
- ultralytics/cfg/models/v8/yolov8.yaml +5 -2
- ultralytics/cfg/models/v9/yolov9c-seg.yaml +41 -0
- ultralytics/cfg/models/v9/yolov9c.yaml +30 -25
- ultralytics/cfg/models/v9/yolov9e-seg.yaml +64 -0
- ultralytics/cfg/models/v9/yolov9e.yaml +46 -42
- ultralytics/cfg/models/v9/yolov9m.yaml +41 -0
- ultralytics/cfg/models/v9/yolov9s.yaml +41 -0
- ultralytics/cfg/models/v9/yolov9t.yaml +41 -0
- ultralytics/cfg/solutions/default.yaml +24 -0
- ultralytics/cfg/trackers/botsort.yaml +8 -5
- ultralytics/cfg/trackers/bytetrack.yaml +8 -5
- ultralytics/data/__init__.py +14 -3
- ultralytics/data/annotator.py +37 -15
- ultralytics/data/augment.py +1783 -289
- ultralytics/data/base.py +62 -27
- ultralytics/data/build.py +36 -8
- ultralytics/data/converter.py +196 -36
- ultralytics/data/dataset.py +233 -94
- ultralytics/data/loaders.py +199 -96
- ultralytics/data/split_dota.py +39 -29
- ultralytics/data/utils.py +110 -40
- ultralytics/engine/__init__.py +1 -1
- ultralytics/engine/exporter.py +569 -242
- ultralytics/engine/model.py +604 -252
- ultralytics/engine/predictor.py +22 -11
- ultralytics/engine/results.py +1228 -218
- ultralytics/engine/trainer.py +190 -129
- ultralytics/engine/tuner.py +18 -18
- ultralytics/engine/validator.py +18 -15
- ultralytics/hub/__init__.py +31 -13
- ultralytics/hub/auth.py +11 -7
- ultralytics/hub/google/__init__.py +159 -0
- ultralytics/hub/session.py +128 -94
- ultralytics/hub/utils.py +20 -21
- ultralytics/models/__init__.py +4 -2
- ultralytics/models/fastsam/__init__.py +2 -3
- ultralytics/models/fastsam/model.py +26 -4
- ultralytics/models/fastsam/predict.py +127 -63
- ultralytics/models/fastsam/utils.py +1 -44
- ultralytics/models/fastsam/val.py +1 -1
- ultralytics/models/nas/__init__.py +1 -1
- ultralytics/models/nas/model.py +21 -10
- ultralytics/models/nas/predict.py +3 -6
- ultralytics/models/nas/val.py +4 -4
- ultralytics/models/rtdetr/__init__.py +1 -1
- ultralytics/models/rtdetr/model.py +1 -1
- ultralytics/models/rtdetr/predict.py +6 -8
- ultralytics/models/rtdetr/train.py +6 -2
- ultralytics/models/rtdetr/val.py +3 -3
- ultralytics/models/sam/__init__.py +3 -3
- ultralytics/models/sam/amg.py +29 -23
- ultralytics/models/sam/build.py +211 -13
- ultralytics/models/sam/model.py +91 -30
- ultralytics/models/sam/modules/__init__.py +1 -1
- ultralytics/models/sam/modules/blocks.py +1129 -0
- ultralytics/models/sam/modules/decoders.py +381 -53
- ultralytics/models/sam/modules/encoders.py +515 -324
- ultralytics/models/sam/modules/memory_attention.py +237 -0
- ultralytics/models/sam/modules/sam.py +969 -21
- ultralytics/models/sam/modules/tiny_encoder.py +425 -154
- ultralytics/models/sam/modules/transformer.py +159 -60
- ultralytics/models/sam/modules/utils.py +293 -0
- ultralytics/models/sam/predict.py +1263 -132
- ultralytics/models/utils/__init__.py +1 -1
- ultralytics/models/utils/loss.py +36 -24
- ultralytics/models/utils/ops.py +3 -7
- ultralytics/models/yolo/__init__.py +3 -3
- ultralytics/models/yolo/classify/__init__.py +1 -1
- ultralytics/models/yolo/classify/predict.py +7 -8
- ultralytics/models/yolo/classify/train.py +17 -22
- ultralytics/models/yolo/classify/val.py +8 -4
- ultralytics/models/yolo/detect/__init__.py +1 -1
- ultralytics/models/yolo/detect/predict.py +3 -5
- ultralytics/models/yolo/detect/train.py +11 -4
- ultralytics/models/yolo/detect/val.py +90 -52
- ultralytics/models/yolo/model.py +14 -9
- ultralytics/models/yolo/obb/__init__.py +1 -1
- ultralytics/models/yolo/obb/predict.py +2 -2
- ultralytics/models/yolo/obb/train.py +5 -3
- ultralytics/models/yolo/obb/val.py +41 -23
- ultralytics/models/yolo/pose/__init__.py +1 -1
- ultralytics/models/yolo/pose/predict.py +3 -5
- ultralytics/models/yolo/pose/train.py +2 -2
- ultralytics/models/yolo/pose/val.py +51 -17
- ultralytics/models/yolo/segment/__init__.py +1 -1
- ultralytics/models/yolo/segment/predict.py +3 -5
- ultralytics/models/yolo/segment/train.py +2 -2
- ultralytics/models/yolo/segment/val.py +60 -19
- ultralytics/models/yolo/world/__init__.py +5 -0
- ultralytics/models/yolo/world/train.py +92 -0
- ultralytics/models/yolo/world/train_world.py +109 -0
- ultralytics/nn/__init__.py +1 -1
- ultralytics/nn/autobackend.py +228 -93
- ultralytics/nn/modules/__init__.py +39 -14
- ultralytics/nn/modules/activation.py +21 -0
- ultralytics/nn/modules/block.py +527 -67
- ultralytics/nn/modules/conv.py +24 -7
- ultralytics/nn/modules/head.py +177 -34
- ultralytics/nn/modules/transformer.py +6 -5
- ultralytics/nn/modules/utils.py +1 -2
- ultralytics/nn/tasks.py +225 -77
- ultralytics/solutions/__init__.py +30 -1
- ultralytics/solutions/ai_gym.py +96 -143
- ultralytics/solutions/analytics.py +247 -0
- ultralytics/solutions/distance_calculation.py +78 -135
- ultralytics/solutions/heatmap.py +93 -247
- ultralytics/solutions/object_counter.py +184 -259
- ultralytics/solutions/parking_management.py +246 -0
- ultralytics/solutions/queue_management.py +112 -0
- ultralytics/solutions/region_counter.py +116 -0
- ultralytics/solutions/security_alarm.py +144 -0
- ultralytics/solutions/solutions.py +178 -0
- ultralytics/solutions/speed_estimation.py +86 -174
- ultralytics/solutions/streamlit_inference.py +190 -0
- ultralytics/solutions/trackzone.py +68 -0
- ultralytics/trackers/__init__.py +1 -1
- ultralytics/trackers/basetrack.py +32 -13
- ultralytics/trackers/bot_sort.py +61 -28
- ultralytics/trackers/byte_tracker.py +83 -51
- ultralytics/trackers/track.py +21 -6
- ultralytics/trackers/utils/__init__.py +1 -1
- ultralytics/trackers/utils/gmc.py +62 -48
- ultralytics/trackers/utils/kalman_filter.py +166 -35
- ultralytics/trackers/utils/matching.py +40 -21
- ultralytics/utils/__init__.py +511 -239
- ultralytics/utils/autobatch.py +40 -22
- ultralytics/utils/benchmarks.py +266 -85
- ultralytics/utils/callbacks/__init__.py +1 -1
- ultralytics/utils/callbacks/base.py +1 -3
- ultralytics/utils/callbacks/clearml.py +7 -6
- ultralytics/utils/callbacks/comet.py +39 -17
- ultralytics/utils/callbacks/dvc.py +1 -1
- ultralytics/utils/callbacks/hub.py +16 -16
- ultralytics/utils/callbacks/mlflow.py +28 -24
- ultralytics/utils/callbacks/neptune.py +6 -2
- ultralytics/utils/callbacks/raytune.py +3 -4
- ultralytics/utils/callbacks/tensorboard.py +18 -18
- ultralytics/utils/callbacks/wb.py +27 -20
- ultralytics/utils/checks.py +160 -100
- ultralytics/utils/dist.py +2 -1
- ultralytics/utils/downloads.py +44 -37
- ultralytics/utils/errors.py +1 -1
- ultralytics/utils/files.py +72 -38
- ultralytics/utils/instance.py +41 -19
- ultralytics/utils/loss.py +84 -56
- ultralytics/utils/metrics.py +61 -56
- ultralytics/utils/ops.py +94 -89
- ultralytics/utils/patches.py +30 -14
- ultralytics/utils/plotting.py +600 -269
- ultralytics/utils/tal.py +67 -26
- ultralytics/utils/torch_utils.py +302 -102
- ultralytics/utils/triton.py +2 -1
- ultralytics/utils/tuner.py +21 -12
- ultralytics-8.3.62.dist-info/METADATA +370 -0
- ultralytics-8.3.62.dist-info/RECORD +241 -0
- {ultralytics-8.1.28.dist-info → ultralytics-8.3.62.dist-info}/WHEEL +1 -1
- ultralytics/data/explorer/__init__.py +0 -5
- ultralytics/data/explorer/explorer.py +0 -472
- ultralytics/data/explorer/gui/__init__.py +0 -1
- ultralytics/data/explorer/gui/dash.py +0 -268
- ultralytics/data/explorer/utils.py +0 -166
- ultralytics/models/fastsam/prompt.py +0 -357
- ultralytics-8.1.28.dist-info/METADATA +0 -373
- ultralytics-8.1.28.dist-info/RECORD +0 -197
- {ultralytics-8.1.28.dist-info → ultralytics-8.3.62.dist-info}/LICENSE +0 -0
- {ultralytics-8.1.28.dist-info → ultralytics-8.3.62.dist-info}/entry_points.txt +0 -0
- {ultralytics-8.1.28.dist-info → ultralytics-8.3.62.dist-info}/top_level.txt +0 -0
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# Argoverse-HD dataset (ring-front-center camera) https://www.cs.cmu.edu/~mengtial/proj/streaming/ by Argo AI
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/argoverse/
|
4
5
|
# Example usage: yolo train data=Argoverse.yaml
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# DOTA 1.5 dataset https://captain-whu.github.io/DOTA/index.html for object detection in aerial images by Wuhan University
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/obb/dota-v2/
|
4
5
|
# Example usage: yolo train model=yolov8n-obb.pt data=DOTAv1.5.yaml
|
@@ -33,4 +34,4 @@ names:
|
|
33
34
|
15: container crane
|
34
35
|
|
35
36
|
# Download script/URL (optional)
|
36
|
-
download: https://github.com/ultralytics/
|
37
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/DOTAv1.5.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# DOTA 1.0 dataset https://captain-whu.github.io/DOTA/index.html for object detection in aerial images by Wuhan University
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/obb/dota-v2/
|
4
5
|
# Example usage: yolo train model=yolov8n-obb.pt data=DOTAv1.yaml
|
@@ -32,4 +33,4 @@ names:
|
|
32
33
|
14: swimming pool
|
33
34
|
|
34
35
|
# Download script/URL (optional)
|
35
|
-
download: https://github.com/ultralytics/
|
36
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/DOTAv1.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# Global Wheat 2020 dataset https://www.global-wheat.com/ by University of Saskatchewan
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/globalwheat2020/
|
4
5
|
# Example usage: yolo train data=GlobalWheat2020.yaml
|
@@ -37,7 +38,7 @@ download: |
|
|
37
38
|
# Download
|
38
39
|
dir = Path(yaml['path']) # dataset root dir
|
39
40
|
urls = ['https://zenodo.org/record/4298502/files/global-wheat-codalab-official.zip',
|
40
|
-
'https://github.com/ultralytics/
|
41
|
+
'https://github.com/ultralytics/assets/releases/download/v0.0.0/GlobalWheat2020_labels.zip']
|
41
42
|
download(urls, dir=dir)
|
42
43
|
|
43
44
|
# Make Directories
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# ImageNet-1k dataset https://www.image-net.org/index.php by Stanford University
|
3
4
|
# Simplified class names from https://github.com/anishathalye/imagenet-simple-labels
|
4
5
|
# Documentation: https://docs.ultralytics.com/datasets/classify/imagenet/
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# Objects365 dataset https://www.objects365.org/ by Megvii
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/objects365/
|
4
5
|
# Example usage: yolo train data=Objects365.yaml
|
@@ -113,7 +114,7 @@ names:
|
|
113
114
|
95: Pot
|
114
115
|
96: Cow
|
115
116
|
97: Cake
|
116
|
-
98:
|
117
|
+
98: Dining Table
|
117
118
|
99: Sheep
|
118
119
|
100: Hanger
|
119
120
|
101: Blackboard/Whiteboard
|
@@ -304,7 +305,7 @@ names:
|
|
304
305
|
286: Hammer
|
305
306
|
287: Cue
|
306
307
|
288: Avocado
|
307
|
-
289:
|
308
|
+
289: Hami melon
|
308
309
|
290: Flask
|
309
310
|
291: Mushroom
|
310
311
|
292: Screwdriver
|
@@ -328,7 +329,7 @@ names:
|
|
328
329
|
310: Dishwasher
|
329
330
|
311: Crab
|
330
331
|
312: Hoverboard
|
331
|
-
313:
|
332
|
+
313: Meatball
|
332
333
|
314: Rice Cooker
|
333
334
|
315: Tuba
|
334
335
|
316: Calculator
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# SKU-110K retail items dataset https://github.com/eg4000/SKU110K_CVPR19 by Trax Retail
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/sku-110k/
|
4
5
|
# Example usage: yolo train data=SKU-110K.yaml
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# PASCAL VOC dataset http://host.robots.ox.ac.uk/pascal/VOC by University of Oxford
|
3
4
|
# Documentation: # Documentation: https://docs.ultralytics.com/datasets/detect/voc/
|
4
5
|
# Example usage: yolo train data=VOC.yaml
|
@@ -76,7 +77,7 @@ download: |
|
|
76
77
|
|
77
78
|
# Download
|
78
79
|
dir = Path(yaml['path']) # dataset root dir
|
79
|
-
url = 'https://github.com/ultralytics/
|
80
|
+
url = 'https://github.com/ultralytics/assets/releases/download/v0.0.0/'
|
80
81
|
urls = [f'{url}VOCtrainval_06-Nov-2007.zip', # 446MB, 5012 images
|
81
82
|
f'{url}VOCtest_06-Nov-2007.zip', # 438MB, 4953 images
|
82
83
|
f'{url}VOCtrainval_11-May-2012.zip'] # 1.95GB, 17126 images
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# VisDrone2019-DET dataset https://github.com/VisDrone/VisDrone-Dataset by Tianjin University
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/visdrone/
|
4
5
|
# Example usage: yolo train data=VisDrone.yaml
|
@@ -61,10 +62,10 @@ download: |
|
|
61
62
|
|
62
63
|
# Download
|
63
64
|
dir = Path(yaml['path']) # dataset root dir
|
64
|
-
urls = ['https://github.com/ultralytics/
|
65
|
-
'https://github.com/ultralytics/
|
66
|
-
'https://github.com/ultralytics/
|
67
|
-
'https://github.com/ultralytics/
|
65
|
+
urls = ['https://github.com/ultralytics/assets/releases/download/v0.0.0/VisDrone2019-DET-train.zip',
|
66
|
+
'https://github.com/ultralytics/assets/releases/download/v0.0.0/VisDrone2019-DET-val.zip',
|
67
|
+
'https://github.com/ultralytics/assets/releases/download/v0.0.0/VisDrone2019-DET-test-dev.zip',
|
68
|
+
'https://github.com/ultralytics/assets/releases/download/v0.0.0/VisDrone2019-DET-test-challenge.zip']
|
68
69
|
download(urls, dir=dir, curl=True, threads=4)
|
69
70
|
|
70
71
|
# Convert
|
@@ -0,0 +1,25 @@
|
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# African-wildlife dataset by Ultralytics
|
4
|
+
# Documentation: https://docs.ultralytics.com/datasets/detect/african-wildlife/
|
5
|
+
# Example usage: yolo train data=african-wildlife.yaml
|
6
|
+
# parent
|
7
|
+
# ├── ultralytics
|
8
|
+
# └── datasets
|
9
|
+
# └── african-wildlife ← downloads here (100 MB)
|
10
|
+
|
11
|
+
# Train/val/test sets as 1) dir: path/to/imgs, 2) file: path/to/imgs.txt, or 3) list: [path/to/imgs1, path/to/imgs2, ..]
|
12
|
+
path: ../datasets/african-wildlife # dataset root dir
|
13
|
+
train: train/images # train images (relative to 'path') 1052 images
|
14
|
+
val: valid/images # val images (relative to 'path') 225 images
|
15
|
+
test: test/images # test images (relative to 'path') 227 images
|
16
|
+
|
17
|
+
# Classes
|
18
|
+
names:
|
19
|
+
0: buffalo
|
20
|
+
1: elephant
|
21
|
+
2: rhino
|
22
|
+
3: zebra
|
23
|
+
|
24
|
+
# Download script/URL (optional)
|
25
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/african-wildlife.zip
|
@@ -0,0 +1,23 @@
|
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# Brain-tumor dataset by Ultralytics
|
4
|
+
# Documentation: https://docs.ultralytics.com/datasets/detect/brain-tumor/
|
5
|
+
# Example usage: yolo train data=brain-tumor.yaml
|
6
|
+
# parent
|
7
|
+
# ├── ultralytics
|
8
|
+
# └── datasets
|
9
|
+
# └── brain-tumor ← downloads here (4.05 MB)
|
10
|
+
|
11
|
+
# Train/val/test sets as 1) dir: path/to/imgs, 2) file: path/to/imgs.txt, or 3) list: [path/to/imgs1, path/to/imgs2, ..]
|
12
|
+
path: ../datasets/brain-tumor # dataset root dir
|
13
|
+
train: train/images # train images (relative to 'path') 893 images
|
14
|
+
val: valid/images # val images (relative to 'path') 223 images
|
15
|
+
test: # test images (relative to 'path')
|
16
|
+
|
17
|
+
# Classes
|
18
|
+
names:
|
19
|
+
0: negative
|
20
|
+
1: positive
|
21
|
+
|
22
|
+
# Download script/URL (optional)
|
23
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/brain-tumor.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# Carparts-seg dataset by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/segment/carparts-seg/
|
4
5
|
# Example usage: yolo train data=carparts-seg.yaml
|
@@ -40,4 +41,4 @@ names:
|
|
40
41
|
22: wheel
|
41
42
|
|
42
43
|
# Download script/URL (optional)
|
43
|
-
download: https://
|
44
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/carparts-seg.zip
|
@@ -1,5 +1,6 @@
|
|
1
|
-
# Ultralytics
|
2
|
-
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# COCO 2017 Keypoints dataset https://cocodataset.org by Microsoft
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/pose/coco/
|
4
5
|
# Example usage: yolo train data=coco-pose.yaml
|
5
6
|
# parent
|
@@ -9,9 +10,9 @@
|
|
9
10
|
|
10
11
|
# Train/val/test sets as 1) dir: path/to/imgs, 2) file: path/to/imgs.txt, or 3) list: [path/to/imgs1, path/to/imgs2, ..]
|
11
12
|
path: ../datasets/coco-pose # dataset root dir
|
12
|
-
train: train2017.txt # train images (relative to 'path')
|
13
|
-
val: val2017.txt # val images (relative to 'path')
|
14
|
-
test: test-dev2017.txt # 20288 of 40670 images, submit to https://
|
13
|
+
train: train2017.txt # train images (relative to 'path') 56599 images
|
14
|
+
val: val2017.txt # val images (relative to 'path') 2346 images
|
15
|
+
test: test-dev2017.txt # 20288 of 40670 images, submit to https://codalab.lisn.upsaclay.fr/competitions/7403
|
15
16
|
|
16
17
|
# Keypoints
|
17
18
|
kpt_shape: [17, 3] # number of keypoints, number of dims (2 for x,y or 3 for x,y,visible)
|
@@ -28,7 +29,7 @@ download: |
|
|
28
29
|
|
29
30
|
# Download labels
|
30
31
|
dir = Path(yaml['path']) # dataset root dir
|
31
|
-
url = 'https://github.com/ultralytics/
|
32
|
+
url = 'https://github.com/ultralytics/assets/releases/download/v0.0.0/'
|
32
33
|
urls = [url + 'coco2017labels-pose.zip'] # labels
|
33
34
|
download(urls, dir=dir.parent)
|
34
35
|
# Download data
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# COCO 2017 dataset https://cocodataset.org by Microsoft
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/coco/
|
4
5
|
# Example usage: yolo train data=coco.yaml
|
@@ -104,7 +105,7 @@ download: |
|
|
104
105
|
# Download labels
|
105
106
|
segments = True # segment or box labels
|
106
107
|
dir = Path(yaml['path']) # dataset root dir
|
107
|
-
url = 'https://github.com/ultralytics/
|
108
|
+
url = 'https://github.com/ultralytics/assets/releases/download/v0.0.0/'
|
108
109
|
urls = [url + ('coco2017labels-segments.zip' if segments else 'coco2017labels.zip')] # labels
|
109
110
|
download(urls, dir=dir.parent)
|
110
111
|
# Download data
|
@@ -1,5 +1,6 @@
|
|
1
|
-
# Ultralytics
|
2
|
-
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# COCO128-seg dataset https://www.kaggle.com/datasets/ultralytics/coco128 (first 128 images from COCO train2017) by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/segment/coco/
|
4
5
|
# Example usage: yolo train data=coco128.yaml
|
5
6
|
# parent
|
@@ -97,4 +98,4 @@ names:
|
|
97
98
|
79: toothbrush
|
98
99
|
|
99
100
|
# Download script/URL (optional)
|
100
|
-
download: https://
|
101
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/coco128-seg.zip
|
@@ -1,5 +1,6 @@
|
|
1
|
-
# Ultralytics
|
2
|
-
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# COCO128 dataset https://www.kaggle.com/datasets/ultralytics/coco128 (first 128 images from COCO train2017) by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/coco/
|
4
5
|
# Example usage: yolo train data=coco128.yaml
|
5
6
|
# parent
|
@@ -97,4 +98,4 @@ names:
|
|
97
98
|
79: toothbrush
|
98
99
|
|
99
100
|
# Download script/URL (optional)
|
100
|
-
download: https://
|
101
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/coco128.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# COCO8-pose dataset (first 8 images from COCO train2017) by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/pose/coco8-pose/
|
4
5
|
# Example usage: yolo train data=coco8-pose.yaml
|
@@ -22,4 +23,4 @@ names:
|
|
22
23
|
0: person
|
23
24
|
|
24
25
|
# Download script/URL (optional)
|
25
|
-
download: https://
|
26
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/coco8-pose.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# COCO8-seg dataset (first 8 images from COCO train2017) by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/segment/coco8-seg/
|
4
5
|
# Example usage: yolo train data=coco8-seg.yaml
|
@@ -97,4 +98,4 @@ names:
|
|
97
98
|
79: toothbrush
|
98
99
|
|
99
100
|
# Download script/URL (optional)
|
100
|
-
download: https://
|
101
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/coco8-seg.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# COCO8 dataset (first 8 images from COCO train2017) by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/detect/coco8/
|
4
5
|
# Example usage: yolo train data=coco8.yaml
|
@@ -97,4 +98,4 @@ names:
|
|
97
98
|
79: toothbrush
|
98
99
|
|
99
100
|
# Download script/URL (optional)
|
100
|
-
download: https://
|
101
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/coco8.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# Crack-seg dataset by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/segment/crack-seg/
|
4
5
|
# Example usage: yolo train data=crack-seg.yaml
|
@@ -18,4 +19,4 @@ names:
|
|
18
19
|
0: crack
|
19
20
|
|
20
21
|
# Download script/URL (optional)
|
21
|
-
download: https://
|
22
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/crack-seg.zip
|
@@ -0,0 +1,24 @@
|
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# Dogs dataset http://vision.stanford.edu/aditya86/ImageNetDogs/ by Stanford
|
4
|
+
# Documentation: https://docs.ultralytics.com/datasets/pose/dog-pose/
|
5
|
+
# Example usage: yolo train data=dog-pose.yaml
|
6
|
+
# parent
|
7
|
+
# ├── ultralytics
|
8
|
+
# └── datasets
|
9
|
+
# └── dog-pose ← downloads here (337 MB)
|
10
|
+
|
11
|
+
# Train/val/test sets as 1) dir: path/to/imgs, 2) file: path/to/imgs.txt, or 3) list: [path/to/imgs1, path/to/imgs2, ..]
|
12
|
+
path: ../datasets/dog-pose # dataset root dir
|
13
|
+
train: train # train images (relative to 'path') 6773 images
|
14
|
+
val: val # val images (relative to 'path') 1703 images
|
15
|
+
|
16
|
+
# Keypoints
|
17
|
+
kpt_shape: [24, 3] # number of keypoints, number of dims (2 for x,y or 3 for x,y,visible)
|
18
|
+
|
19
|
+
# Classes
|
20
|
+
names:
|
21
|
+
0: dog
|
22
|
+
|
23
|
+
# Download script/URL (optional)
|
24
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/dog-pose.zip
|
@@ -1,4 +1,5 @@
|
|
1
|
-
# Ultralytics
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
2
3
|
# DOTA8 dataset 8 images from split DOTAv1 dataset by Ultralytics
|
3
4
|
# Documentation: https://docs.ultralytics.com/datasets/obb/dota8/
|
4
5
|
# Example usage: yolo train model=yolov8n-obb.pt data=dota8.yaml
|
@@ -31,4 +32,4 @@ names:
|
|
31
32
|
14: swimming pool
|
32
33
|
|
33
34
|
# Download script/URL (optional)
|
34
|
-
download: https://github.com/ultralytics/
|
35
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/dota8.zip
|
@@ -0,0 +1,26 @@
|
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
# Hand Keypoints dataset by Ultralytics
|
4
|
+
# Documentation: https://docs.ultralytics.com/datasets/pose/hand-keypoints/
|
5
|
+
# Example usage: yolo train data=hand-keypoints.yaml
|
6
|
+
# parent
|
7
|
+
# ├── ultralytics
|
8
|
+
# └── datasets
|
9
|
+
# └── hand-keypoints ← downloads here (369 MB)
|
10
|
+
|
11
|
+
# Train/val/test sets as 1) dir: path/to/imgs, 2) file: path/to/imgs.txt, or 3) list: [path/to/imgs1, path/to/imgs2, ..]
|
12
|
+
path: ../datasets/hand-keypoints # dataset root dir
|
13
|
+
train: train # train images (relative to 'path') 18776 images
|
14
|
+
val: val # val images (relative to 'path') 7992 images
|
15
|
+
|
16
|
+
# Keypoints
|
17
|
+
kpt_shape: [21, 3] # number of keypoints, number of dims (2 for x,y or 3 for x,y,visible)
|
18
|
+
flip_idx:
|
19
|
+
[0, 1, 2, 4, 3, 10, 11, 12, 13, 14, 5, 6, 7, 8, 9, 15, 16, 17, 18, 19, 20]
|
20
|
+
|
21
|
+
# Classes
|
22
|
+
names:
|
23
|
+
0: hand
|
24
|
+
|
25
|
+
# Download script/URL (optional)
|
26
|
+
download: https://github.com/ultralytics/assets/releases/download/v0.0.0/hand-keypoints.zip
|