Skip to content

Commit

Permalink
Merge branch 'master' into fix-deprecated-amp
Browse files Browse the repository at this point in the history
  • Loading branch information
Bala-Vignesh-Reddy authored Jan 27, 2025
2 parents f78179a + de62f93 commit 0d805f6
Show file tree
Hide file tree
Showing 115 changed files with 158 additions and 127 deletions.
2 changes: 1 addition & 1 deletion .github/ISSUE_TEMPLATE/bug-report.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

name: πŸ› Bug Report
# title: " "
Expand Down
2 changes: 1 addition & 1 deletion .github/ISSUE_TEMPLATE/config.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

blank_issues_enabled: true
contact_links:
Expand Down
2 changes: 1 addition & 1 deletion .github/ISSUE_TEMPLATE/feature-request.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

name: πŸš€ Feature Request
description: Suggest a YOLOv5 idea
Expand Down
2 changes: 1 addition & 1 deletion .github/ISSUE_TEMPLATE/question.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

name: ❓ Question
description: Ask a YOLOv5 question
Expand Down
3 changes: 2 additions & 1 deletion .github/dependabot.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Dependabot for package version updates
# https://docs.github.com/github/administering-a-repository/configuration-options-for-dependency-updates

Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/ci-testing.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# YOLOv5 Continuous Integration (CI) GitHub Actions tests

name: YOLOv5 CI
Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/cla.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLO πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Ultralytics Contributor License Agreement (CLA) action https://docs.ultralytics.com/help/CLA
# This workflow automatically requests Pull Requests (PR) authors to sign the Ultralytics CLA before PRs can be merged

Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/docker.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Builds ultralytics/yolov5:latest images on DockerHub https://hub.docker.com/r/ultralytics/yolov5

name: Publish Docker Images
Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/format.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics πŸš€ - AGPL-3.0 License https://ultralytics.com/license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Ultralytics Actions https://github.com/ultralytics/actions
# This workflow automatically formats code and documentation in PRs to official Ultralytics standards

Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/links.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Continuous Integration (CI) GitHub Actions tests broken link checker using https://github.com/lycheeverse/lychee
# Ignores the following status codes to reduce false positives:
# - 403(OpenVINO, 'forbidden')
Expand Down
3 changes: 2 additions & 1 deletion .github/workflows/merge-main-into-prs.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLO πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Automatically merges repository 'main' branch into all open PRs to keep them up-to-date
# Action runs on updates to main branch so when one PR merges to main all others update

Expand Down
2 changes: 1 addition & 1 deletion .github/workflows/stale.yml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

name: Close stale issues
on:
Expand Down
2 changes: 1 addition & 1 deletion benchmarks.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Run YOLOv5 benchmarks on all supported export formats.
Expand Down
2 changes: 1 addition & 1 deletion classify/predict.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Run YOLOv5 classification inference on images, videos, directories, globs, YouTube, webcam, streams, etc.
Expand Down
2 changes: 1 addition & 1 deletion classify/train.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Train a YOLOv5 classifier model on a classification dataset.
Expand Down
2 changes: 1 addition & 1 deletion classify/val.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Validate a trained YOLOv5 classification model on a classification dataset.
Expand Down
3 changes: 2 additions & 1 deletion data/Argoverse.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Argoverse-HD dataset (ring-front-center camera) http://www.cs.cmu.edu/~mengtial/proj/streaming/ by Argo AI
# Example usage: python train.py --data Argoverse.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/GlobalWheat2020.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Global Wheat 2020 dataset http://www.global-wheat.com/ by University of Saskatchewan
# Example usage: python train.py --data GlobalWheat2020.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/ImageNet.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# ImageNet-1k dataset https://www.image-net.org/index.php by Stanford University
# Simplified class names from https://github.com/anishathalye/imagenet-simple-labels
# Example usage: python classify/train.py --data imagenet
Expand Down
3 changes: 2 additions & 1 deletion data/ImageNet10.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# ImageNet-1k dataset https://www.image-net.org/index.php by Stanford University
# Simplified class names from https://github.com/anishathalye/imagenet-simple-labels
# Example usage: python classify/train.py --data imagenet
Expand Down
3 changes: 2 additions & 1 deletion data/ImageNet100.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# ImageNet-1k dataset https://www.image-net.org/index.php by Stanford University
# Simplified class names from https://github.com/anishathalye/imagenet-simple-labels
# Example usage: python classify/train.py --data imagenet
Expand Down
3 changes: 2 additions & 1 deletion data/ImageNet1000.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# ImageNet-1k dataset https://www.image-net.org/index.php by Stanford University
# Simplified class names from https://github.com/anishathalye/imagenet-simple-labels
# Example usage: python classify/train.py --data imagenet
Expand Down
3 changes: 2 additions & 1 deletion data/Objects365.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Objects365 dataset https://www.objects365.org/ by Megvii
# Example usage: python train.py --data Objects365.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/SKU-110K.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# SKU-110K retail items dataset https://github.com/eg4000/SKU110K_CVPR19 by Trax Retail
# Example usage: python train.py --data SKU-110K.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/VOC.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# PASCAL VOC dataset http://host.robots.ox.ac.uk/pascal/VOC by University of Oxford
# Example usage: python train.py --data VOC.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/VisDrone.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# VisDrone2019-DET dataset https://github.com/VisDrone/VisDrone-Dataset by Tianjin University
# Example usage: python train.py --data VisDrone.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/coco.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# COCO 2017 dataset http://cocodataset.org by Microsoft
# Example usage: python train.py --data coco.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/coco128-seg.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# COCO128-seg dataset https://www.kaggle.com/datasets/ultralytics/coco128 (first 128 images from COCO train2017) by Ultralytics
# Example usage: python train.py --data coco128.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/coco128.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# COCO128 dataset https://www.kaggle.com/datasets/ultralytics/coco128 (first 128 images from COCO train2017) by Ultralytics
# Example usage: python train.py --data coco128.yaml
# parent
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.Objects365.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters for Objects365 training
# python train.py --weights yolov5m.pt --data Objects365.yaml --evolve
# See Hyperparameter Evolution tutorial for details https://github.com/ultralytics/yolov5#tutorials
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.VOC.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters for VOC training
# python train.py --batch 128 --weights yolov5m6.pt --data VOC.yaml --epochs 50 --img 512 --hyp hyp.scratch-med.yaml --evolve
# See Hyperparameter Evolution tutorial for details https://github.com/ultralytics/yolov5#tutorials
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.no-augmentation.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters when using Albumentations frameworks
# python train.py --hyp hyp.no-augmentation.yaml
# See https://github.com/ultralytics/yolov5/pull/3882 for YOLOv5 + Albumentations Usage examples
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.scratch-high.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters for high-augmentation COCO training from scratch
# python train.py --batch 32 --cfg yolov5m6.yaml --weights '' --data coco.yaml --img 1280 --epochs 300
# See tutorials for hyperparameter evolution https://github.com/ultralytics/yolov5#tutorials
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.scratch-low.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters for low-augmentation COCO training from scratch
# python train.py --batch 64 --cfg yolov5n6.yaml --weights '' --data coco.yaml --img 640 --epochs 300 --linear
# See tutorials for hyperparameter evolution https://github.com/ultralytics/yolov5#tutorials
Expand Down
3 changes: 2 additions & 1 deletion data/hyps/hyp.scratch-med.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Hyperparameters for medium-augmentation COCO training from scratch
# python train.py --batch 32 --cfg yolov5m6.yaml --weights '' --data coco.yaml --img 1280 --epochs 300
# See tutorials for hyperparameter evolution https://github.com/ultralytics/yolov5#tutorials
Expand Down
3 changes: 2 additions & 1 deletion data/xView.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# DIUx xView 2018 Challenge https://challenge.xviewdataset.org by U.S. National Geospatial-Intelligence Agency (NGA)
# -------- DOWNLOAD DATA MANUALLY and jar xf val_images.zip to 'datasets/xView' before running train command! --------
# Example usage: python train.py --data xView.yaml
Expand Down
2 changes: 1 addition & 1 deletion detect.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Run YOLOv5 detection inference on images, videos, directories, globs, YouTube, webcam, streams, etc.
Expand Down
2 changes: 1 addition & 1 deletion export.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
Export a YOLOv5 PyTorch model to other formats. TensorFlow exports authored by https://github.com/zldrobit.
Expand Down
2 changes: 1 addition & 1 deletion hubconf.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""
PyTorch Hub models https://pytorch.org/hub/ultralytics_yolov5.
Expand Down
1 change: 1 addition & 0 deletions models/__init__.py
Original file line number Diff line number Diff line change
@@ -0,0 +1 @@
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
7 changes: 3 additions & 4 deletions models/common.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""Common modules."""

import ast
Expand Down Expand Up @@ -749,9 +749,8 @@ def forward(self, im, augment=False, visualize=False):
scale, zero_point = output["quantization"]
x = (x.astype(np.float32) - zero_point) * scale # re-scale
y.append(x)
if len(y) == 2: # segment with (det, proto) output order reversed
if len(y[1].shape) != 4:
y = list(reversed(y)) # should be y = (1, 116, 8400), (1, 160, 160, 32)
if len(y) == 2 and len(y[1].shape) != 4:
y = list(reversed(y))
y = [x if isinstance(x, np.ndarray) else x.numpy() for x in y]
y[0][..., :4] *= [w, h, w, h] # xywh normalized to pixels

Expand Down
2 changes: 1 addition & 1 deletion models/experimental.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license
"""Experimental modules."""

import math
Expand Down
3 changes: 2 additions & 1 deletion models/hub/anchors.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Default anchors for COCO data

# P5 -------------------------------------------------------------------------------------------------------------------
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov3-spp.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov3-tiny.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov3.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-bifpn.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-fpn.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-p2.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-p34.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-p6.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-p7.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5-panet.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5l6.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5m6.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5n6.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5s-LeakyReLU.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5s-ghost.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5s-transformer.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
2 changes: 1 addition & 1 deletion models/hub/yolov5s6.yaml
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Ultralytics YOLOv5 πŸš€, AGPL-3.0 license
# Ultralytics πŸš€ AGPL-3.0 License - https://ultralytics.com/license

# Parameters
nc: 80 # number of classes
Expand Down
Loading

0 comments on commit 0d805f6

Please sign in to comment.