v6.1 - TensorRT, TensorFlow Edge TPU and OpenVINO Export and Inference
This release incorporates many new features and bug fixes (271 PRs from 48 contributors) since our last release in October 2021. It adds TensorRT, Edge TPU and OpenVINO support, and provides retrained models at --batch-size 128
with new default one-cycle linear LR scheduler. YOLOv5 now officially supports 11 different formats, not just for export but for inference (both detect.py and PyTorch Hub), and validation to profile mAP and speed results after export.
Format | export.py --include |
Model |
---|---|---|
PyTorch | - | yolov5s.pt |
TorchScript | torchscript |
yolov5s.torchscript |
ONNX | onnx |
yolov5s.onnx |
OpenVINO | openvino |
yolov5s_openvino_model/ |
TensorRT | engine |
yolov5s.engine |
CoreML | coreml |
yolov5s.mlmodel |
TensorFlow SavedModel | saved_model |
yolov5s_saved_model/ |
TensorFlow GraphDef | pb |
yolov5s.pb |
TensorFlow Lite | tflite |
yolov5s.tflite |
TensorFlow Edge TPU | edgetpu |
yolov5s_edgetpu.tflite |
TensorFlow.js | tfjs |
yolov5s_web_model/ |
Usage examples (ONNX shown):
Export: python export.py --weights yolov5s.pt --include onnx
Detect: python detect.py --weights yolov5s.onnx
PyTorch Hub: model = torch.hub.load('ultralytics/yolov5', 'custom', 'yolov5s.onnx')
Validate: python val.py --weights yolov5s.onnx
Visualize: https://netron.app
Important Updates
- TensorRT support: TensorFlow, Keras, TFLite, TF.js model export now fully integrated using
python export.py --include saved_model pb tflite tfjs
(#5699 by @imyhxy) - Tensorflow Edge TPU support β NEW: New smaller YOLOv5n (1.9M params) model below YOLOv5s (7.5M params), exports to 2.1 MB INT8 size, ideal for ultralight mobile solutions. (#3630 by @zldrobit)
- OpenVINO support: YOLOv5 ONNX models are now compatible with both OpenCV DNN and ONNX Runtime (#6057 by @glenn-jocher).
- Export Benchmarks: Benchmark (mAP and speed) all YOLOv5 export formats with
python utils/benchmarks.py --weights yolov5s.pt
. Currently operates on CPU, future updates will implement GPU support. (#6613 by @glenn-jocher). - Architecture: no changes
- Hyperparameters: minor change
- hyp-scratch-large.yaml
lrf
reduced from 0.2 to 0.1 (#6525 by @glenn-jocher).
- hyp-scratch-large.yaml
- Training: Default Learning Rate (LR) scheduler updated
- One-cycle with cosine replace with one-cycle linear for improved results (#6729 by @glenn-jocher).
New Results
All model trainings logged to https://wandb.ai/glenn-jocher/YOLOv5_v61_official
Figure Notes (click to expand)
- COCO AP val denotes [email protected]:0.95 metric measured on the 5000-image COCO val2017 dataset over various inference sizes from 256 to 1536.
- GPU Speed measures average inference time per image on COCO val2017 dataset using a AWS p3.2xlarge V100 instance at batch-size 32.
- EfficientDet data from google/automl at batch size 8.
- Reproduce by
python val.py --task study --data coco.yaml --iou 0.7 --weights yolov5n6.pt yolov5s6.pt yolov5m6.pt yolov5l6.pt yolov5x6.pt
Example YOLOv5l before and after metrics:
YOLOv5l Large |
size (pixels) |
mAPval 0.5:0.95 |
mAPval 0.5 |
Speed CPU b1 (ms) |
Speed V100 b1 (ms) |
Speed V100 b32 (ms) |
params (M) |
FLOPs @640 (B) |
---|---|---|---|---|---|---|---|---|
v5.0 | 640 | 48.2 | 66.9 | 457.9 | 11.6 | 2.8 | 47.0 | 115.4 |
v6.0 (previous) | 640 | 48.8 | 67.2 | 424.5 | 10.9 | 2.7 | 46.5 | 109.1 |
v6.1 (this release) | 640 | 49.0 | 67.3 | 430.0 | 10.1 | 2.7 | 46.5 | 109.1 |
Pretrained Checkpoints
Model | size (pixels) |
mAPval 0.5:0.95 |
mAPval 0.5 |
Speed CPU b1 (ms) |
Speed V100 b1 (ms) |
Speed V100 b32 (ms) |
params (M) |
FLOPs @640 (B) |
---|---|---|---|---|---|---|---|---|
YOLOv5n | 640 | 28.0 | 45.7 | 45 | 6.3 | 0.6 | 1.9 | 4.5 |
YOLOv5s | 640 | 37.4 | 56.8 | 98 | 6.4 | 0.9 | 7.2 | 16.5 |
YOLOv5m | 640 | 45.4 | 64.1 | 224 | 8.2 | 1.7 | 21.2 | 49.0 |
YOLOv5l | 640 | 49.0 | 67.3 | 430 | 10.1 | 2.7 | 46.5 | 109.1 |
YOLOv5x | 640 | 50.7 | 68.9 | 766 | 12.1 | 4.8 | 86.7 | 205.7 |
YOLOv5n6 | 1280 | 36.0 | 54.4 | 153 | 8.1 | 2.1 | 3.2 | 4.6 |
YOLOv5s6 | 1280 | 44.8 | 63.7 | 385 | 8.2 | 3.6 | 12.6 | 16.8 |
YOLOv5m6 | 1280 | 51.3 | 69.3 | 887 | 11.1 | 6.8 | 35.7 | 50.0 |
YOLOv5l6 | 1280 | 53.7 | 71.3 | 1784 | 15.8 | 10.5 | 76.8 | 111.4 |
YOLOv5x6 + TTA |
1280 1536 |
55.0 55.8 |
72.7 72.7 |
3136 - |
26.2 - |
19.4 - |
140.7 - |
209.8 - |
Table Notes (click to expand)
- All checkpoints are trained to 300 epochs with default settings. Nano and Small models use hyp.scratch-low.yaml hyps, all others use hyp.scratch-high.yaml.
- mAPval values are for single-model single-scale on COCO val2017 dataset.
Reproduce bypython val.py --data coco.yaml --img 640 --conf 0.001 --iou 0.65
- Speed averaged over COCO val images using a AWS p3.2xlarge instance. NMS times (~1 ms/img) not included.
Reproduce bypython val.py --data coco.yaml --img 640 --task speed --batch 1
- TTA Test Time Augmentation includes reflection and scale augmentations.
Reproduce bypython val.py --data coco.yaml --img 1536 --iou 0.7 --augment
Changelog
Changes between previous release and this release: v6.0...v6.1
Changes since this release: v6.1...HEAD
New Features and Bug Fixes (271)
- fix
tf
conversion in new v6 models by @YoniChechik in #5153 - Use YOLOv5n for CI testing by @glenn-jocher in #5154
- Update stale.yml by @glenn-jocher in #5156
- Check
'onnxruntime-gpu' if torch.has_cuda
by @glenn-jocher in #5087 - Add class filtering to
LoadImagesAndLabels()
dataloader by @glenn-jocher in #5172 - W&B: fix dpp with wandb disabled by @AyushExel in #5163
- Update autodownload fallbacks to v6.0 assets by @glenn-jocher in #5177
- W&B: DDP fix by @AyushExel in #5176
- Adjust legend labels for classes without instances by @NauchtanRobotics in #5174
- Improved check_suffix() robustness to
''
and""
by @glenn-jocher in #5192 - Highlight contributors in README by @glenn-jocher in #5173
- Add hyp.scratch-med.yaml by @glenn-jocher in #5196
- Update Objects365.yaml to include the official validation set by @farleylai in #5194
- Autofix duplicate label handling by @glenn-jocher in #5210
- Update Objects365.yaml val count by @glenn-jocher in #5212
- Update/inplace ops by @glenn-jocher in #5233
- Add
on_fit_epoch_end
callback by @glenn-jocher in #5232 - Update rebase.yml by @glenn-jocher in #5245
- Add dependabot for GH actions by @zhiqwang in #5250
- Bump cirrus-actions/rebase from 1.4 to 1.5 by @dependabot in #5251
- Bump actions/cache from 1 to 2.1.6 by @dependabot in #5252
- Bump actions/stale from 3 to 4 by @dependabot in #5253
- Update rebase.yml with workflows permissions by @glenn-jocher in #5255
- autosplit: take image files with uppercase extensions into account by @jdfr in #5269
- take EXIF orientation tags into account when fixing corrupt images by @jdfr in #5270
- More informative
EarlyStopping()
message by @glenn-jocher in #5303 - Uncomment OpenCV 4.5.4 requirement in detect.py by @SamFC10 in #5305
- Weights download script minor improvements by @CristiFati in #5213
- Small fixes to docstrings by @zhiqwang in #5313
- W&B: Media panel fix by @AyushExel in #5317
- Add
autobatch
feature for bestbatch-size
estimation by @glenn-jocher in #5092 - Update
AutoShape.forward()
model.classes example by @glenn-jocher in #5324 - DDP
nl
fix by @glenn-jocher in #5332 - Add pre-commit CI action by @Borda in #4982
- W&B: Fix sweep by @AyushExel in #5402
- Update GitHub issues templates by @glenn-jocher in #5404
- Fix
MixConv2d()
remove shortcut + apply depthwise by @glenn-jocher in #5410 - Meshgrid
indexing='ij'
for PyTorch 1.10 by @glenn-jocher in #5309 - Update
get_loggers()
by @glenn-jocher in #4854 - Update README.md by @glenn-jocher in #5438
- Fixed a small typo in CONTRIBUTING.md by @pranathlcp in #5445
- Update
check_git_status()
to run underROOT
working directory by @MrinalJain17 in #5441 - Fix tf.py
LoadImages()
dataloader return values by @glenn-jocher in #5455 - Remove
check_requirements(('tensorflow>=2.4.1',))
by @glenn-jocher in #5476 - Improve GPU name by @glenn-jocher in #5478
- Update torch_utils.py import
LOGGER
by @glenn-jocher in #5483 - Add tf.py verification printout by @glenn-jocher in #5484
- Keras CI fix by @glenn-jocher in #5486
- Delete code-format.yml by @glenn-jocher in #5487
- Fix float zeros format by @glenn-jocher in #5491
- Handle edgetpu model inference by @Namburger in #5372
- precommit: isort by @Borda in #5493
- Fix
increment_path()
with multiple-suffix filenames by @glenn-jocher in #5518 - Write date in checkpoint file by @developer0hye in #5514
- Update plots.py feature_visualization path issues by @ys31jp in #5519
- Update cls bias init by @glenn-jocher in #5520
- Common
is_coco
logic betwen train.py and val.py by @glenn-jocher in #5521 - Fix
increment_path()
explicit file vs dir handling by @glenn-jocher in #5523 - Fix detect.py URL inference by @glenn-jocher in #5525
- Update
check_file()
avoid repeat URL downloads by @glenn-jocher in #5526 - Update export.py by @nanmi in #5471
- Update train.py by @wonbeomjang in #5451
- Suppress ONNX export trace warning by @deepsworld in #5437
- Update autobatch.py by @glenn-jocher in #5536
- Update autobatch.py by @glenn-jocher in #5538
- Update Issue Templates with π‘ ProTip! by @glenn-jocher in #5539
- Update
models/hub/*.yaml
files for v6.0n release by @glenn-jocher in #5540 intersect_dicts()
in hubconf.py fix by @glenn-jocher in #5542- Fix for *.yaml emojis on load by @glenn-jocher in #5543
- Fix
save_one_box()
by @glenn-jocher in #5545 - Inside Ultralytics video https://youtu.be/Zgi9g1ksQHc by @glenn-jocher in #5546
- Add
--conf-thres
>> 0.001 warning by @glenn-jocher in #5567 LOGGER
consolidation by @glenn-jocher in #5569- New
DetectMultiBackend()
class by @glenn-jocher in #5549 - FROM nvcr.io/nvidia/pytorch:21.10-py3 by @glenn-jocher in #5592
- Add
notebook_init()
to utils/init.py by @glenn-jocher in #5488 - Fix
check_requirements()
resource warning allocation open file by @ayman-saleh in #5602 - Update train, val
tqdm
to fixed width by @glenn-jocher in #5367 - Update val.py
speed
andstudy
tasks by @glenn-jocher in #5608 np.unique()
sort fix for segments by @glenn-jocher in #5609- Improve plots.py robustness by @glenn-jocher in #5616
- HUB dataset previews to JPEG by @glenn-jocher in #5627
- DDP
WORLD_SIZE
-safe dataloader workers by @glenn-jocher in #5631 - Default DataLoader
shuffle=True
for training by @werner-duvaud in #5623 - AutoAnchor and AutoBatch
LOGGER
by @glenn-jocher in #5635 - W&B refactor, handle exceptions, CI example by @AyushExel in #5618
- Replace 2
transpose()
with 1permute
in TransformerBlock()` by @dingyiwei in #5645 - Bump pip from 19.2 to 21.1 in /utils/google_app_engine by @dependabot in #5661
- Update ci-testing.yml to Python 3.9 by @glenn-jocher in #5660
- TFDetect dynamic anchor count assignment fix by @nrupatunga in #5668
- Update train.py comment to 'Model attributes' by @glenn-jocher in #5670
- Update export.py docstring by @glenn-jocher in #5689
NUM_THREADS
leave at least 1 CPU free by @glenn-jocher in #5706- Prune unused imports by @Borda in #5711
- Explicitly compute TP, FP in val.py by @glenn-jocher in #5727
- Remove
.autoshape()
method by @glenn-jocher in #5694 - SECURITY.md by @IL2006 in #5695
- Save *.npy features on detect.py
--visualize
by @Zengyf-CVer in #5701 - Export, detect and validation with TensorRT engine file by @imyhxy in #5699
- Do not save hyp.yaml and opt.yaml on evolve by @glenn-jocher in #5775
- fix the path error in export.py by @miknyko in #5778
- TorchScript
torch==1.7.0
Path support by @miknyko in #5781 - W&B: refactor W&B tables by @AyushExel in #5737
- Scope TF imports in
DetectMultiBackend()
by @phodgers in #5792 - Remove NCOLS from tqdm by @glenn-jocher in #5804
- Refactor new
model.warmup()
method by @glenn-jocher in #5810 - GCP VM from Image example by @glenn-jocher in #5814
- Bump actions/cache from 2.1.6 to 2.1.7 by @dependabot in #5816
- Update
dataset_stats()
tocv2.INTER_AREA
by @glenn-jocher in #5821 - Fix TensorRT potential unordered binding addresses by @imyhxy in #5826
- Handle non-TTY
wandb.errors.UsageError
by @glenn-jocher in #5839 - Avoid inplace modifying
imgs
inLoadStreams
by @passerbythesun in #5850 - Update
LoadImages
ret_val=False
handling by @gmt710 in #5852 - Update val.py by @pradeep-vishnu in #5838
- Update TorchScript suffix to
*.torchscript
by @glenn-jocher in #5856 - Add
--workers 8
argument to val.py by @iumyx2612 in #5857 - Update
plot_lr_scheduler()
by @daikankan in #5864 - Update
nl
aftercutout()
by @glenn-jocher in #5873 AutoShape()
models asDetectMultiBackend()
instances by @glenn-jocher in #5845- Single-command multiple-model export by @glenn-jocher in #5882
Detections().tolist()
explicit argument fix by @lizeng614 in #5907- W&B: Fix bug in upload dataset module by @AyushExel in #5908
- Add *.engine (TensorRT extensions) to .gitignore by @greg2451 in #5911
- Add ONNX inference providers by @glenn-jocher in #5918
- Add hardware checks to
notebook_init()
by @glenn-jocher in #5919 - Revert "Update
plot_lr_scheduler()
" by @glenn-jocher in #5920 - Absolute '/content/sample_data' by @glenn-jocher in #5922
- Default PyTorch Hub to
autocast(False)
by @glenn-jocher in #5926 - Fix ONNX opset inconsistency with parseargs and run args by @d57montes in #5937
- Make
select_device()
robust tobatch_size=-1
by @youyuxiansen in #5940 - fix .gitignore not tracking existing folders by @pasmai in #5946
- Update
strip_optimizer()
by @iumyx2612 in #5949 - Add nms and agnostic nms to export.py by @d57montes in #5938
- Refactor
NUM_THREADS
by @glenn-jocher in #5954 - Fix Detections class
tolist()
method by @yonomitt in #5945 - Fix
imgsz
bug by @d57montes in #5948 pretrained=False
fix by @glenn-jocher in #5966- make parameter ignore epochs by @jinmc in #5972
- YOLOv5s6 params and FLOPs fix by @glenn-jocher in #5977
- Update callbacks.py with
__init__()
by @glenn-jocher in #5979 - Increase
ar_thr
from 20 to 100 for better detection on slender (high aspect ratio) objects by @MrinalJain17 in #5556 - Allow
--weights URL
by @glenn-jocher in #5991 - Recommend
jar xf file.zip
for zips by @glenn-jocher in #5993 - *.torchscript inference
self.jit
fix by @glenn-jocher in #6007 - Check TensorRT>=8.0.0 version by @glenn-jocher in #6021
- Multi-layer capable
--freeze
argument by @youyuxiansen in #6019 - train -> val comment fix by @glenn-jocher in #6024
- Add dataset source citations by @glenn-jocher in #6032
- Kaggle
LOGGER
fix by @glenn-jocher in #6041 - Simplify
set_logging()
indexing by @glenn-jocher in #6042 --freeze
fix by @glenn-jocher in #6044- OpenVINO Export by @glenn-jocher in #6057
- Reduce G/D/CIoU logic operations by @jedi007 in #6074
- Init tensor directly on device by @deepsworld in #6068
- W&B: track batch size after autobatch by @AyushExel in #6039
- W&B: Log best results after training ends by @AyushExel in #6120
- Log best results by @awsaf49 in #6085
- Refactor/reduce G/C/D/IoU
if: else
statements by @cmoseses in #6087 - Add EdgeTPU support by @zldrobit in #3630
- Enable AdamW optimizer by @bilzard in #6152
- Update export format docstrings by @glenn-jocher in #6151
- Update greetings.yml by @glenn-jocher in #6165
- [pre-commit.ci] pre-commit suggestions by @pre-commit-ci in #6177
- Update NMS
max_wh=7680
for 8k images by @glenn-jocher in #6178 - Add OpenVINO inference by @glenn-jocher in #6179
- Ignore
*_openvino_model/
dir by @glenn-jocher in #6180 - Global export format sort by @glenn-jocher in #6182
- Fix TorchScript on mobile export by @yinrong in #6183
- TensorRT 7
anchor_grid
compatibility fix by @imyhxy in #6185 - Add
tensorrt>=7.0.0
checks by @glenn-jocher in #6193 - Add CoreML inference by @glenn-jocher in #6195
- Fix
nan
-robust stream FPS by @glenn-jocher in #6198 - Edge TPU compiler comment by @glenn-jocher in #6196
- TFLite
--int8
'flatbuffers==1.12' fix by @glenn-jocher in #6216 - TFLite
--int8
'flatbuffers==1.12' fix 2 by @glenn-jocher in #6217 - Add
edgetpu_compiler
checks by @glenn-jocher in #6218 - Attempt
edgetpu-compiler
autoinstall by @glenn-jocher in #6223 - Update README speed reproduction command by @glenn-jocher in #6228
- Update P2-P7
models/hub
variants by @glenn-jocher in #6230 - TensorRT 7 export fix by @glenn-jocher in #6235
- Fix
cmd
string ontfjs
export by @dart-bird in #6243 - Enable ONNX
--half
FP16 inference by @glenn-jocher in #6268 - Update export.py with Detect, Validate usages by @glenn-jocher in #6280
- Add
is_kaggle()
function by @glenn-jocher in #6285 - Fix
device
count check by @glenn-jocher in #6290 - Fixing bug multi-gpu training by @hdnh2006 in #6299
select_device()
cleanup by @glenn-jocher in #6302- Fix
train.py
parameter groups desc error by @Otfot in #6318 - Remove
dataset_stats()
autodownload capability by @glenn-jocher in #6303 - Console corrupted -> corrupt by @glenn-jocher in #6338
- TensorRT
assert im.device.type != 'cpu'
on export by @glenn-jocher in #6340 export.py
return exported files/dirs by @glenn-jocher in #6343export.py
automaticforward_export
by @glenn-jocher in #6352- Add optional
VERBOSE
environment variable by @johnk2hawaii in #6353 - Reuse
de_parallel()
rather thanis_parallel()
by @imyhxy in #6354 DEVICE_COUNT
instead ofWORLD_SIZE
to calculatenw
by @sitecao in #6324- Flush callbacks when on
--evolve
by @AyushExel in #6374 - FROM nvcr.io/nvidia/pytorch:21.12-py3 by @glenn-jocher in #6377
- FROM nvcr.io/nvidia/pytorch:21.10-py3 by @glenn-jocher in #6379
- Add
albumentations
to Dockerfile by @glenn-jocher in #6392 - Add
stop_training=False
flag to callbacks by @haimat in #6365 - Add
detect.py
GIF video inference by @glenn-jocher in #6410 - Update
greetings.yaml
email address by @glenn-jocher in #6412 - Rename logger from 'utils.logger' to 'yolov5' by @JonathanSamelson in #6421
- Prefer
tflite_runtime
for TFLite inference if installed by @motokimura in #6406 - Update workflows by @glenn-jocher in #6427
- Namespace
VERBOSE
env variable toYOLOv5_VERBOSE
by @glenn-jocher in #6428 - Add
*.asf
video support by @toschi23 in #6436 - Revert "Remove
dataset_stats()
autodownload capability" by @glenn-jocher in #6442 - Fix
select_device()
for Multi-GPU by @glenn-jocher in #6434 - Fix2
select_device()
for Multi-GPU by @glenn-jocher in #6461 - Add Product Hunt social media icon by @glenn-jocher in #6464
- Resolve dataset paths by @glenn-jocher in #6489
- Simplify TF normalized to pixels by @glenn-jocher in #6494
- Improved
export.py
usage examples by @glenn-jocher in #6495 - CoreML inference fix
list()
->sorted()
by @glenn-jocher in #6496 - Suppress
torch.jit.TracerWarning
on export by @glenn-jocher in #6498 - Suppress
export.run()
TracerWarning
by @glenn-jocher in #6499 - W&B: Remember
batch_size
on resuming by @AyushExel in #6512 - Update hyp.scratch-high.yaml
lrf: 0.1
by @glenn-jocher in #6525 - TODO issues exempt from stale action by @glenn-jocher in #6530
- Update val_batch*.jpg for Chinese fonts by @glenn-jocher in #6526
- Social icons after text by @glenn-jocher in #6473
- Edge TPU compiler
sudo
fix by @glenn-jocher in #6531 - Edge TPU export 'list index out of range' fix by @glenn-jocher in #6533
- Edge TPU
tf.lite.experimental.load_delegate
fix by @glenn-jocher in #6536 - Fixing minor multi-streaming issues with TensoRT engine by @greg2451 in #6504
- Load checkpoint on CPU instead of on GPU by @bilzard in #6516
- flake8: code meanings by @Borda in #6481
- Fix 6 Flake8 issues by @Borda in #6541
- Edge TPU TF imports fix by @glenn-jocher in #6542
- Move trainloader functions to class methods by @glenn-jocher in #6559
- Improved AutoBatch DDP error message by @glenn-jocher in #6568
- Fix zero-export handling with
if any(f):
by @glenn-jocher in #6569 - Fix
plot_labels()
colored histogram bug by @glenn-jocher in #6574 - Allow custom
--evolve
project names by @MattVAD in #6567 - Add
DATASETS_DIR
global in general.py by @glenn-jocher in #6578 - return
opt
fromtrain.run()
by @chf4850 in #6581 - Fix YouTube dislike button bug in
pafy
package by @glenn-jocher in #6603 - Fix
hyp_evolve.yaml
indexing bug by @glenn-jocher in #6604 - Fix
ROOT / data
when running W&Blog_dataset()
by @or-toledano in #6606 - YouTube dependency fix
youtube_dl==2020.12.2
by @glenn-jocher in #6612 - Add YOLOv5n to Reproduce section by @glenn-jocher in #6619
- W&B: Improve resume stability by @AyushExel in #6611
- W&B: don't log media in evolve by @AyushExel in #6617
- YOLOv5 Export Benchmarks by @glenn-jocher in #6613
- Fix ConfusionMatrix scale
vmin=0.0
by @glenn-jocher in #6638 - Fixed wandb logger
KeyError
by @imyhxy in #6637 - Fix yolov3.yaml remove list by @glenn-jocher in #6655
- Validate with 2x
--workers
by @glenn-jocher in #6658 - Validate with 2x
--workers
single-GPU/CPU fix by @glenn-jocher in #6659 - Add
--cache val
option by @glenn-jocher in #6663 - Robust
scipy.cluster.vq.kmeans
too few points by @glenn-jocher in #6668 - Update Dockerfile
torch==1.10.2+cu113
by @glenn-jocher in #6669 - FROM nvcr.io/nvidia/pytorch:22.01-py3 by @glenn-jocher in #6670
- FROM nvcr.io/nvidia/pytorch:21.10-py3 by @glenn-jocher in #6671
- Update Dockerfile reorder installs by @glenn-jocher in #6672
- FROM nvcr.io/nvidia/pytorch:22.01-py3 by @glenn-jocher in #6673
- FROM nvcr.io/nvidia/pytorch:21.10-py3 by @glenn-jocher in #6677
- Fix TF exports >= 2GB by @zldrobit in #6292
- Fix
--evolve --bucket gs://...
by @glenn-jocher in #6698 - Fix CoreML P6 inference by @glenn-jocher in #6700
- Fix floating point in number of workers by @SamuelYvon in #6701
- Edge TPU inference fix by @RaffaeleGalliera in #6686
- Use
export_formats()
in export.py by @glenn-jocher in #6705 - Suppress
torch
AMP-CPU warnings by @glenn-jocher in #6706 - Update
nw
tomax(nd, 1)
by @glenn-jocher in #6714 - GH: add PR template by @Borda in #6482
- Switch default LR scheduler from cos to linear by @glenn-jocher in #6729
- Updated VOC hyperparameters by @glenn-jocher in #6732
New Contributors (48)
- @YoniChechik made their first contribution in #5153
- @farleylai made their first contribution in #5194
- @jdfr made their first contribution in #5269
- @pranathlcp made their first contribution in #5445
- @MrinalJain17 made their first contribution in #5441
- @Namburger made their first contribution in #5372
- @ys31jp made their first contribution in #5519
- @nanmi made their first contribution in #5471
- @wonbeomjang made their first contribution in #5451
- @deepsworld made their first contribution in #5437
- @ayman-saleh made their first contribution in #5602
- @werner-duvaud made their first contribution in #5623
- @nrupatunga made their first contribution in #5668
- @IL2006 made their first contribution in #5695
- @Zengyf-CVer made their first contribution in #5701
- @miknyko made their first contribution in #5778
- @phodgers made their first contribution in #5792
- @passerbythesun made their first contribution in #5850
- @gmt710 made their first contribution in #5852
- @pradeep-vishnu made their first contribution in #5838
- @iumyx2612 made their first contribution in #5857
- @daikankan made their first contribution in #5864
- @lizeng614 made their first contribution in #5907
- @greg2451 made their first contribution in #5911
- @youyuxiansen made their first contribution in #5940
- @pasmai made their first contribution in #5946
- @yonomitt made their first contribution in #5945
- @jinmc made their first contribution in #5972
- @jedi007 made their first contribution in #6074
- @awsaf49 made their first contribution in #6085
- @cmoseses made their first contribution in #6087
- @bilzard made their first contribution in #6152
- @pre-commit-ci made their first contribution in #6177
- @yinrong made their first contribution in #6183
- @dart-bird made their first contribution in #6243
- @hdnh2006 made their first contribution in #6299
- @Otfot made their first contribution in #6318
- @johnk2hawaii made their first contribution in #6353
- @sitecao made their first contribution in #6324
- @haimat made their first contribution in #6365
- @JonathanSamelson made their first contribution in #6421
- @motokimura made their first contribution in #6406
- @toschi23 made their first contribution in #6436
- @MattVAD made their first contribution in #6567
- @chf4850 made their first contribution in #6581
- @or-toledano made their first contribution in #6606
- @SamuelYvon made their first contribution in #6701
- @RaffaeleGalliera made their first contribution in #6686
Full Changelog: v6.0...v6.1