Yolov5

Latest version: v7.0.13

Safety actively analyzes 627056 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 1 of 16

1005.3

354.3b

| | | | | || |

265.7

- All checkpoints are trained to 300 epochs with SGD optimizer with `lr0=0.01` and `weight_decay=5e-5` at image size 640 and all default settings.<br>Runs logged to https://wandb.ai/glenn-jocher/YOLOv5_v70_official
- **Accuracy** values are for single-model single-scale on COCO dataset.<br>Reproduce by `python segment/val.py --data coco.yaml --weights yolov5s-seg.pt`
- **Speed** averaged over 100 inference images using a [Colab Pro](https://colab.research.google.com/signup) A100 High-RAM instance. Values indicate inference speed only (NMS adds about 1ms per image). <br>Reproduce by `python segment/val.py --data coco.yaml --weights yolov5s-seg.pt --batch 1`
- **Export** to ONNX at FP32 and TensorRT at FP16 done with `export.py`. <br>Reproduce by `python export.py --weights yolov5s-seg.pt --include engine --device 0 --half`

New Segmentation Usage Examples

Train
YOLOv5 segmentation training supports auto-download COCO128-seg segmentation dataset with `--data coco128-seg.yaml` argument and manual download of COCO-segments dataset with `bash data/scripts/get_coco.sh --train --val --segments` and then `python train.py --data coco.yaml`.

bash
Single-GPU
python segment/train.py --model yolov5s-seg.pt --data coco128-seg.yaml --epochs 5 --img 640

Multi-GPU DDP
python -m torch.distributed.run --nproc_per_node 4 --master_port 1 segment/train.py --model yolov5s-seg.pt --data coco128-seg.yaml --epochs 5 --img 640 --device 0,1,2,3


Val
Validate YOLOv5m-seg accuracy on ImageNet-1k dataset:
bash
bash data/scripts/get_coco.sh --val --segments download COCO val segments split (780MB, 5000 images)
python segment/val.py --weights yolov5s-seg.pt --data coco.yaml --img 640 validate


Predict
Use pretrained YOLOv5m-seg to predict bus.jpg:
bash
python segment/predict.py --weights yolov5m-seg.pt --data data/images/bus.jpg

python
model = torch.hub.load('ultralytics/yolov5', 'custom', 'yolov5m-seg.pt') load from PyTorch Hub (WARNING: inference not yet supported)


![zidane](https://user-images.githubusercontent.com/26833433/203113421-decef4c4-183d-4a0a-a6c2-6435b33bc5d3.jpg) | ![bus](https://user-images.githubusercontent.com/26833433/203113416-11fe0025-69f7-4874-a0a6-65d0bfe2999a.jpg)
--- |---

Export
Export YOLOv5s-seg model to ONNX and TensorRT:
bash
python export.py --weights yolov5s-seg.pt --include onnx engine --img 640 --device 0



Changelog

- Changes between **previous release and this release**: https://github.com/ultralytics/yolov5/compare/v6.2...v7.0
- Changes **since this release**: https://github.com/ultralytics/yolov5/compare/v7.0...HEAD


<details>
<summary>🛠️ New Features and Bug Fixes (280)</summary>
* Improve classification comments by glenn-jocher in https://github.com/ultralytics/yolov5/pull/8997
* Update `attempt_download(release='v6.2')` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/8998
* Update README_cn.md by KieraMengru0907 in https://github.com/ultralytics/yolov5/pull/9001
* Update dataset `names` from array to dictionary by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9000
* [segment]: Allow inference on dirs and videos by AyushExel in https://github.com/ultralytics/yolov5/pull/9003
* DockerHub tag update Usage example by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9005
* Add weight `decay` to argparser by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9006
* Add glob quotes to detect.py usage example by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9007
* Fix TorchScript JSON string key bug by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9015
* EMA FP32 assert classification bug fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9016
* Faster pre-processing for gray image input by cher-liang in https://github.com/ultralytics/yolov5/pull/9009
* Improved `Profile()` inference timing by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9024
* `torch.empty()` for speed improvements by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9025
* Remove unused `time_sync` import by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9026
* Add PyTorch Hub classification CI checks by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9027
* Attach transforms to model by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9028
* Default --data `imagenette160` training (fastest) by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9033
* VOC `names` dictionary fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9034
* Update train.py `import val as validate` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9037
* AutoBatch protect from negative batch sizes by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9048
* Temporarily remove `macos-latest` from CI by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9049
* Add `--save-hybrid` mAP warning by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9050
* Refactor for simplification by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9054
* Refactor for simplification 2 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9055
* zero-mAP fix return `.detach()` to EMA by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9056
* zero-mAP fix 3 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9058
* Daemon `plot_labels()` for faster start by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9057
* TensorBoard fix in tutorial.ipynb by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9064
* zero-mAP fix remove `torch.empty()` forward pass in `.train()` mode by 0zppd in https://github.com/ultralytics/yolov5/pull/9068
* Rename 'labels' to 'instances' by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9066
* Threaded TensorBoard graph logging by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9070
* De-thread TensorBoard graph logging by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9071
* Two dimensional `size=(h,w)` AutoShape support by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9072
* Remove unused Timeout import by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9073
* Improved Usage example docstrings by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9075
* Install `torch` latest stable by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9092
* New `try_export` decorator by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9096
* Add optional `transforms` argument to LoadStreams() by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9105
* Streaming Classification support by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9106
* Fix numpy to torch cls streaming bug by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9112
* Infer Loggers project name by AyushExel in https://github.com/ultralytics/yolov5/pull/9117
* Add CSV logging to GenericLogger by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9128
* New TryExcept decorator by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9154
* Fixed segment offsets by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9155
* New YOLOv5 v6.2 splash images by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9142
* Rename onnx_dynamic -> dynamic by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9168
* Inline `_make_grid()` meshgrid by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9170
* Comment EMA assert by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9173
* Fix confidence threshold for ClearML debug images by HighMans in https://github.com/ultralytics/yolov5/pull/9174
* Update Dockerfile-cpu by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9184
* Update Dockerfile-cpu to libpython3-dev by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9185
* Update Dockerfile-arm64 to libpython3-dev by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9187
* Fix AutoAnchor MPS bug by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9188
* Skip AMP check on MPS by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9189
* ClearML's set_report_period's time is defined in minutes not seconds. by HighMans in https://github.com/ultralytics/yolov5/pull/9186
* Add `check_git_status(..., branch='master')` argument by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9199
* `check_font()` on notebook init by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9200
* Comment `protobuf` in requirements.txt by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9207
* `check_font()` fstring update by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9208
* AutoBatch protect from extreme batch sizes by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9209
* Default AutoBatch 0.8 fraction by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9212
* Delete rebase.yml by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9202
* Duplicate segment verification fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9225
* New `LetterBox(size)` `CenterCrop(size)`, `ToTensor()` transforms (9213) by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9213
* Add ClassificationModel TF export assert by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9226
* Remove usage of `pathlib.Path.unlink(missing_ok=...)` by ymerkli in https://github.com/ultralytics/yolov5/pull/9227
* Add support for `*.pfm` images by spacewalk01 in https://github.com/ultralytics/yolov5/pull/9230
* Python check warning emoji by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9238
* Add `url_getsize()` function by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9247
* Update dataloaders.py by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9250
* Refactor Loggers : Move code outside train.py by AyushExel in https://github.com/ultralytics/yolov5/pull/9241
* Update general.py by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9252
* Add LoadImages._cv2_rotate() by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9249
* Move `cudnn.benchmarks(True)` to LoadStreams by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9258
* `cudnn.benchmark = True` on Seed 0 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9259
* Update `TryExcept(msg='...')`` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9261
* Make sure best.pt model file is preserved ClearML by thepycoder in https://github.com/ultralytics/yolov5/pull/9265
* DetectMultiBackend improvements by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9269
* Update DetectMultiBackend for tuple outputs by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9274
* Update DetectMultiBackend for tuple outputs 2 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9275
* Update benchmarks CI with `--hard-fail` min metric floor by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9276
* Add new `--vid-stride` inference parameter for videos by VELCpro in https://github.com/ultralytics/yolov5/pull/9256
* [pre-commit.ci] pre-commit suggestions by pre-commit-ci in https://github.com/ultralytics/yolov5/pull/9295
* Replace deprecated `np.int` with `int` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9307
* Comet Logging and Visualization Integration by DN6 in https://github.com/ultralytics/yolov5/pull/9232
* Comet changes by DN6 in https://github.com/ultralytics/yolov5/pull/9328
* Train.py line 486 typo fix by robinned in https://github.com/ultralytics/yolov5/pull/9330
* Add dilated conv support by YellowAndGreen in https://github.com/ultralytics/yolov5/pull/9347
* Update `check_requirements()` single install by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9353
* Update `check_requirements(args, cmds='')` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9355
* Update `check_requirements()` multiple string by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9356
* Add PaddlePaddle export and inference by kisaragychihaya in https://github.com/ultralytics/yolov5/pull/9240
* PaddlePaddle Usage examples by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9358
* labels.jpg names fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9361
* Exclude `ipython` from hubconf.py `check_requirements()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9362
* `torch.jit.trace()` fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9363
* AMP Check fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9367
* Remove duplicate line in setup.cfg by zldrobit in https://github.com/ultralytics/yolov5/pull/9380
* Remove `.train()` mode exports by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9429
* Continue on Docker arm64 failure by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9430
* Continue on Docker failure (all backends) by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9432
* Continue on Docker fail (all backends) fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9433
* YOLOv5 segmentation model support by AyushExel in https://github.com/ultralytics/yolov5/pull/9052
* Fix val.py zero-TP bug by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9431
* New model.yaml `activation:` field by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9371
* Fix tick labels for background FN/FP by hotohoto in https://github.com/ultralytics/yolov5/pull/9414
* Fix TensorRT exports to ONNX opset 12 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9441
* AutoShape explicit arguments fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9443
* Update Detections() instance printing by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9445
* AutoUpdate TensorFlow in export.py by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9447
* AutoBatch `cudnn.benchmark=True` fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9448
* Do not move downloaded zips by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9455
* Update general.py by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9454
* `Detect()` and `Segment()` fixes for CoreML and Paddle by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9458
* Add Paddle exports to benchmarks by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9459
* Add `macos-latest` runner for CoreML benchmarks by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9453
* Fix cutout bug by Oswells in https://github.com/ultralytics/yolov5/pull/9452
* Optimize imports by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9464
* TensorRT SegmentationModel fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9465
* `Conv()` dilation argument fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9466
* Update ClassificationModel default training `imgsz=224` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9469
* Standardize warnings with `WARNING ⚠️ ...` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9467
* TensorFlow macOS AutoUpdate by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9471
* `segment/predict --save-txt` fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9478
* TensorFlow SegmentationModel support by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9472
* AutoBatch report include reserved+allocated by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9491
* Update Detect() grid init `for` loop by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9494
* Accelerate video inference by mucunwuxian in https://github.com/ultralytics/yolov5/pull/9487
* Comet Image Logging Fix by DN6 in https://github.com/ultralytics/yolov5/pull/9498
* Fix visualization title bug by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9500
* Add paddle tips by Zengyf-CVer in https://github.com/ultralytics/yolov5/pull/9502
* Segmentation `polygons2masks_overlap()` in `np.int32` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9493
* Fix `random_perspective` param bug in segment by FeiGeChuanShu in https://github.com/ultralytics/yolov5/pull/9512
* Remove `check_requirements('flatbuffers==1.12')` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9514
* Fix TF Lite exports by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9517
* TFLite fix 2 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9518
* FROM nvcr.io/nvidia/pytorch:22.08-py3 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9520
* Remove scikit-learn constraint on coremltools 6.0 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9530
* Update scikit-learn constraint per coremltools 6.0 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9531
* Update `coremltools>=6.0` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9532
* Update albumentations by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9503
* import re by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9535
* TF.js fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9536
* Refactor dataset batch-size by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9551
* Add `--source screen` for screenshot inference by zombob in https://github.com/ultralytics/yolov5/pull/9542
* Update `is_url()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9566
* Detect.py supports running against a Triton container by gaziqbal in https://github.com/ultralytics/yolov5/pull/9228
* New `scale_segments()` function by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9570
* generator seed fix for DDP mAP drop by Forever518 in https://github.com/ultralytics/yolov5/pull/9545
* Update default GitHub assets by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9573
* Update requirements.txt comment https://pytorch.org/get-started/locally/ by davidamacey in https://github.com/ultralytics/yolov5/pull/9576
* Add segment line predictions by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9571
* TensorRT detect.py inference fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9581
* Update Comet links by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9587
* Add global YOLOv5_DATASETS_DIR by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9586
* Add Paperspace Gradient badges by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9588
* YOLOVISION22 announcement by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9590
* Bump actions/stale from 5 to 6 by dependabot in https://github.com/ultralytics/yolov5/pull/9595
* YOLOVISION22 update by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9598
* Apple MPS -> CPU NMS fallback strategy by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9600
* Updated Segmentation and Classification usage by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9607
* Update export.py Usage examples by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9609
* Fix `is_url('https://ultralytics.com')` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9610
* Add `results.save(save_dir='path', exist_ok=False)` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9617
* NMS MPS device wrapper by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9620
* Add SegmentationModel unsupported warning by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9632
* Disabled upload_dataset flag temporarily due to an artifact related bug by soumik12345 in https://github.com/ultralytics/yolov5/pull/9652
* Add NVIDIA Jetson Nano Deployment tutorial by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9656
* Added cutout import from utils/augmentations.py to use Cutout Aug in … by senhorinfinito in https://github.com/ultralytics/yolov5/pull/9668
* Simplify val.py benchmark mode with speed mode by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9674
* Allow list for Comet artifact class 'names' field by KristenKehrer in https://github.com/ultralytics/yolov5/pull/9654
* [pre-commit.ci] pre-commit suggestions by pre-commit-ci in https://github.com/ultralytics/yolov5/pull/9685
* TensorRT `--dynamic` fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9691
* FROM nvcr.io/nvidia/pytorch:22.09-py3 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9711
* Error in utils/segment/general `masks2segments()` by paulguerrie in https://github.com/ultralytics/yolov5/pull/9724
* Fix segment evolution keys by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9742
* Remove YOLOVISION22 notice by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9751
* Update Loggers by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9760
* update mask2segments and saving results by vladoossss in https://github.com/ultralytics/yolov5/pull/9785
* HUB VOC fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9792
* Update hubconf.py local repo Usage example by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9803
* Fix xView dataloaders import by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9807
* Argoverse HUB fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9809
* `smart_optimizer()` revert to weight with decay by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9817
* Allow PyTorch Hub results to display in notebooks by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9825
* Logger Cleanup by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9828
* Remove ipython from `check_requirements` exclude list by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9841
* Update HUBDatasetStats() usage examples by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9842
* Update ZipFile to context manager by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9843
* Update README.md by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9846
* Webcam show fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9847
* Fix OpenVINO Usage example by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9874
* ClearML Dockerfile fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9876
* Windows Python 3.7 .isfile() fix by SSTato in https://github.com/ultralytics/yolov5/pull/9879
* Add TFLite Metadata to TFLite and Edge TPU models by paradigmn in https://github.com/ultralytics/yolov5/pull/9903
* Add `gnupg` to Dockerfile-cpu by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9932
* Add ClearML minimum version requirement by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9933
* Update Comet Integrations table text by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9937
* Update README.md by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9957
* Update README.md by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9958
* Update README.md by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9961
* Switch from suffix checks to archive checks by kalenmike in https://github.com/ultralytics/yolov5/pull/9963
* FROM nvcr.io/nvidia/pytorch:22.10-py3 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9966
* Full-size proto code (optional) by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9980
* Update README.md by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9970
* Segmentation Tutorial by paulguerrie in https://github.com/ultralytics/yolov5/pull/9521
* Fix `is_colab()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9994
* Check online twice on AutoUpdate by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9999
* Add `min_items` filter option by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9997
* Improved `check_online()` robustness by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10000
* Fix `min_items` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10001
* Update default `--epochs 100` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10024
* YOLOv5 AutoCache Update by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10027
* IoU `eps` adjustment by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10051
* Update get_coco.sh by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10057
* [pre-commit.ci] pre-commit suggestions by pre-commit-ci in https://github.com/ultralytics/yolov5/pull/10068
* Use MNIST160 by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10069
* Update Dockerfile keep default torch installation by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10071
* Add `ultralytics` pip package by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10103
* AutoShape integer image-size fix by janus-zheng in https://github.com/ultralytics/yolov5/pull/10090
* YouTube Usage example comments by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10106
* Mapped project and name to ClearML by thepycoder in https://github.com/ultralytics/yolov5/pull/10100
* Update IoU functions by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10123
* Add Ultralytics HUB to README by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10070
* Fix benchmark.py usage comment by rusamentiaga in https://github.com/ultralytics/yolov5/pull/10131
* Update HUB banner image by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10134
* Copy-Paste zero value fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10152
* Add Copy-Paste to `mosaic9()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10165
* Add `join_threads()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10086
* Fix dataloader filepath modification to perform replace only once and not for all occurences of string by adumrewal in https://github.com/ultralytics/yolov5/pull/10163
* fix: prevent logging config clobbering by rkechols in https://github.com/ultralytics/yolov5/pull/10133
* Filter PyTorch 1.13 UserWarnings by triple-Mu in https://github.com/ultralytics/yolov5/pull/10166
* Revert "fix: prevent logging config clobbering" by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10177
* Apply make_divisible for ONNX models in Autoshape by janus-zheng in https://github.com/ultralytics/yolov5/pull/10172
* data.yaml `names.keys()` integer assert by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10190
* fix: try 2 - prevent logging config clobbering by rkechols in https://github.com/ultralytics/yolov5/pull/10192
* Segment prediction labels normalization fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10205
* Simplify dataloader tqdm descriptions by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10210
* New global `TQDM_BAR_FORMAT` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10211
* Feature/classification tutorial refactor by paulguerrie in https://github.com/ultralytics/yolov5/pull/10039
* Remove Colab notebook High-Memory notices by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10212
* Revert `--save-txt` to default False by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10213
* Add `--source screen` Usage example by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10215
* Add `git` info to training checkpoints by glenn-jocher in https://github.com/ultralytics/yolov5/pull/9655
* Add git info to cls, seg checkpoints by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10217
* Update Comet preview image by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10220
* Scope gitpyhon import in `check_git_info()` by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10221
* Squeezenet reshape outputs fix by glenn-jocher in https://github.com/ultralytics/yolov5/pull/10222

</details>


<details>
<summary>😃 New Contributors (30)</summary>
* KieraMengru0907 made their first contribution in https://github.com/ultralytics/yolov5/pull/9001
* cher-liang made their first contribution in https://github.com/ultralytics/yolov5/pull/9009
* 0zppd made their first contribution in https://github.com/ultralytics/yolov5/pull/9068
* HighMans made their first contribution in https://github.com/ultralytics/yolov5/pull/9174
* ymerkli made their first contribution in https://github.com/ultralytics/yolov5/pull/9227
* spacewalk01 made their first contribution in https://github.com/ultralytics/yolov5/pull/9230
* VELCpro made their first contribution in https://github.com/ultralytics/yolov5/pull/9256
* DN6 made their first contribution in https://github.com/ultralytics/yolov5/pull/9232
* robinned made their first contribution in https://github.com/ultralytics/yolov5/pull/9330
* kisaragychihaya made their first contribution in https://github.com/ultralytics/yolov5/pull/9240
* hotohoto made their first contribution in https://github.com/ultralytics/yolov5/pull/9414
* Oswells made their first contribution in https://github.com/ultralytics/yolov5/pull/9452
* mucunwuxian made their first contribution in https://github.com/ultralytics/yolov5/pull/9487
* FeiGeChuanShu made their first contribution in https://github.com/ultralytics/yolov5/pull/9512
* zombob made their first contribution in https://github.com/ultralytics/yolov5/pull/9542
* gaziqbal made their first contribution in https://github.com/ultralytics/yolov5/pull/9228
* Forever518 made their first contribution in https://github.com/ultralytics/yolov5/pull/9545
* davidamacey made their first contribution in https://github.com/ultralytics/yolov5/pull/9576
* soumik12345 made their first contribution in https://github.com/ultralytics/yolov5/pull/9652
* senhorinfinito made their first contribution in https://github.com/ultralytics/yolov5/pull/9668
* KristenKehrer made their first contribution in https://github.com/ultralytics/yolov5/pull/9654
* paulguerrie made their first contribution in https://github.com/ultralytics/yolov5/pull/9724
* vladoossss made their first contribution in https://github.com/ultralytics/yolov5/pull/9785
* SSTato made their first contribution in https://github.com/ultralytics/yolov5/pull/9879
* janus-zheng made their first contribution in https://github.com/ultralytics/yolov5/pull/10090
* rusamentiaga made their first contribution in https://github.com/ultralytics/yolov5/pull/10131
* adumrewal made their first contribution in https://github.com/ultralytics/yolov5/pull/10163
* rkechols made their first contribution in https://github.com/ultralytics/yolov5/pull/10133
* triple-Mu made their first contribution in https://github.com/ultralytics/yolov5/pull/10166

</details>

218.8

| | | | | | | || |

209.8br

<details>
<summary>Table Notes (click to expand)</summary>

* All checkpoints are trained to 300 epochs with default settings. Nano models use [hyp.scratch-low.yaml](https://github.com/ultralytics/yolov5/blob/master/data/hyps/hyp.scratch-low.yaml) hyperparameters, all others use [hyp.scratch-high.yaml](https://github.com/ultralytics/yolov5/blob/master/data/hyps/hyp.scratch-high.yaml).
* **mAP<sup>val</sup>** values are for single-model single-scale on [COCO val2017](http://cocodataset.org) dataset.<br>Reproduce by `python val.py --data coco.yaml --img 640 --conf 0.001 --iou 0.65`
* **Speed** averaged over COCO val images using a [AWS p3.2xlarge](https://aws.amazon.com/ec2/instance-types/p3/) instance. NMS times (~1 ms/img) not included.<br>Reproduce by `python val.py --data coco.yaml --img 640 --conf 0.25 --iou 0.45`
* **TTA** [Test Time Augmentation](https://github.com/ultralytics/yolov5/issues/303) includes reflection and scale augmentations.<br>Reproduce by `python val.py --data coco.yaml --img 1536 --iou 0.7 --augment`

</details>


Changelog

Changes between **previous release and this release**: https://github.com/ultralytics/yolov5/compare/v5.0...v6.0
Changes **since this release**: https://github.com/ultralytics/yolov5/compare/v6.0...HEAD

<details>
<summary>New Features and Bug Fixes (465)</summary>

166.4b

Page 1 of 16

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.