Merge branch 'master' into cuda-amp-warning-fix
commit
a483f06fea
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
name: 🐛 Bug Report
|
||||
# title: " "
|
||||
|
|
|
@ -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:
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
||||
|
|
|
@ -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')
|
||||
|
@ -43,7 +44,7 @@ jobs:
|
|||
--github-token ${{ secrets.GITHUB_TOKEN }} \
|
||||
--header "User-Agent=Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.6478.183 Safari/537.36" \
|
||||
'./**/*.md' \
|
||||
'./**/*.html'
|
||||
'./**/*.html' | tee -a $GITHUB_STEP_SUMMARY
|
||||
|
||||
- name: Test Markdown, HTML, YAML, Python and Notebook links with retry
|
||||
if: github.event_name == 'workflow_dispatch'
|
||||
|
@ -68,4 +69,4 @@ jobs:
|
|||
'./**/*.yml' \
|
||||
'./**/*.yaml' \
|
||||
'./**/*.py' \
|
||||
'./**/*.ipynb'
|
||||
'./**/*.ipynb' | tee -a $GITHUB_STEP_SUMMARY
|
||||
|
|
|
@ -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
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
name: Close stale issues
|
||||
on:
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -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.
|
||||
|
||||
|
|
|
@ -0,0 +1 @@
|
|||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Common modules."""
|
||||
|
||||
import ast
|
||||
|
@ -750,6 +750,8 @@ class DetectMultiBackend(nn.Module):
|
|||
scale, zero_point = output["quantization"]
|
||||
x = (x.astype(np.float32) - zero_point) * scale # re-scale
|
||||
y.append(x)
|
||||
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
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Experimental modules."""
|
||||
|
||||
import math
|
||||
|
|
|
@ -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 -------------------------------------------------------------------------------------------------------------------
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
TensorFlow, Keras and TFLite versions of YOLOv5
|
||||
Authored by https://github.com/zldrobit in PR https://github.com/ultralytics/yolov5/pull/1127.
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
YOLO-specific modules.
|
||||
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -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
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
# Overview:
|
||||
# This pyproject.toml file manages the build, packaging, and distribution of the Ultralytics library.
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
Run YOLOv5 segmentation inference on images, videos, directories, streams, etc.
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
Train a YOLOv5 segment model on a segment dataset Models and datasets download automatically from the latest YOLOv5
|
||||
release.
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
Validate a trained YOLOv5 segment model on a segment dataset.
|
||||
|
||||
|
|
2
train.py
2
train.py
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""
|
||||
Train a YOLOv5 model on a custom dataset. Models and datasets download automatically from the latest YOLOv5 release.
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""utils/initialization."""
|
||||
|
||||
import contextlib
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Activation functions."""
|
||||
|
||||
import torch
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Image augmentation functions."""
|
||||
|
||||
import math
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""AutoAnchor utils."""
|
||||
|
||||
import random
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Auto-batch utils."""
|
||||
|
||||
from copy import deepcopy
|
||||
|
|
|
@ -0,0 +1 @@
|
|||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
|
@ -1,4 +1,5 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
# Resume all interrupted trainings in yolov5/ dir including DDP trainings
|
||||
# Usage: $ python utils/aws/resume.py
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Callback utils."""
|
||||
|
||||
import threading
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Dataloaders and dataset utils."""
|
||||
|
||||
import contextlib
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Download utils."""
|
||||
|
||||
import logging
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Perform test request."""
|
||||
|
||||
import pprint
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Run a Flask REST API exposing one or more YOLOv5s models."""
|
||||
|
||||
import argparse
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""General utils."""
|
||||
|
||||
import contextlib
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
runtime: custom
|
||||
env: flex
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Logging utils."""
|
||||
|
||||
import json
|
||||
|
|
|
@ -4,7 +4,7 @@
|
|||
|
||||
## About ClearML
|
||||
|
||||
[ClearML](https://clear.ml/) is an [open-source](https://github.com/allegroai/clearml) toolbox designed to save you time ⏱️.
|
||||
[ClearML](https://clear.ml/) is an [open-source](https://github.com/clearml/clearml) toolbox designed to save you time ⏱️.
|
||||
|
||||
🔨 Track every YOLOv5 training run in the <b>experiment manager</b>
|
||||
|
||||
|
|
|
@ -0,0 +1 @@
|
|||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
"""Main Logger class for ClearML experiment tracking."""
|
||||
|
||||
import glob
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
from clearml import Task
|
||||
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
import glob
|
||||
import json
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
import logging
|
||||
import os
|
||||
|
|
|
@ -1,4 +1,4 @@
|
|||
# Ultralytics YOLOv5 🚀, AGPL-3.0 license
|
||||
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
||||
|
||||
import argparse
|
||||
import json
|
||||
|
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue