sunsmarterjieleaf commited on
Commit
e11a11d
·
verified ·
1 Parent(s): 71fb51d

Delete mkdocs.yml

Browse files
Files changed (1) hide show
  1. mkdocs.yml +0 -769
mkdocs.yml DELETED
@@ -1,769 +0,0 @@
1
- # Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
2
-
3
- # Configuration file for building the Ultralytics YOLO documentation site using MkDocs.
4
- # Provides settings to control site metadata, customize the appearance using the
5
- # Material theme, define the navigation structure, and enable various plugins.
6
-
7
- # Site metadata
8
- site_name: Ultralytics YOLO Docs
9
- site_description: Explore Ultralytics YOLO, a cutting-edge real-time object detection and image segmentation model for various applications and hardware platforms.
10
- site_url: https://docs.ultralytics.com
11
- site_author: Ultralytics
12
- repo_url: https://github.com/ultralytics/ultralytics
13
- edit_uri: https://github.com/ultralytics/ultralytics/tree/main/docs/en/
14
- repo_name: ultralytics/ultralytics
15
- remote_name: https://github.com/ultralytics/docs
16
- docs_dir: "docs/en/" # where to find the markdown files
17
- site_dir: "site/" # where to publish to
18
- use_directory_urls: true # don't display 'index.html' in slugs
19
-
20
- # Theme customization
21
- theme:
22
- name: material
23
- language: en
24
- custom_dir: docs/overrides/
25
- logo: https://raw.githubusercontent.com/ultralytics/assets/main/logo/Ultralytics_Logotype_Reverse.svg
26
- favicon: https://raw.githubusercontent.com/ultralytics/assets/refs/heads/main/logo/favicon-yolo.png
27
- icon:
28
- repo: fontawesome/brands/github
29
- # font: # disabled for faster page load times
30
- # text: Helvetica
31
- # code: Roboto Mono
32
- palette:
33
- - media: "(prefers-color-scheme)"
34
- toggle:
35
- icon: material/brightness-auto
36
- name: Switch to light mode
37
- - media: "(prefers-color-scheme: dark)"
38
- scheme: slate
39
- primary: black
40
- accent: indigo
41
- toggle:
42
- icon: material/brightness-4
43
- name: Switch to system preference
44
- - media: "(prefers-color-scheme: light)"
45
- scheme: default
46
- primary: indigo
47
- accent: indigo
48
- toggle:
49
- icon: material/brightness-7
50
- name: Switch to dark mode
51
- features:
52
- - content.action.edit
53
- - content.code.annotate
54
- - content.code.copy
55
- - content.tooltips
56
- - search.highlight
57
- - search.share
58
- - search.suggest
59
- - toc.follow
60
- - navigation.top
61
- - navigation.tabs
62
- - navigation.tabs.sticky
63
- - navigation.prune
64
- - navigation.footer
65
- - navigation.tracking
66
- - navigation.instant
67
- - navigation.instant.progress
68
- - navigation.indexes
69
- - navigation.sections # navigation.expand or navigation.sections
70
- - content.tabs.link # all code tabs change simultaneously
71
-
72
- # Customization
73
- copyright: <a href="https://www.ultralytics.com/" target="_blank">© 2025 Ultralytics Inc.</a> All rights reserved.
74
- extra: # version:
75
- homepage: https://www.ultralytics.com/
76
- # provider: mike # version drop-down menu
77
- robots: robots.txt
78
- analytics:
79
- provider: google
80
- property: G-2M5EHKC0BH
81
- social:
82
- - icon: fontawesome/brands/github
83
- link: https://github.com/ultralytics
84
- - icon: fontawesome/brands/linkedin
85
- link: https://www.linkedin.com/company/ultralytics/
86
- - icon: fontawesome/brands/x-twitter
87
- link: https://twitter.com/ultralytics
88
- - icon: fontawesome/brands/youtube
89
- link: https://youtube.com/ultralytics?sub_confirmation=1
90
- - icon: fontawesome/brands/docker
91
- link: https://hub.docker.com/r/ultralytics/ultralytics/
92
- - icon: fontawesome/brands/python
93
- link: https://pypi.org/project/ultralytics/
94
- - icon: fontawesome/brands/discord
95
- link: https://discord.com/invite/ultralytics
96
- - icon: fontawesome/brands/reddit
97
- link: https://reddit.com/r/ultralytics
98
-
99
- extra_css:
100
- - stylesheets/style.css
101
-
102
- extra_javascript:
103
- - javascript/extra.js
104
- - javascript/giscus.js
105
-
106
- markdown_extensions:
107
- - admonition
108
- - md_in_html
109
- - tables
110
- - attr_list
111
- - def_list
112
- - pymdownx.critic
113
- - pymdownx.caret
114
- - pymdownx.keys
115
- - pymdownx.mark
116
- - pymdownx.tilde
117
- - pymdownx.details
118
- - pymdownx.superfences
119
- - pymdownx.inlinehilite
120
- - pymdownx.highlight:
121
- anchor_linenums: true
122
- - pymdownx.snippets:
123
- base_path: ./
124
- - pymdownx.emoji:
125
- emoji_index: !!python/name:material.extensions.emoji.twemoji
126
- emoji_generator: !!python/name:material.extensions.emoji.to_svg
127
- - pymdownx.tabbed:
128
- alternate_style: true
129
-
130
- # Validation settings https://www.mkdocs.org/user-guide/configuration/#validation
131
- validation:
132
- nav:
133
- omitted_files: info
134
- not_found: warn
135
- absolute_links: info
136
- links:
137
- absolute_links: relative_to_docs
138
- anchors: warn
139
- unrecognized_links: warn
140
-
141
- # Primary navigation ---------------------------------------------------------------------------------------------------
142
- nav:
143
- - Home:
144
- - Home: index.md
145
- - Quickstart: quickstart.md
146
- - Modes:
147
- - modes/index.md
148
- - Train: modes/train.md
149
- - Val: modes/val.md
150
- - Predict: modes/predict.md
151
- - Export: modes/export.md
152
- - Track: modes/track.md
153
- - Benchmark: modes/benchmark.md
154
- - Tasks:
155
- - tasks/index.md
156
- - Detect: tasks/detect.md
157
- - Segment: tasks/segment.md
158
- - Classify: tasks/classify.md
159
- - Pose: tasks/pose.md
160
- - OBB: tasks/obb.md
161
- - Models:
162
- - models/index.md
163
- - Datasets:
164
- - datasets/index.md
165
- - Solutions:
166
- - solutions/index.md
167
- - Guides:
168
- - guides/index.md
169
- - YOLO11 🚀 NEW: models/yolo11.md # for promotion of new pages
170
- - Languages:
171
- - 🇬🇧&nbsp English: https://ultralytics.com/docs/
172
- - 🇨🇳&nbsp 简体中文: https://docs.ultralytics.com/zh/
173
- - 🇰🇷&nbsp 한국어: https://docs.ultralytics.com/ko/
174
- - 🇯🇵&nbsp 日本語: https://docs.ultralytics.com/ja/
175
- - 🇷🇺&nbsp Русский: https://docs.ultralytics.com/ru/
176
- - 🇩🇪&nbsp Deutsch: https://docs.ultralytics.com/de/
177
- - 🇫🇷&nbsp Français: https://docs.ultralytics.com/fr/
178
- - 🇪🇸&nbsp Español: https://docs.ultralytics.com/es/
179
- - 🇵🇹&nbsp Português: https://docs.ultralytics.com/pt/
180
- - 🇮🇹&nbsp Italiano: https://docs.ultralytics.com/it/
181
- - 🇹🇷&nbsp Türkçe: https://docs.ultralytics.com/tr/
182
- - 🇻🇳&nbsp Tiếng Việt: https://docs.ultralytics.com/vi/
183
- - 🇸🇦&nbsp العربية: https://docs.ultralytics.com/ar/
184
- - Quickstart:
185
- - quickstart.md
186
- - Usage:
187
- - CLI: usage/cli.md
188
- - Python: usage/python.md
189
- - Callbacks: usage/callbacks.md
190
- - Configuration: usage/cfg.md
191
- - Simple Utilities: usage/simple-utilities.md
192
- - Advanced Customization: usage/engine.md
193
- - Modes:
194
- - modes/index.md
195
- - Train: modes/train.md
196
- - Val: modes/val.md
197
- - Predict: modes/predict.md
198
- - Export: modes/export.md
199
- - Track: modes/track.md
200
- - Benchmark: modes/benchmark.md
201
- - Tasks:
202
- - tasks/index.md
203
- - Detect: tasks/detect.md
204
- - Segment: tasks/segment.md
205
- - Classify: tasks/classify.md
206
- - Pose: tasks/pose.md
207
- - OBB: tasks/obb.md
208
- - Models:
209
- - models/index.md
210
- - Datasets:
211
- - datasets/index.md
212
- - Solutions:
213
- - solutions/index.md
214
- - Guides:
215
- - guides/index.md
216
- - Modes:
217
- - modes/index.md
218
- - Train: modes/train.md
219
- - Val: modes/val.md
220
- - Predict: modes/predict.md
221
- - Export: modes/export.md
222
- - Track: modes/track.md
223
- - Benchmark: modes/benchmark.md
224
- - Tasks:
225
- - tasks/index.md
226
- - Detect: tasks/detect.md
227
- - Segment: tasks/segment.md
228
- - Classify: tasks/classify.md
229
- - Pose: tasks/pose.md
230
- - OBB: tasks/obb.md
231
- - Tasks:
232
- - tasks/index.md
233
- - Detect: tasks/detect.md
234
- - Segment: tasks/segment.md
235
- - Classify: tasks/classify.md
236
- - Pose: tasks/pose.md
237
- - OBB: tasks/obb.md
238
- - Modes:
239
- - modes/index.md
240
- - Train: modes/train.md
241
- - Val: modes/val.md
242
- - Predict: modes/predict.md
243
- - Export: modes/export.md
244
- - Track: modes/track.md
245
- - Benchmark: modes/benchmark.md
246
- - Models:
247
- - models/index.md
248
- - YOLOv3: models/yolov3.md
249
- - YOLOv4: models/yolov4.md
250
- - YOLOv5: models/yolov5.md
251
- - YOLOv6: models/yolov6.md
252
- - YOLOv7: models/yolov7.md
253
- - YOLOv8: models/yolov8.md
254
- - YOLOv9: models/yolov9.md
255
- - YOLOv10: models/yolov10.md
256
- - YOLO11 🚀 NEW: models/yolo11.md
257
- - SAM (Segment Anything Model): models/sam.md
258
- - SAM 2 (Segment Anything Model 2): models/sam-2.md
259
- - MobileSAM (Mobile Segment Anything Model): models/mobile-sam.md
260
- - FastSAM (Fast Segment Anything Model): models/fast-sam.md
261
- - YOLO-NAS (Neural Architecture Search): models/yolo-nas.md
262
- - RT-DETR (Realtime Detection Transformer): models/rtdetr.md
263
- - YOLO-World (Real-Time Open-Vocabulary Object Detection): models/yolo-world.md
264
- - Datasets:
265
- - datasets/index.md
266
- - Detection:
267
- - datasets/detect/index.md
268
- - Argoverse: datasets/detect/argoverse.md
269
- - COCO: datasets/detect/coco.md
270
- - LVIS: datasets/detect/lvis.md
271
- - COCO8: datasets/detect/coco8.md
272
- - GlobalWheat2020: datasets/detect/globalwheat2020.md
273
- - Objects365: datasets/detect/objects365.md
274
- - OpenImagesV7: datasets/detect/open-images-v7.md
275
- - SKU-110K: datasets/detect/sku-110k.md
276
- - VisDrone: datasets/detect/visdrone.md
277
- - VOC: datasets/detect/voc.md
278
- - xView: datasets/detect/xview.md
279
- - RF100: datasets/detect/roboflow-100.md
280
- - Brain-tumor: datasets/detect/brain-tumor.md
281
- - African-wildlife: datasets/detect/african-wildlife.md
282
- - Signature: datasets/detect/signature.md
283
- - Medical-pills: datasets/detect/medical-pills.md
284
- - Segmentation:
285
- - datasets/segment/index.md
286
- - COCO: datasets/segment/coco.md
287
- - COCO8-seg: datasets/segment/coco8-seg.md
288
- - Crack-seg: datasets/segment/crack-seg.md
289
- - Carparts-seg: datasets/segment/carparts-seg.md
290
- - Package-seg: datasets/segment/package-seg.md
291
- - Pose:
292
- - datasets/pose/index.md
293
- - COCO: datasets/pose/coco.md
294
- - COCO8-pose: datasets/pose/coco8-pose.md
295
- - Tiger-pose: datasets/pose/tiger-pose.md
296
- - Hand-keypoints: datasets/pose/hand-keypoints.md
297
- - Dog-pose: datasets/pose/dog-pose.md
298
- - Classification:
299
- - datasets/classify/index.md
300
- - Caltech 101: datasets/classify/caltech101.md
301
- - Caltech 256: datasets/classify/caltech256.md
302
- - CIFAR-10: datasets/classify/cifar10.md
303
- - CIFAR-100: datasets/classify/cifar100.md
304
- - Fashion-MNIST: datasets/classify/fashion-mnist.md
305
- - ImageNet: datasets/classify/imagenet.md
306
- - ImageNet-10: datasets/classify/imagenet10.md
307
- - Imagenette: datasets/classify/imagenette.md
308
- - Imagewoof: datasets/classify/imagewoof.md
309
- - MNIST: datasets/classify/mnist.md
310
- - Oriented Bounding Boxes (OBB):
311
- - datasets/obb/index.md
312
- - DOTAv2: datasets/obb/dota-v2.md
313
- - DOTA8: datasets/obb/dota8.md
314
- - Multi-Object Tracking:
315
- - datasets/track/index.md
316
- - Solutions 🚀 NEW:
317
- - solutions/index.md
318
- - Object Counting: guides/object-counting.md
319
- - Object Cropping: guides/object-cropping.md
320
- - Object Blurring: guides/object-blurring.md
321
- - Workouts Monitoring: guides/workouts-monitoring.md
322
- - Objects Counting in Regions: guides/region-counting.md
323
- - Security Alarm System: guides/security-alarm-system.md
324
- - Heatmaps: guides/heatmaps.md
325
- - Instance Segmentation with Object Tracking: guides/instance-segmentation-and-tracking.md
326
- - VisionEye Mapping: guides/vision-eye.md
327
- - Speed Estimation: guides/speed-estimation.md
328
- - Distance Calculation: guides/distance-calculation.md
329
- - Queue Management: guides/queue-management.md
330
- - Parking Management: guides/parking-management.md
331
- - Analytics: guides/analytics.md
332
- - Live Inference: guides/streamlit-live-inference.md
333
- - Track Objects in Zone 🚀 NEW: guides/trackzone.md
334
- - Guides:
335
- - guides/index.md
336
- - YOLO Common Issues: guides/yolo-common-issues.md
337
- - YOLO Performance Metrics: guides/yolo-performance-metrics.md
338
- - YOLO Thread-Safe Inference: guides/yolo-thread-safe-inference.md
339
- - Model Deployment Options: guides/model-deployment-options.md
340
- - K-Fold Cross Validation: guides/kfold-cross-validation.md
341
- - Hyperparameter Tuning: guides/hyperparameter-tuning.md
342
- - SAHI Tiled Inference: guides/sahi-tiled-inference.md
343
- - AzureML Quickstart: guides/azureml-quickstart.md
344
- - Conda Quickstart: guides/conda-quickstart.md
345
- - Docker Quickstart: guides/docker-quickstart.md
346
- - Raspberry Pi: guides/raspberry-pi.md
347
- - NVIDIA Jetson: guides/nvidia-jetson.md
348
- - DeepStream on NVIDIA Jetson: guides/deepstream-nvidia-jetson.md
349
- - Triton Inference Server: guides/triton-inference-server.md
350
- - Isolating Segmentation Objects: guides/isolating-segmentation-objects.md
351
- - Edge TPU on Raspberry Pi: guides/coral-edge-tpu-on-raspberry-pi.md
352
- - Viewing Inference Images in a Terminal: guides/view-results-in-terminal.md
353
- - OpenVINO Latency vs Throughput modes: guides/optimizing-openvino-latency-vs-throughput-modes.md
354
- - ROS Quickstart: guides/ros-quickstart.md
355
- - Steps of a Computer Vision Project: guides/steps-of-a-cv-project.md
356
- - Defining A Computer Vision Project's Goals: guides/defining-project-goals.md
357
- - Data Collection and Annotation: guides/data-collection-and-annotation.md
358
- - Preprocessing Annotated Data: guides/preprocessing_annotated_data.md
359
- - Tips for Model Training: guides/model-training-tips.md
360
- - Insights on Model Evaluation and Fine-Tuning: guides/model-evaluation-insights.md
361
- - A Guide on Model Testing: guides/model-testing.md
362
- - Best Practices for Model Deployment: guides/model-deployment-practices.md
363
- - Maintaining Your Computer Vision Model: guides/model-monitoring-and-maintenance.md
364
- - Explorer:
365
- - datasets/explorer/index.md
366
- - Explorer API: datasets/explorer/api.md
367
- - Explorer Dashboard Demo: datasets/explorer/dashboard.md
368
- - VOC Exploration Example: datasets/explorer/explorer.md
369
- - YOLOv5:
370
- - yolov5/index.md
371
- - Quickstart: yolov5/quickstart_tutorial.md
372
- - Environments:
373
- - Amazon Web Services (AWS): yolov5/environments/aws_quickstart_tutorial.md
374
- - Google Cloud (GCP): yolov5/environments/google_cloud_quickstart_tutorial.md
375
- - AzureML: yolov5/environments/azureml_quickstart_tutorial.md
376
- - Docker Image: yolov5/environments/docker_image_quickstart_tutorial.md
377
- - Tutorials:
378
- - Train Custom Data: yolov5/tutorials/train_custom_data.md
379
- - Tips for Best Training Results: yolov5/tutorials/tips_for_best_training_results.md
380
- - Multi-GPU Training: yolov5/tutorials/multi_gpu_training.md
381
- - PyTorch Hub: yolov5/tutorials/pytorch_hub_model_loading.md
382
- - TFLite, ONNX, CoreML, TensorRT Export: yolov5/tutorials/model_export.md
383
- - Test-Time Augmentation (TTA): yolov5/tutorials/test_time_augmentation.md
384
- - Model Ensembling: yolov5/tutorials/model_ensembling.md
385
- - Pruning/Sparsity Tutorial: yolov5/tutorials/model_pruning_and_sparsity.md
386
- - Hyperparameter evolution: yolov5/tutorials/hyperparameter_evolution.md
387
- - Transfer learning with frozen layers: yolov5/tutorials/transfer_learning_with_frozen_layers.md
388
- - Architecture Summary: yolov5/tutorials/architecture_description.md
389
- - Roboflow Datasets: yolov5/tutorials/roboflow_datasets_integration.md
390
- - Neural Magic's DeepSparse: yolov5/tutorials/neural_magic_pruning_quantization.md
391
- - Comet Logging: yolov5/tutorials/comet_logging_integration.md
392
- - Clearml Logging: yolov5/tutorials/clearml_logging_integration.md
393
- - Integrations:
394
- - integrations/index.md
395
- - Amazon SageMaker: integrations/amazon-sagemaker.md
396
- - ClearML: integrations/clearml.md
397
- - Comet ML: integrations/comet.md
398
- - CoreML: integrations/coreml.md
399
- - DVC: integrations/dvc.md
400
- - Google Colab: integrations/google-colab.md
401
- - Gradio: integrations/gradio.md
402
- - IBM Watsonx: integrations/ibm-watsonx.md
403
- - JupyterLab: integrations/jupyterlab.md
404
- - Kaggle: integrations/kaggle.md
405
- - MLflow: integrations/mlflow.md
406
- - Neural Magic: integrations/neural-magic.md
407
- - ONNX: integrations/onnx.md
408
- - OpenVINO: integrations/openvino.md
409
- - PaddlePaddle: integrations/paddlepaddle.md
410
- - MNN: integrations/mnn.md
411
- - NCNN: integrations/ncnn.md
412
- - Paperspace Gradient: integrations/paperspace.md
413
- - Ray Tune: integrations/ray-tune.md
414
- - Roboflow: integrations/roboflow.md
415
- - TF GraphDef: integrations/tf-graphdef.md
416
- - TF SavedModel: integrations/tf-savedmodel.md
417
- - TF.js: integrations/tfjs.md
418
- - TFLite: integrations/tflite.md
419
- - TFLite Edge TPU: integrations/edge-tpu.md
420
- - TensorBoard: integrations/tensorboard.md
421
- - TensorRT: integrations/tensorrt.md
422
- - TorchScript: integrations/torchscript.md
423
- - VS Code: integrations/vscode.md
424
- - Weights & Biases: integrations/weights-biases.md
425
- - Albumentations: integrations/albumentations.md
426
- - SONY IMX500: integrations/sony-imx500.md
427
- - HUB:
428
- - hub/index.md
429
- - Web:
430
- - hub/index.md
431
- - Quickstart: hub/quickstart.md
432
- - Datasets: hub/datasets.md
433
- - Projects: hub/projects.md
434
- - Models: hub/models.md
435
- - Pro: hub/pro.md
436
- - Cloud Training: hub/cloud-training.md
437
- - Inference API: hub/inference-api.md
438
- - Teams: hub/teams.md
439
- - Integrations: hub/integrations.md
440
- - App:
441
- - hub/app/index.md
442
- - iOS: hub/app/ios.md
443
- - Android: hub/app/android.md
444
- - Python SDK:
445
- - hub/sdk/index.md
446
- - Quickstart: hub/sdk/quickstart.md
447
- - Model: hub/sdk/model.md
448
- - Dataset: hub/sdk/dataset.md
449
- - Project: hub/sdk/project.md
450
- - Reference:
451
- - base:
452
- - api_client: hub/sdk/reference/base/api_client.md
453
- - auth: hub/sdk/reference/base/auth.md
454
- - crud_client: hub/sdk/reference/base/crud_client.md
455
- - paginated_list: hub/sdk/reference/base/paginated_list.md
456
- - server_clients: hub/sdk/reference/base/server_clients.md
457
- - helpers:
458
- - error_handler: hub/sdk/reference/helpers/error_handler.md
459
- - exceptions: hub/sdk/reference/helpers/exceptions.md
460
- - logger: hub/sdk/reference/helpers/logger.md
461
- - utils: hub/sdk/reference/helpers/utils.md
462
- - hub_client: hub/sdk/reference/hub_client.md
463
- - modules:
464
- - datasets: hub/sdk/reference/modules/datasets.md
465
- - models: hub/sdk/reference/modules/models.md
466
- - projects: hub/sdk/reference/modules/projects.md
467
- - teams: hub/sdk/reference/modules/teams.md
468
- - users: hub/sdk/reference/modules/users.md
469
- - REST API:
470
- - hub/api/index.md
471
-
472
- - Reference:
473
- - cfg:
474
- - __init__: reference/cfg/__init__.md
475
- - data:
476
- - annotator: reference/data/annotator.md
477
- - augment: reference/data/augment.md
478
- - base: reference/data/base.md
479
- - build: reference/data/build.md
480
- - converter: reference/data/converter.md
481
- - dataset: reference/data/dataset.md
482
- - loaders: reference/data/loaders.md
483
- - split_dota: reference/data/split_dota.md
484
- - utils: reference/data/utils.md
485
- - engine:
486
- - exporter: reference/engine/exporter.md
487
- - model: reference/engine/model.md
488
- - predictor: reference/engine/predictor.md
489
- - results: reference/engine/results.md
490
- - trainer: reference/engine/trainer.md
491
- - tuner: reference/engine/tuner.md
492
- - validator: reference/engine/validator.md
493
- - hub:
494
- - __init__: reference/hub/__init__.md
495
- - auth: reference/hub/auth.md
496
- - google:
497
- - __init__: reference/hub/google/__init__.md
498
- - session: reference/hub/session.md
499
- - utils: reference/hub/utils.md
500
- - models:
501
- - fastsam:
502
- - model: reference/models/fastsam/model.md
503
- - predict: reference/models/fastsam/predict.md
504
- - utils: reference/models/fastsam/utils.md
505
- - val: reference/models/fastsam/val.md
506
- - nas:
507
- - model: reference/models/nas/model.md
508
- - predict: reference/models/nas/predict.md
509
- - val: reference/models/nas/val.md
510
- - rtdetr:
511
- - model: reference/models/rtdetr/model.md
512
- - predict: reference/models/rtdetr/predict.md
513
- - train: reference/models/rtdetr/train.md
514
- - val: reference/models/rtdetr/val.md
515
- - sam:
516
- - amg: reference/models/sam/amg.md
517
- - build: reference/models/sam/build.md
518
- - model: reference/models/sam/model.md
519
- - modules:
520
- - blocks: reference/models/sam/modules/blocks.md
521
- - decoders: reference/models/sam/modules/decoders.md
522
- - encoders: reference/models/sam/modules/encoders.md
523
- - memory_attention: reference/models/sam/modules/memory_attention.md
524
- - sam: reference/models/sam/modules/sam.md
525
- - tiny_encoder: reference/models/sam/modules/tiny_encoder.md
526
- - transformer: reference/models/sam/modules/transformer.md
527
- - utils: reference/models/sam/modules/utils.md
528
- - predict: reference/models/sam/predict.md
529
- - utils:
530
- - loss: reference/models/utils/loss.md
531
- - ops: reference/models/utils/ops.md
532
- - yolo:
533
- - classify:
534
- - predict: reference/models/yolo/classify/predict.md
535
- - train: reference/models/yolo/classify/train.md
536
- - val: reference/models/yolo/classify/val.md
537
- - detect:
538
- - predict: reference/models/yolo/detect/predict.md
539
- - train: reference/models/yolo/detect/train.md
540
- - val: reference/models/yolo/detect/val.md
541
- - model: reference/models/yolo/model.md
542
- - obb:
543
- - predict: reference/models/yolo/obb/predict.md
544
- - train: reference/models/yolo/obb/train.md
545
- - val: reference/models/yolo/obb/val.md
546
- - pose:
547
- - predict: reference/models/yolo/pose/predict.md
548
- - train: reference/models/yolo/pose/train.md
549
- - val: reference/models/yolo/pose/val.md
550
- - segment:
551
- - predict: reference/models/yolo/segment/predict.md
552
- - train: reference/models/yolo/segment/train.md
553
- - val: reference/models/yolo/segment/val.md
554
- - world:
555
- - train: reference/models/yolo/world/train.md
556
- - train_world: reference/models/yolo/world/train_world.md
557
- - nn:
558
- - autobackend: reference/nn/autobackend.md
559
- - modules:
560
- - activation: reference/nn/modules/activation.md
561
- - block: reference/nn/modules/block.md
562
- - conv: reference/nn/modules/conv.md
563
- - head: reference/nn/modules/head.md
564
- - transformer: reference/nn/modules/transformer.md
565
- - utils: reference/nn/modules/utils.md
566
- - tasks: reference/nn/tasks.md
567
- - solutions:
568
- - ai_gym: reference/solutions/ai_gym.md
569
- - analytics: reference/solutions/analytics.md
570
- - distance_calculation: reference/solutions/distance_calculation.md
571
- - heatmap: reference/solutions/heatmap.md
572
- - object_counter: reference/solutions/object_counter.md
573
- - parking_management: reference/solutions/parking_management.md
574
- - queue_management: reference/solutions/queue_management.md
575
- - region_counter: reference/solutions/region_counter.md
576
- - security_alarm: reference/solutions/security_alarm.md
577
- - solutions: reference/solutions/solutions.md
578
- - speed_estimation: reference/solutions/speed_estimation.md
579
- - streamlit_inference: reference/solutions/streamlit_inference.md
580
- - trackzone: reference/solutions/trackzone.md
581
- - trackers:
582
- - basetrack: reference/trackers/basetrack.md
583
- - bot_sort: reference/trackers/bot_sort.md
584
- - byte_tracker: reference/trackers/byte_tracker.md
585
- - track: reference/trackers/track.md
586
- - utils:
587
- - gmc: reference/trackers/utils/gmc.md
588
- - kalman_filter: reference/trackers/utils/kalman_filter.md
589
- - matching: reference/trackers/utils/matching.md
590
- - utils:
591
- - __init__: reference/utils/__init__.md
592
- - autobatch: reference/utils/autobatch.md
593
- - benchmarks: reference/utils/benchmarks.md
594
- - callbacks:
595
- - base: reference/utils/callbacks/base.md
596
- - clearml: reference/utils/callbacks/clearml.md
597
- - comet: reference/utils/callbacks/comet.md
598
- - dvc: reference/utils/callbacks/dvc.md
599
- - hub: reference/utils/callbacks/hub.md
600
- - mlflow: reference/utils/callbacks/mlflow.md
601
- - neptune: reference/utils/callbacks/neptune.md
602
- - raytune: reference/utils/callbacks/raytune.md
603
- - tensorboard: reference/utils/callbacks/tensorboard.md
604
- - wb: reference/utils/callbacks/wb.md
605
- - checks: reference/utils/checks.md
606
- - dist: reference/utils/dist.md
607
- - downloads: reference/utils/downloads.md
608
- - errors: reference/utils/errors.md
609
- - files: reference/utils/files.md
610
- - instance: reference/utils/instance.md
611
- - loss: reference/utils/loss.md
612
- - metrics: reference/utils/metrics.md
613
- - ops: reference/utils/ops.md
614
- - patches: reference/utils/patches.md
615
- - plotting: reference/utils/plotting.md
616
- - tal: reference/utils/tal.md
617
- - torch_utils: reference/utils/torch_utils.md
618
- - triton: reference/utils/triton.md
619
- - tuner: reference/utils/tuner.md
620
-
621
- - Help:
622
- - Help: help/index.md
623
- - Frequently Asked Questions (FAQ): help/FAQ.md
624
- - Contributing Guide: help/contributing.md
625
- - Continuous Integration (CI) Guide: help/CI.md
626
- - Contributor License Agreement (CLA): help/CLA.md
627
- - Minimum Reproducible Example (MRE) Guide: help/minimum-reproducible-example.md
628
- - Code of Conduct: help/code-of-conduct.md
629
- - Environmental, Health and Safety (EHS) Policy: help/environmental-health-safety.md
630
- - Security Policy: help/security.md
631
- - Privacy Policy: help/privacy.md
632
-
633
- # Plugins including 301 redirects navigation ---------------------------------------------------------------------------
634
- plugins:
635
- - macros
636
- # - search:
637
- # lang: en
638
- - mkdocstrings:
639
- enabled: true
640
- default_handler: python
641
- handlers:
642
- python:
643
- options:
644
- docstring_options:
645
- ignore_init_summary: true
646
- merge_init_into_class: true
647
- docstring_style: google
648
- show_root_heading: true
649
- show_source: true
650
- separate_signature: true
651
- line_length: 80
652
- show_signature_annotations: true
653
- show_symbol_type_heading: true # insiders
654
- show_symbol_type_toc: true # insiders
655
- show_inheritance_diagram: true # insiders
656
- - ultralytics:
657
- add_desc: False
658
- add_image: True
659
- add_authors: True
660
- add_json_ld: True
661
- add_share_buttons: True
662
- add_css: False
663
- default_image: https://raw.githubusercontent.com/ultralytics/assets/main/yolov8/banner-yolov8.png
664
- - redirects:
665
- redirect_maps:
666
- hi/index.md: index.md
667
- nl/index.md: index.md
668
- callbacks.md: usage/callbacks.md
669
- cfg.md: usage/cfg.md
670
- cli.md: usage/cli.md
671
- config.md: usage/cfg.md
672
- engine.md: usage/engine.md
673
- environments/AWS-Quickstart.md: yolov5/environments/aws_quickstart_tutorial.md
674
- environments/Docker-Quickstart.md: yolov5/environments/docker_image_quickstart_tutorial.md
675
- environments/GCP-Quickstart.md: yolov5/environments/google_cloud_quickstart_tutorial.md
676
- FAQ/augmentation.md: yolov5/tutorials/tips_for_best_training_results.md
677
- package-framework.md: index.md
678
- package-framework/mock_detector.md: index.md
679
- predict.md: modes/predict.md
680
- python.md: usage/python.md
681
- quick-start.md: quickstart.md
682
- app.md: hub/app/index.md
683
- sdk.md: index.md
684
- hub/inference_api.md: hub/inference-api.md
685
- usage/hyperparameter_tuning.md: integrations/ray-tune.md
686
- models/sam2.md: models/sam-2.md
687
- reference/base_pred.md: reference/engine/predictor.md
688
- reference/base_trainer.md: reference/engine/trainer.md
689
- reference/exporter.md: reference/engine/exporter.md
690
- reference/model.md: reference/engine/model.md
691
- reference/nn.md: reference/nn/modules/head.md
692
- reference/ops.md: reference/utils/ops.md
693
- reference/results.md: reference/engine/results.md
694
- reference/base_val.md: index.md
695
- reference/index.md: reference/cfg/__init__.md
696
- tasks/classification.md: tasks/classify.md
697
- tasks/detection.md: tasks/detect.md
698
- tasks/segmentation.md: tasks/segment.md
699
- tasks/keypoints.md: tasks/pose.md
700
- tasks/tracking.md: modes/track.md
701
- SECURITY.md: help/security.md
702
- help/minimum_reproducible_example.md: help/minimum-reproducible-example.md
703
- help/code_of_conduct.md: help/code-of-conduct.md
704
- tutorials/architecture-summary.md: yolov5/tutorials/architecture_description.md
705
- tutorials/clearml-logging.md: yolov5/tutorials/clearml_logging_integration.md
706
- tutorials/comet-logging.md: yolov5/tutorials/comet_logging_integration.md
707
- tutorials/hyperparameter-evolution.md: yolov5/tutorials/hyperparameter_evolution.md
708
- tutorials/model-ensembling.md: yolov5/tutorials/model_ensembling.md
709
- tutorials/multi-gpu-training.md: yolov5/tutorials/multi_gpu_training.md
710
- tutorials/nvidia-jetson.md: guides/nvidia-jetson.md
711
- tutorials/pruning-sparsity.md: yolov5/tutorials/model_pruning_and_sparsity.md
712
- tutorials/pytorch-hub.md: yolov5/tutorials/pytorch_hub_model_loading.md
713
- tutorials/roboflow.md: yolov5/tutorials/roboflow_datasets_integration.md
714
- tutorials/test-time-augmentation.md: yolov5/tutorials/test_time_augmentation.md
715
- tutorials/torchscript-onnx-coreml-export.md: yolov5/tutorials/model_export.md
716
- tutorials/train-custom-datasets.md: yolov5/tutorials/train_custom_data.md
717
- tutorials/training-tips-best-results.md: yolov5/tutorials/tips_for_best_training_results.md
718
- tutorials/transfer-learning-froze-layers.md: yolov5/tutorials/transfer_learning_with_frozen_layers.md
719
- tutorials/weights-and-biasis-logging.md: yolov5/tutorials/comet_logging_integration.md
720
- yolov5/pytorch_hub.md: yolov5/tutorials/pytorch_hub_model_loading.md
721
- yolov5/hyp_evolution.md: yolov5/tutorials/hyperparameter_evolution.md
722
- yolov5/pruning_sparsity.md: yolov5/tutorials/model_pruning_and_sparsity.md
723
- yolov5/roboflow.md: yolov5/tutorials/roboflow_datasets_integration.md
724
- yolov5/comet.md: yolov5/tutorials/comet_logging_integration.md
725
- yolov5/clearml.md: yolov5/tutorials/clearml_logging_integration.md
726
- yolov5/tta.md: yolov5/tutorials/test_time_augmentation.md
727
- yolov5/multi_gpu_training.md: yolov5/tutorials/multi_gpu_training.md
728
- yolov5/ensemble.md: yolov5/tutorials/model_ensembling.md
729
- yolov5/jetson_nano.md: guides/nvidia-jetson.md
730
- yolov5/transfer_learn_frozen.md: yolov5/tutorials/transfer_learning_with_frozen_layers.md
731
- yolov5/neural_magic.md: yolov5/tutorials/neural_magic_pruning_quantization.md
732
- yolov5/train_custom_data.md: yolov5/tutorials/train_custom_data.md
733
- yolov5/architecture.md: yolov5/tutorials/architecture_description.md
734
- yolov5/export.md: yolov5/tutorials/model_export.md
735
- yolov5/yolov5_quickstart_tutorial.md: yolov5/quickstart_tutorial.md
736
- yolov5/tips_for_best_training_results.md: yolov5/tutorials/tips_for_best_training_results.md
737
- yolov5/tutorials/yolov5_neural_magic_tutorial.md: yolov5/tutorials/neural_magic_pruning_quantization.md
738
- yolov5/tutorials/model_ensembling_tutorial.md: yolov5/tutorials/model_ensembling.md
739
- yolov5/tutorials/pytorch_hub_tutorial.md: yolov5/tutorials/pytorch_hub_model_loading.md
740
- yolov5/tutorials/yolov5_architecture_tutorial.md: yolov5/tutorials/architecture_description.md
741
- yolov5/tutorials/multi_gpu_training_tutorial.md: yolov5/tutorials/multi_gpu_training.md
742
- yolov5/tutorials/yolov5_pytorch_hub_tutorial.md: yolov5/tutorials/pytorch_hub_model_loading.md
743
- yolov5/tutorials/model_export_tutorial.md: yolov5/tutorials/model_export.md
744
- yolov5/tutorials/jetson_nano_tutorial.md: guides/nvidia-jetson.md
745
- yolov5/tutorials/yolov5_model_ensembling_tutorial.md: yolov5/tutorials/model_ensembling.md
746
- yolov5/tutorials/roboflow_integration.md: yolov5/tutorials/roboflow_datasets_integration.md
747
- yolov5/tutorials/pruning_and_sparsity_tutorial.md: yolov5/tutorials/model_pruning_and_sparsity.md
748
- yolov5/tutorials/yolov5_transfer_learning_with_frozen_layers_tutorial.md: yolov5/tutorials/transfer_learning_with_frozen_layers.md
749
- yolov5/tutorials/transfer_learning_with_frozen_layers_tutorial.md: yolov5/tutorials/transfer_learning_with_frozen_layers.md
750
- yolov5/tutorials/yolov5_model_export_tutorial.md: yolov5/tutorials/model_export.md
751
- yolov5/tutorials/neural_magic_tutorial.md: yolov5/tutorials/neural_magic_pruning_quantization.md
752
- yolov5/tutorials/yolov5_clearml_integration_tutorial.md: yolov5/tutorials/clearml_logging_integration.md
753
- yolov5/tutorials/yolov5_train_custom_data.md: yolov5/tutorials/train_custom_data.md
754
- yolov5/tutorials/comet_integration_tutorial.md: yolov5/tutorials/comet_logging_integration.md
755
- yolov5/tutorials/yolov5_pruning_and_sparsity_tutorial.md: yolov5/tutorials/model_pruning_and_sparsity.md
756
- yolov5/tutorials/yolov5_jetson_nano_tutorial.md: guides/nvidia-jetson.md
757
- yolov5/tutorials/running_on_jetson_nano.md: guides/nvidia-jetson.md
758
- yolov5/tutorials/yolov5_roboflow_integration.md: yolov5/tutorials/roboflow_datasets_integration.md
759
- yolov5/tutorials/hyperparameter_evolution_tutorial.md: yolov5/tutorials/hyperparameter_evolution.md
760
- yolov5/tutorials/yolov5_hyperparameter_evolution_tutorial.md: yolov5/tutorials/hyperparameter_evolution.md
761
- yolov5/tutorials/clearml_integration_tutorial.md: yolov5/tutorials/clearml_logging_integration.md
762
- yolov5/tutorials/test_time_augmentation_tutorial.md: yolov5/tutorials/test_time_augmentation.md
763
- yolov5/tutorials/yolov5_test_time_augmentation_tutorial.md: yolov5/tutorials/test_time_augmentation.md
764
- yolov5/environments/yolov5_amazon_web_services_quickstart_tutorial.md: yolov5/environments/aws_quickstart_tutorial.md
765
- yolov5/environments/yolov5_google_cloud_platform_quickstart_tutorial.md: yolov5/environments/google_cloud_quickstart_tutorial.md
766
- yolov5/environments/yolov5_docker_image_quickstart_tutorial.md: yolov5/environments/docker_image_quickstart_tutorial.md
767
- reference/data/explorer/explorer.md: datasets/explorer/index.md
768
- reference/data/explorer/gui/dash.md: datasets/explorer/index.md
769
- reference/data/explorer/utils.md: datasets/explorer/index.md