211 KiB
211 KiB
!nvidia-smi
Wed Feb 1 12:23:04 2023 +-----------------------------------------------------------------------------+ | NVIDIA-SMI 510.47.03 Driver Version: 510.47.03 CUDA Version: 11.6 | |-------------------------------+----------------------+----------------------+ | GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC | | Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. | | | | MIG M. | |===============================+======================+======================| | 0 NVIDIA A100-SXM... Off | 00000000:00:04.0 Off | 0 | | N/A 30C P0 50W / 400W | 0MiB / 40960MiB | 0% Default | | | | Disabled | +-------------------------------+----------------------+----------------------+ +-----------------------------------------------------------------------------+ | Processes: | | GPU GI CI PID Type Process name GPU Memory | | ID ID Usage | |=============================================================================| | No running processes found | +-----------------------------------------------------------------------------+
from google.colab import drive
drive.mount('/content/gdrive', force_remount=True)
Mounted at /content/gdrive
cd gdrive/MyDrive/WKO_PROJECT_NEW
/content/gdrive/MyDrive/WKO_PROJECT_NEW
!git clone https://github.com/ultralytics/yolov5
Cloning into 'yolov5'... remote: Enumerating objects: 15002, done.[K remote: Total 15002 (delta 0), reused 0 (delta 0), pack-reused 15002[K Receiving objects: 100% (15002/15002), 14.02 MiB | 11.68 MiB/s, done. Resolving deltas: 100% (10291/10291), done.
%cd yolov5
!pip install -U -r requirements.txt
import torch
from IPython.display import Image
/content/gdrive/MyDrive/WKO_PROJECT_NEW/yolov5 Looking in indexes: https://pypi.org/simple, https://us-python.pkg.dev/colab-wheels/public/simple/ Requirement already satisfied: gitpython in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 5)) (3.1.30) Requirement already satisfied: ipython in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 6)) (8.9.0) Requirement already satisfied: matplotlib>=3.2.2 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 7)) (3.6.3) Requirement already satisfied: numpy>=1.18.5 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 8)) (1.24.1) Requirement already satisfied: opencv-python>=4.1.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 9)) (4.7.0.68) Requirement already satisfied: Pillow>=7.1.2 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 10)) (9.4.0) Requirement already satisfied: psutil in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 11)) (5.9.4) Requirement already satisfied: PyYAML>=5.3.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 12)) (6.0) Requirement already satisfied: requests>=2.23.0 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 13)) (2.28.2) Requirement already satisfied: scipy>=1.4.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 14)) (1.10.0) Requirement already satisfied: thop>=0.1.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 15)) (0.1.1.post2209072238) Requirement already satisfied: torch>=1.7.0 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 16)) (1.13.1+cu116) Requirement already satisfied: torchvision>=0.8.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 17)) (0.14.1+cu116) Requirement already satisfied: tqdm>=4.64.0 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 18)) (4.64.1) Requirement already satisfied: tensorboard>=2.4.1 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 22)) (2.11.2) Requirement already satisfied: pandas>=1.1.4 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 27)) (1.5.3) Requirement already satisfied: seaborn>=0.11.0 in /usr/local/lib/python3.8/dist-packages (from -r requirements.txt (line 28)) (0.12.2) Requirement already satisfied: gitdb<5,>=4.0.1 in /usr/local/lib/python3.8/dist-packages (from gitpython->-r requirements.txt (line 5)) (4.0.10) Requirement already satisfied: jedi>=0.16 in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (0.18.2) Requirement already satisfied: decorator in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (4.4.2) Requirement already satisfied: prompt-toolkit<3.1.0,>=3.0.30 in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (3.0.36) Requirement already satisfied: stack-data in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (0.6.2) Requirement already satisfied: backcall in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (0.2.0) Requirement already satisfied: pexpect>4.3 in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (4.8.0) Requirement already satisfied: pickleshare in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (0.7.5) Requirement already satisfied: pygments>=2.4.0 in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (2.6.1) Requirement already satisfied: traitlets>=5 in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (5.7.1) Requirement already satisfied: matplotlib-inline in /usr/local/lib/python3.8/dist-packages (from ipython->-r requirements.txt (line 6)) (0.1.6) Requirement already satisfied: contourpy>=1.0.1 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (1.0.7) Requirement already satisfied: cycler>=0.10 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (0.11.0) Requirement already satisfied: fonttools>=4.22.0 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (4.38.0) Requirement already satisfied: kiwisolver>=1.0.1 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (1.4.4) Requirement already satisfied: python-dateutil>=2.7 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (2.8.2) Requirement already satisfied: pyparsing>=2.2.1 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (3.0.9) Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.8/dist-packages (from matplotlib>=3.2.2->-r requirements.txt (line 7)) (21.3) Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.8/dist-packages (from requests>=2.23.0->-r requirements.txt (line 13)) (2022.12.7) Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.8/dist-packages (from requests>=2.23.0->-r requirements.txt (line 13)) (2.10) Requirement already satisfied: urllib3<1.27,>=1.21.1 in /usr/local/lib/python3.8/dist-packages (from requests>=2.23.0->-r requirements.txt (line 13)) (1.24.3) Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.8/dist-packages (from requests>=2.23.0->-r requirements.txt (line 13)) (2.1.1) Requirement already satisfied: typing-extensions in /usr/local/lib/python3.8/dist-packages (from torch>=1.7.0->-r requirements.txt (line 16)) (4.4.0) Requirement already satisfied: google-auth<3,>=1.6.3 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (2.16.0) Requirement already satisfied: tensorboard-data-server<0.7.0,>=0.6.0 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (0.6.1) Requirement already satisfied: absl-py>=0.4 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.3.0) Requirement already satisfied: tensorboard-plugin-wit>=1.6.0 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.8.1) Requirement already satisfied: google-auth-oauthlib<0.5,>=0.4.1 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (0.4.6) Requirement already satisfied: markdown>=2.6.8 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (3.4.1) Requirement already satisfied: grpcio>=1.24.3 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.51.1) Requirement already satisfied: werkzeug>=1.0.1 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.0.1) Requirement already satisfied: wheel>=0.26 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (0.38.4) Requirement already satisfied: protobuf<4,>=3.9.2 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (3.19.6) Requirement already satisfied: setuptools>=41.0.0 in /usr/local/lib/python3.8/dist-packages (from tensorboard>=2.4.1->-r requirements.txt (line 22)) (57.4.0) Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.8/dist-packages (from pandas>=1.1.4->-r requirements.txt (line 27)) (2022.7) Requirement already satisfied: smmap<6,>=3.0.1 in /usr/local/lib/python3.8/dist-packages (from gitdb<5,>=4.0.1->gitpython->-r requirements.txt (line 5)) (5.0.0) Requirement already satisfied: cachetools<6.0,>=2.0.0 in /usr/local/lib/python3.8/dist-packages (from google-auth<3,>=1.6.3->tensorboard>=2.4.1->-r requirements.txt (line 22)) (5.2.1) Requirement already satisfied: rsa<5,>=3.1.4 in /usr/local/lib/python3.8/dist-packages (from google-auth<3,>=1.6.3->tensorboard>=2.4.1->-r requirements.txt (line 22)) (4.9) Requirement already satisfied: pyasn1-modules>=0.2.1 in /usr/local/lib/python3.8/dist-packages (from google-auth<3,>=1.6.3->tensorboard>=2.4.1->-r requirements.txt (line 22)) (0.2.8) Requirement already satisfied: six>=1.9.0 in /usr/local/lib/python3.8/dist-packages (from google-auth<3,>=1.6.3->tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.15.0) Requirement already satisfied: requests-oauthlib>=0.7.0 in /usr/local/lib/python3.8/dist-packages (from google-auth-oauthlib<0.5,>=0.4.1->tensorboard>=2.4.1->-r requirements.txt (line 22)) (1.3.1) Requirement already satisfied: parso<0.9.0,>=0.8.0 in /usr/local/lib/python3.8/dist-packages (from jedi>=0.16->ipython->-r requirements.txt (line 6)) (0.8.3) Requirement already satisfied: importlib-metadata>=4.4 in /usr/local/lib/python3.8/dist-packages (from markdown>=2.6.8->tensorboard>=2.4.1->-r requirements.txt (line 22)) (6.0.0) Requirement already satisfied: ptyprocess>=0.5 in /usr/local/lib/python3.8/dist-packages (from pexpect>4.3->ipython->-r requirements.txt (line 6)) (0.7.0) Requirement already satisfied: wcwidth in /usr/local/lib/python3.8/dist-packages (from prompt-toolkit<3.1.0,>=3.0.30->ipython->-r requirements.txt (line 6)) (0.2.5) Requirement already satisfied: executing>=1.2.0 in /usr/local/lib/python3.8/dist-packages (from stack-data->ipython->-r requirements.txt (line 6)) (1.2.0) Requirement already satisfied: asttokens>=2.1.0 in /usr/local/lib/python3.8/dist-packages (from stack-data->ipython->-r requirements.txt (line 6)) (2.2.1) Requirement already satisfied: pure-eval in /usr/local/lib/python3.8/dist-packages (from stack-data->ipython->-r requirements.txt (line 6)) (0.2.2) Requirement already satisfied: zipp>=0.5 in /usr/local/lib/python3.8/dist-packages (from importlib-metadata>=4.4->markdown>=2.6.8->tensorboard>=2.4.1->-r requirements.txt (line 22)) (3.11.0) Requirement already satisfied: pyasn1<0.5.0,>=0.4.6 in /usr/local/lib/python3.8/dist-packages (from pyasn1-modules>=0.2.1->google-auth<3,>=1.6.3->tensorboard>=2.4.1->-r requirements.txt (line 22)) (0.4.8) Requirement already satisfied: oauthlib>=3.0.0 in /usr/local/lib/python3.8/dist-packages (from requests-oauthlib>=0.7.0->google-auth-oauthlib<0.5,>=0.4.1->tensorboard>=2.4.1->-r requirements.txt (line 22)) (3.2.2)
!python3 yolov5/train.py --batch 1 --epochs 100 --data mask_dataset/data.yaml --cfg yolov5/models/yolov5s.yaml --weights '' --device 0
[34m[1mtrain: [0mweights=, cfg=yolov5/models/yolov5s.yaml, data=mask_dataset/data.yaml, hyp=yolov5/data/hyps/hyp.scratch-low.yaml, epochs=100, batch_size=1, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, bucket=, cache=None, image_weights=False, device=0, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=8, project=yolov5/runs/train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, seed=0, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest [34m[1mgithub: [0mup to date with https://github.com/ultralytics/yolov5 ✅ YOLOv5 🚀 v7.0-72-g064365d Python-3.8.10 torch-1.13.1+cu116 CUDA:0 (Tesla T4, 15110MiB) [34m[1mhyperparameters: [0mlr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=0.05, cls=0.5, cls_pw=1.0, obj=1.0, obj_pw=1.0, iou_t=0.2, anchor_t=4.0, fl_gamma=0.0, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.0, copy_paste=0.0 [34m[1mClearML: [0mrun 'pip install clearml' to automatically track, visualize and remotely train YOLOv5 🚀 in ClearML [34m[1mComet: [0mrun 'pip install comet_ml' to automatically track and visualize YOLOv5 🚀 runs in Comet [34m[1mTensorBoard: [0mStart with 'tensorboard --logdir yolov5/runs/train', view at http://localhost:6006/ from n params module arguments 0 -1 1 3520 models.common.Conv [3, 32, 6, 2, 2] 1 -1 1 18560 models.common.Conv [32, 64, 3, 2] 2 -1 1 18816 models.common.C3 [64, 64, 1] 3 -1 1 73984 models.common.Conv [64, 128, 3, 2] 4 -1 2 115712 models.common.C3 [128, 128, 2] 5 -1 1 295424 models.common.Conv [128, 256, 3, 2] 6 -1 3 625152 models.common.C3 [256, 256, 3] 7 -1 1 1180672 models.common.Conv [256, 512, 3, 2] 8 -1 1 1182720 models.common.C3 [512, 512, 1] 9 -1 1 656896 models.common.SPPF [512, 512, 5] 10 -1 1 131584 models.common.Conv [512, 256, 1, 1] 11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 12 [-1, 6] 1 0 models.common.Concat [1] 13 -1 1 361984 models.common.C3 [512, 256, 1, False] 14 -1 1 33024 models.common.Conv [256, 128, 1, 1] 15 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 16 [-1, 4] 1 0 models.common.Concat [1] 17 -1 1 90880 models.common.C3 [256, 128, 1, False] 18 -1 1 147712 models.common.Conv [128, 128, 3, 2] 19 [-1, 14] 1 0 models.common.Concat [1] 20 -1 1 296448 models.common.C3 [256, 256, 1, False] 21 -1 1 590336 models.common.Conv [256, 256, 3, 2] 22 [-1, 10] 1 0 models.common.Concat [1] 23 -1 1 1182720 models.common.C3 [512, 512, 1, False] 24 [17, 20, 23] 1 21576 models.yolo.Detect [3, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]] YOLOv5s summary: 214 layers, 7027720 parameters, 7027720 gradients, 16.0 GFLOPs [34m[1mAMP: [0mchecks passed ✅ [34m[1moptimizer:[0m SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 60 weight(decay=0.0005), 60 bias [34m[1malbumentations: [0mBlur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01), CLAHE(p=0.01, clip_limit=(1, 4.0), tile_grid_size=(8, 8)) [34m[1mtrain: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/train.cache... 682 images, 0 backgrounds, 0 corrupt: 100% 682/682 [00:00<?, ?it/s] [34m[1mval: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/validate.cache... 85 images, 0 backgrounds, 0 corrupt: 100% 85/85 [00:00<?, ?it/s] [34m[1mAutoAnchor: [0m5.61 anchors/target, 0.999 Best Possible Recall (BPR). Current anchors are a good fit to dataset ✅ Plotting labels to yolov5/runs/train/exp14/labels.jpg... Image sizes 640 train, 640 val Using 0 dataloader workers Logging results to [1myolov5/runs/train/exp14[0m Starting training for 100 epochs... Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 0/99 0.484G 0.105 0.06589 0.03614 2 640: 12% 80/682 [00:14<01:30, 6.65it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1041 0.06484 0.03597 35 640: 17% 113/682 [00:19<01:24, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1038 0.06374 0.03575 14 640: 21% 143/682 [00:23<01:18, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1034 0.06513 0.0355 5 640: 40% 271/682 [01:34<09:20, 1.36s/it]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1007 0.06498 0.034 2 640: 82% 561/682 [04:26<01:14, 1.62it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1003 0.06543 0.03362 11 640: 100% 682/682 [04:57<00:00, 2.29it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:45<00:00, 1.05s/it] all 85 483 0.00127 0.0265 0.000697 0.000137 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 1/99 0.797G 0.09408 0.05011 0.03 8 640: 4% 29/682 [00:04<01:28, 7.37it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09567 0.06458 0.03028 20 640: 44% 298/682 [00:43<00:56, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09604 0.06691 0.0302 2 640: 50% 342/682 [00:49<00:47, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09501 0.06715 0.0297 2 640: 76% 517/682 [01:14<00:21, 7.51it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09421 0.06734 0.02911 40 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 16.46it/s] all 85 483 0.0012 0.0689 0.000747 0.000168 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 2/99 0.797G 0.09381 0.0712 0.02864 8 640: 6% 42/682 [00:06<01:34, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.797G 0.08907 0.066 0.02512 7 640: 82% 558/682 [01:22<00:17, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.797G 0.08912 0.06693 0.02452 12 640: 100% 682/682 [01:40<00:00, 6.81it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:03<00:00, 14.24it/s] all 85 483 0.361 0.0422 0.0115 0.00375 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 3/99 0.797G 0.08533 0.06023 0.01873 1 640: 14% 93/682 [00:13<01:20, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08611 0.06065 0.01887 4 640: 21% 143/682 [00:20<01:15, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.0863 0.06111 0.01908 8 640: 21% 146/682 [00:21<01:20, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08627 0.06165 0.0195 29 640: 27% 187/682 [00:27<01:14, 6.60it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.0859 0.06454 0.01981 6 640: 38% 260/682 [00:37<00:59, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08558 0.06392 0.01893 7 640: 57% 388/682 [00:56<00:43, 6.82it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08546 0.06406 0.01888 6 640: 60% 412/682 [00:59<00:37, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08501 0.06519 0.01901 11 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 15.51it/s] all 85 483 0.719 0.0596 0.0263 0.00694 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 4/99 0.797G 0.08119 0.06469 0.01911 11 640: 17% 117/682 [00:17<01:18, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.07984 0.06137 0.01835 2 640: 34% 231/682 [00:33<01:07, 6.66it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.08028 0.06204 0.01803 14 640: 61% 418/682 [01:00<00:37, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.08017 0.06141 0.01808 2 640: 68% 462/682 [01:06<00:30, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.07875 0.06018 0.01796 11 640: 82% 562/682 [01:20<00:17, 6.96it/s] Traceback (most recent call last): File "yolov5/train.py", line 634, in <module> main(opt) File "yolov5/train.py", line 528, in main train(opt.hyp, opt, device, callbacks) File "yolov5/train.py", line 283, in train for i, (imgs, targets, paths, _) in pbar: # batch ------------------------------------------------------------- File "/usr/local/lib/python3.8/dist-packages/tqdm/std.py", line 1195, in __iter__ for obj in iterable: File "/content/gdrive/MyDrive/WKO_PROJECT_NEW/yolov5/utils/dataloaders.py", line 172, in __iter__ yield next(self.iterator) File "/usr/local/lib/python3.8/dist-packages/torch/utils/data/dataloader.py", line 628, in __next__ data = self._next_data() File "/usr/local/lib/python3.8/dist-packages/torch/utils/data/dataloader.py", line 671, in _next_data data = self._dataset_fetcher.fetch(index) # may raise StopIteration File "/usr/local/lib/python3.8/dist-packages/torch/utils/data/_utils/fetch.py", line 58, in fetch data = [self.dataset[idx] for idx in possibly_batched_index] File "/usr/local/lib/python3.8/dist-packages/torch/utils/data/_utils/fetch.py", line 58, in <listcomp> data = [self.dataset[idx] for idx in possibly_batched_index] File "/content/gdrive/MyDrive/WKO_PROJECT_NEW/yolov5/utils/dataloaders.py", line 660, in __getitem__ img, labels = self.load_mosaic(index) File "/content/gdrive/MyDrive/WKO_PROJECT_NEW/yolov5/utils/dataloaders.py", line 763, in load_mosaic img4 = np.full((s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles File "/usr/local/lib/python3.8/dist-packages/numpy/core/numeric.py", line 344, in full multiarray.copyto(a, fill_value, casting='unsafe') File "<__array_function__ internals>", line 5, in copyto KeyboardInterrupt ^C
!python3 yolov5/train.py --batch 1 --epochs 100 --data mask_dataset/mask_an.yaml --cfg yolov5/models/yolov5s.yaml --weights '' --device 0
[34m[1mtrain: [0mweights=, cfg=yolov5/models/yolov5s.yaml, data=mask_dataset/mask_an.yaml, hyp=yolov5/data/hyps/hyp.scratch-low.yaml, epochs=100, batch_size=1, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, bucket=, cache=None, image_weights=False, device=0, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=8, project=yolov5/runs/train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, seed=0, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest [34m[1mgithub: [0mup to date with https://github.com/ultralytics/yolov5 ✅ YOLOv5 🚀 v7.0-72-g064365d Python-3.8.10 torch-1.13.1+cu116 CUDA:0 (Tesla T4, 15110MiB) [34m[1mhyperparameters: [0mlr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=0.05, cls=0.5, cls_pw=1.0, obj=1.0, obj_pw=1.0, iou_t=0.2, anchor_t=4.0, fl_gamma=0.0, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.0, copy_paste=0.0 [34m[1mClearML: [0mrun 'pip install clearml' to automatically track, visualize and remotely train YOLOv5 🚀 in ClearML [34m[1mComet: [0mrun 'pip install comet_ml' to automatically track and visualize YOLOv5 🚀 runs in Comet [34m[1mTensorBoard: [0mStart with 'tensorboard --logdir yolov5/runs/train', view at http://localhost:6006/ from n params module arguments 0 -1 1 3520 models.common.Conv [3, 32, 6, 2, 2] 1 -1 1 18560 models.common.Conv [32, 64, 3, 2] 2 -1 1 18816 models.common.C3 [64, 64, 1] 3 -1 1 73984 models.common.Conv [64, 128, 3, 2] 4 -1 2 115712 models.common.C3 [128, 128, 2] 5 -1 1 295424 models.common.Conv [128, 256, 3, 2] 6 -1 3 625152 models.common.C3 [256, 256, 3] 7 -1 1 1180672 models.common.Conv [256, 512, 3, 2] 8 -1 1 1182720 models.common.C3 [512, 512, 1] 9 -1 1 656896 models.common.SPPF [512, 512, 5] 10 -1 1 131584 models.common.Conv [512, 256, 1, 1] 11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 12 [-1, 6] 1 0 models.common.Concat [1] 13 -1 1 361984 models.common.C3 [512, 256, 1, False] 14 -1 1 33024 models.common.Conv [256, 128, 1, 1] 15 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 16 [-1, 4] 1 0 models.common.Concat [1] 17 -1 1 90880 models.common.C3 [256, 128, 1, False] 18 -1 1 147712 models.common.Conv [128, 128, 3, 2] 19 [-1, 14] 1 0 models.common.Concat [1] 20 -1 1 296448 models.common.C3 [256, 256, 1, False] 21 -1 1 590336 models.common.Conv [256, 256, 3, 2] 22 [-1, 10] 1 0 models.common.Concat [1] 23 -1 1 1182720 models.common.C3 [512, 512, 1, False] 24 [17, 20, 23] 1 21576 models.yolo.Detect [3, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]] YOLOv5s summary: 214 layers, 7027720 parameters, 7027720 gradients, 16.0 GFLOPs [34m[1mAMP: [0mchecks passed ✅ [34m[1moptimizer:[0m SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 60 weight(decay=0.0005), 60 bias [34m[1malbumentations: [0mBlur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01), CLAHE(p=0.01, clip_limit=(1, 4.0), tile_grid_size=(8, 8)) [34m[1mtrain: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/train.cache... 682 images, 0 backgrounds, 0 corrupt: 100% 682/682 [00:00<?, ?it/s] [34m[1mval: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/validate.cache... 85 images, 0 backgrounds, 0 corrupt: 100% 85/85 [00:00<?, ?it/s] [34m[1mAutoAnchor: [0m5.61 anchors/target, 0.999 Best Possible Recall (BPR). Current anchors are a good fit to dataset ✅ Plotting labels to yolov5/runs/train/exp15/labels.jpg... Image sizes 640 train, 640 val Using 0 dataloader workers Logging results to [1myolov5/runs/train/exp15[0m Starting training for 100 epochs... Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 0/99 0.484G 0.105 0.06589 0.03614 2 640: 12% 80/682 [00:14<01:31, 6.59it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1041 0.06484 0.03597 35 640: 17% 113/682 [00:19<01:25, 6.64it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1038 0.06374 0.03575 14 640: 21% 143/682 [00:23<01:19, 6.78it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1034 0.06513 0.0355 5 640: 40% 271/682 [00:42<00:59, 6.87it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1007 0.06498 0.034 2 640: 82% 561/682 [01:23<00:16, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.484G 0.1003 0.06543 0.03362 11 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:03<00:00, 12.81it/s] all 85 483 0.00127 0.0265 0.000697 0.000137 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 1/99 0.797G 0.09408 0.05011 0.03 8 640: 4% 29/682 [00:04<01:31, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09567 0.06458 0.03028 20 640: 44% 298/682 [00:43<00:57, 6.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09604 0.06691 0.0302 2 640: 50% 342/682 [00:49<00:46, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09501 0.06715 0.0297 2 640: 76% 517/682 [01:15<00:23, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.797G 0.09421 0.06734 0.02911 40 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.01it/s] all 85 483 0.0012 0.0689 0.000747 0.000168 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 2/99 0.797G 0.09381 0.0712 0.02864 8 640: 6% 42/682 [00:06<01:28, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.797G 0.08907 0.066 0.02512 7 640: 82% 558/682 [01:22<00:17, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.797G 0.08912 0.06693 0.02452 12 640: 100% 682/682 [01:39<00:00, 6.82it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:03<00:00, 13.90it/s] all 85 483 0.361 0.0422 0.0115 0.00375 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 3/99 0.797G 0.08533 0.06023 0.01873 1 640: 14% 93/682 [00:13<01:23, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08611 0.06065 0.01887 4 640: 21% 143/682 [00:20<01:14, 7.26it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.0863 0.06111 0.01908 8 640: 21% 146/682 [00:21<01:17, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08627 0.06165 0.0195 29 640: 27% 187/682 [00:27<01:14, 6.65it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.0859 0.06454 0.01981 6 640: 38% 260/682 [00:37<01:00, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08558 0.06392 0.01893 7 640: 57% 388/682 [00:56<00:42, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08546 0.06406 0.01888 6 640: 60% 412/682 [00:59<00:38, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.797G 0.08501 0.06519 0.01901 11 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 15.40it/s] all 85 483 0.719 0.0596 0.0263 0.00694 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 4/99 0.797G 0.08119 0.06469 0.01911 11 640: 17% 117/682 [00:17<01:21, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.07984 0.06137 0.01835 2 640: 34% 231/682 [00:34<01:06, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.08028 0.06204 0.01803 14 640: 61% 418/682 [01:02<00:36, 7.25it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.08017 0.06141 0.01808 2 640: 68% 462/682 [01:08<00:31, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.07808 0.05936 0.01777 1 640: 93% 633/682 [01:33<00:06, 7.36it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.797G 0.07795 0.0592 0.01746 10 640: 100% 682/682 [01:40<00:00, 6.81it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 16.38it/s] all 85 483 0.738 0.101 0.0527 0.0185 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 5/99 0.797G 0.07594 0.06164 0.01839 11 640: 5% 34/682 [00:04<01:33, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 5/99 0.797G 0.07452 0.0638 0.01708 20 640: 62% 420/682 [01:00<00:39, 6.61it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 5/99 0.797G 0.07325 0.06152 0.01633 1 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.57it/s] all 85 483 0.783 0.106 0.0696 0.0255 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 6/99 0.797G 0.06825 0.05158 0.01795 6 640: 2% 16/682 [00:02<01:29, 7.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.06817 0.05591 0.01547 2 640: 11% 72/682 [00:10<01:27, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.06897 0.05784 0.01684 4 640: 35% 242/682 [00:35<01:04, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.06933 0.05851 0.0159 10 640: 61% 419/682 [01:01<00:50, 5.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.06965 0.05915 0.01622 10 640: 72% 493/682 [01:12<00:26, 7.19it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.0687 0.05791 0.0159 8 640: 97% 659/682 [01:36<00:03, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.797G 0.06894 0.0585 0.01617 11 640: 100% 682/682 [01:39<00:00, 6.85it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.44it/s] all 85 483 0.778 0.15 0.0912 0.0299 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 7/99 0.797G 0.06984 0.06178 0.01673 4 640: 15% 100/682 [00:14<01:23, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.797G 0.0705 0.06261 0.017 6 640: 17% 115/682 [00:16<01:21, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.797G 0.06622 0.05959 0.01701 9 640: 62% 423/682 [01:01<00:36, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.797G 0.06542 0.05934 0.01603 4 640: 95% 646/682 [01:33<00:04, 7.33it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.797G 0.06535 0.05904 0.01596 9 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.90it/s] all 85 483 0.812 0.183 0.138 0.0535 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 8/99 0.797G 0.06265 0.0522 0.01624 9 640: 15% 99/682 [00:14<01:24, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.797G 0.0614 0.05353 0.01594 4 640: 67% 458/682 [01:04<00:30, 7.44it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.797G 0.06082 0.05353 0.01612 2 640: 96% 656/682 [01:34<00:03, 6.57it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.797G 0.06063 0.05302 0.01597 11 640: 100% 682/682 [01:38<00:00, 6.96it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.62it/s] all 85 483 0.9 0.171 0.199 0.0876 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 9/99 0.797G 0.06054 0.05822 0.01474 7 640: 38% 258/682 [00:37<01:00, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.797G 0.05987 0.05621 0.01519 4 640: 83% 568/682 [01:21<00:16, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.797G 0.05961 0.05512 0.01539 18 640: 94% 638/682 [01:31<00:06, 6.45it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.797G 0.05969 0.05551 0.01539 25 640: 97% 659/682 [01:34<00:03, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.797G 0.05969 0.05569 0.01537 7 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.30it/s] all 85 483 0.872 0.177 0.194 0.068 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 10/99 0.797G 0.0565 0.05317 0.01363 3 640: 24% 166/682 [00:23<01:14, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.797G 0.05535 0.05324 0.01351 5 640: 45% 304/682 [00:43<00:54, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.797G 0.05567 0.05234 0.01396 6 640: 96% 652/682 [01:33<00:04, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.797G 0.05567 0.0525 0.01395 10 640: 97% 661/682 [01:34<00:03, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.797G 0.05553 0.05218 0.01394 1 640: 100% 682/682 [01:37<00:00, 6.99it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.09it/s] all 85 483 0.891 0.2 0.291 0.13 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 11/99 0.797G 0.0531 0.04828 0.0133 0 640: 62% 425/682 [01:01<00:36, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.797G 0.05327 0.04861 0.01345 6 640: 67% 454/682 [01:06<00:32, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.797G 0.0537 0.04925 0.01362 4 640: 81% 552/682 [01:20<00:18, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.797G 0.05346 0.04957 0.01341 10 640: 100% 682/682 [01:38<00:00, 6.90it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.71it/s] all 85 483 0.913 0.209 0.302 0.124 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 12/99 0.797G 0.05501 0.04859 0.01079 7 640: 0% 1/682 [00:00<01:50, 6.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.797G 0.0533 0.05099 0.01292 15 640: 16% 112/682 [00:16<01:24, 6.78it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.797G 0.05407 0.05142 0.01356 11 640: 68% 461/682 [01:05<00:31, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.797G 0.05256 0.04993 0.01319 8 640: 98% 669/682 [01:35<00:01, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.797G 0.0525 0.04995 0.01321 3 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.43it/s] all 85 483 0.705 0.334 0.329 0.137 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 13/99 0.799G 0.05479 0.05555 0.01792 3 640: 3% 19/682 [00:02<01:35, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.799G 0.05197 0.0504 0.01417 3 640: 8% 53/682 [00:07<01:31, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.799G 0.05213 0.05552 0.01315 7 640: 16% 109/682 [00:16<01:25, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.799G 0.05237 0.04992 0.01312 23 640: 57% 390/682 [00:57<00:38, 7.56it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.799G 0.05164 0.04891 0.01248 15 640: 100% 682/682 [01:38<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.56it/s] all 85 483 0.646 0.324 0.307 0.137 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 14/99 0.799G 0.04848 0.04826 0.01039 8 640: 8% 56/682 [00:07<01:24, 7.43it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.799G 0.05036 0.04699 0.01197 2 640: 61% 413/682 [00:59<00:38, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.799G 0.05024 0.04681 0.01196 3 640: 62% 426/682 [01:01<00:35, 7.11it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.799G 0.04977 0.04617 0.01217 16 640: 84% 572/682 [01:22<00:16, 6.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.799G 0.05008 0.04665 0.01194 5 640: 100% 682/682 [01:37<00:00, 6.96it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.32it/s] all 85 483 0.738 0.357 0.374 0.161 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 15/99 0.799G 0.05145 0.05107 0.0116 6 640: 23% 154/682 [00:22<01:16, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 15/99 0.799G 0.04888 0.04663 0.01171 12 640: 95% 647/682 [01:34<00:04, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 15/99 0.799G 0.04888 0.04632 0.01163 23 640: 100% 682/682 [01:39<00:00, 6.84it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.09it/s] all 85 483 0.783 0.359 0.387 0.171 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 16/99 0.799G 0.05039 0.04094 0.0159 5 640: 4% 30/682 [00:04<01:42, 6.39it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.799G 0.04713 0.04412 0.01184 2 640: 66% 448/682 [01:04<00:32, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.799G 0.04697 0.04527 0.01184 26 640: 82% 558/682 [01:20<00:18, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.799G 0.04704 0.04578 0.01181 6 640: 92% 625/682 [01:30<00:08, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.799G 0.04717 0.04606 0.0118 22 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.50it/s] all 85 483 0.822 0.362 0.416 0.184 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 17/99 0.799G 0.04637 0.04008 0.007098 2 640: 4% 29/682 [00:04<01:29, 7.28it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.799G 0.04688 0.04695 0.01063 8 640: 64% 439/682 [01:03<00:34, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.799G 0.04682 0.04596 0.01062 3 640: 74% 504/682 [01:12<00:24, 7.24it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.799G 0.0468 0.04544 0.01066 2 640: 87% 595/682 [01:26<00:12, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.799G 0.04673 0.04514 0.01056 8 640: 100% 682/682 [01:38<00:00, 6.90it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.63it/s] all 85 483 0.737 0.381 0.394 0.181 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 18/99 0.799G 0.04909 0.04177 0.009951 12 640: 12% 83/682 [00:12<01:28, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.799G 0.0474 0.04231 0.01078 2 640: 38% 262/682 [00:37<01:01, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.799G 0.04725 0.04252 0.01043 1 640: 55% 373/682 [00:53<00:41, 7.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.799G 0.04663 0.04237 0.009901 10 640: 85% 582/682 [01:23<00:14, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.799G 0.04715 0.04351 0.009835 9 640: 100% 682/682 [01:37<00:00, 6.98it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.97it/s] all 85 483 0.821 0.402 0.456 0.204 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 19/99 0.799G 0.04527 0.0394 0.009709 6 640: 24% 164/682 [00:23<01:10, 7.31it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 19/99 0.799G 0.04511 0.04159 0.009156 11 640: 65% 443/682 [01:03<00:33, 7.08it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 19/99 0.799G 0.04481 0.04173 0.008999 3 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.95it/s] all 85 483 0.847 0.389 0.465 0.216 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 20/99 0.799G 0.04351 0.03595 0.01046 6 640: 8% 54/682 [00:08<01:39, 6.31it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.0425 0.03791 0.01 3 640: 20% 133/682 [00:20<01:15, 7.23it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.04255 0.03802 0.01041 4 640: 24% 163/682 [00:24<01:10, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.04415 0.04177 0.01037 8 640: 58% 397/682 [00:57<00:40, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.04361 0.04181 0.009777 11 640: 78% 535/682 [01:16<00:20, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.04405 0.04238 0.00972 23 640: 91% 620/682 [01:28<00:09, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.799G 0.04423 0.04234 0.009784 11 640: 100% 682/682 [01:37<00:00, 6.96it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.44it/s] all 85 483 0.783 0.408 0.467 0.23 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 21/99 0.799G 0.04845 0.04414 0.009538 4 640: 10% 67/682 [00:09<01:37, 6.28it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04293 0.04038 0.009688 29 640: 28% 190/682 [00:27<01:09, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04314 0.04182 0.009331 2 640: 65% 441/682 [01:03<00:34, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04325 0.04234 0.009213 3 640: 79% 541/682 [01:17<00:19, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04322 0.04233 0.009162 9 640: 80% 546/682 [01:17<00:19, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04325 0.04211 0.009151 3 640: 94% 640/682 [01:31<00:05, 7.44it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.799G 0.04328 0.04229 0.009166 6 640: 100% 682/682 [01:37<00:00, 7.02it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.38it/s] all 85 483 0.82 0.433 0.506 0.25 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 22/99 0.799G 0.04164 0.04313 0.009343 5 640: 43% 291/682 [00:42<00:57, 6.82it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.799G 0.04135 0.04316 0.009052 5 640: 48% 329/682 [00:48<00:49, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.799G 0.04151 0.04126 0.008466 2 640: 86% 589/682 [01:25<00:13, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.799G 0.04174 0.0419 0.00842 1 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.55it/s] all 85 483 0.801 0.404 0.48 0.241 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 23/99 0.799G 0.03924 0.03985 0.009102 1 640: 22% 148/682 [00:21<01:12, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.799G 0.03963 0.0406 0.009326 7 640: 33% 224/682 [00:32<01:05, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.799G 0.04075 0.04099 0.009337 4 640: 74% 504/682 [01:12<00:24, 7.27it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.799G 0.04101 0.04037 0.009139 3 640: 100% 682/682 [01:37<00:00, 7.01it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.28it/s] all 85 483 0.844 0.403 0.466 0.234 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 24/99 0.799G 0.04355 0.04146 0.009634 7 640: 15% 105/682 [00:15<01:18, 7.34it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.799G 0.04126 0.04122 0.008746 2 640: 77% 527/682 [01:15<00:21, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.799G 0.04112 0.04071 0.008659 9 640: 81% 552/682 [01:19<00:18, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.799G 0.04073 0.03995 0.008777 3 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.08it/s] all 85 483 0.806 0.4 0.433 0.228 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 25/99 0.799G 0.03902 0.04036 0.009288 9 640: 51% 351/682 [00:49<00:49, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.799G 0.03914 0.04055 0.009209 8 640: 54% 365/682 [00:52<00:44, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.799G 0.03925 0.04021 0.009214 2 640: 63% 427/682 [01:00<00:35, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.799G 0.03988 0.04022 0.009264 22 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.86it/s] all 85 483 0.847 0.419 0.503 0.246 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 0% 0/682 [00:00<?, ?it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.799G 0.04488 0.03943 0.009982 2 640: 7% 45/682 [00:06<01:28, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.799G 0.04062 0.04011 0.009217 8 640: 67% 460/682 [01:05<00:33, 6.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.799G 0.04077 0.03986 0.009516 6 640: 85% 578/682 [01:23<00:14, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.799G 0.04078 0.03974 0.009232 6 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.95it/s] all 85 483 0.855 0.436 0.53 0.277 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 27/99 0.799G 0.03929 0.044 0.008011 3 640: 3% 23/682 [00:03<01:32, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.04106 0.04235 0.008972 14 640: 10% 67/682 [00:09<01:32, 6.64it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.04133 0.04045 0.008756 11 640: 21% 146/682 [00:20<01:14, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.0404 0.04203 0.008597 11 640: 51% 347/682 [00:49<00:48, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.03972 0.04104 0.008675 16 640: 65% 444/682 [01:03<00:35, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.03981 0.04093 0.008653 6 640: 72% 492/682 [01:09<00:27, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.03986 0.0409 0.008691 3 640: 76% 520/682 [01:13<00:22, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.799G 0.03939 0.04028 0.008624 1 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.65it/s] all 85 483 0.854 0.414 0.501 0.256 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 28/99 0.799G 0.03867 0.04088 0.008185 16 640: 2% 13/682 [00:01<01:35, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.799G 0.03671 0.04377 0.006186 3 640: 6% 38/682 [00:05<01:32, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.799G 0.03633 0.03798 0.009077 4 640: 56% 383/682 [00:54<00:43, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.799G 0.03657 0.03836 0.009004 12 640: 87% 591/682 [01:23<00:12, 7.24it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.799G 0.03666 0.03869 0.008978 13 640: 97% 660/682 [01:34<00:04, 5.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.799G 0.03671 0.03858 0.008947 3 640: 100% 682/682 [01:37<00:00, 6.98it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.49it/s] all 85 483 0.856 0.439 0.515 0.275 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 29/99 0.799G 0.03864 0.03628 0.007131 12 640: 13% 90/682 [00:12<01:24, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 29/99 0.799G 0.03897 0.04079 0.007708 1 640: 93% 634/682 [01:29<00:06, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 29/99 0.799G 0.039 0.04035 0.007669 2 640: 100% 682/682 [01:36<00:00, 7.06it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.56it/s] all 85 483 0.863 0.428 0.535 0.298 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 30/99 0.799G 0.03868 0.03927 0.008444 1 640: 50% 343/682 [00:49<00:47, 7.19it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.799G 0.03807 0.03866 0.008415 7 640: 68% 462/682 [01:06<00:33, 6.59it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.799G 0.03817 0.03842 0.008356 4 640: 73% 495/682 [01:10<00:26, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.799G 0.03784 0.03842 0.008041 2 640: 100% 682/682 [01:37<00:00, 6.98it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.64it/s] all 85 483 0.889 0.433 0.54 0.296 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 31/99 0.799G 0.03707 0.03387 0.009135 4 640: 29% 200/682 [00:29<01:09, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03712 0.03431 0.009262 4 640: 33% 225/682 [00:33<01:10, 6.46it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03703 0.03519 0.008646 2 640: 47% 321/682 [00:46<00:51, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03753 0.03624 0.008842 1 640: 59% 403/682 [00:58<00:38, 7.34it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03807 0.03686 0.008667 4 640: 71% 487/682 [01:10<00:28, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03747 0.03759 0.008252 10 640: 93% 637/682 [01:31<00:06, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.799G 0.03742 0.03734 0.008113 36 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.60it/s] all 85 483 0.894 0.452 0.55 0.309 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 32/99 0.799G 0.03763 0.04193 0.008265 26 640: 58% 395/682 [00:56<00:40, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 32/99 0.799G 0.03771 0.04028 0.008823 0 640: 100% 682/682 [01:36<00:00, 7.04it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.52it/s] all 85 483 0.875 0.444 0.533 0.281 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 33/99 0.799G 0.03722 0.0408 0.007034 15 640: 41% 280/682 [00:42<01:06, 6.07it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.799G 0.03796 0.04122 0.007338 2 640: 83% 565/682 [01:23<00:16, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.799G 0.03805 0.0407 0.007485 4 640: 99% 675/682 [01:39<00:01, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.799G 0.03802 0.04064 0.007503 12 640: 100% 682/682 [01:40<00:00, 6.80it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.76it/s] all 85 483 0.916 0.406 0.564 0.306 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 34/99 0.799G 0.03594 0.03712 0.006975 2 640: 10% 65/682 [00:09<01:28, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.799G 0.03637 0.03684 0.00823 3 640: 22% 148/682 [00:21<01:12, 7.33it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.799G 0.03613 0.03762 0.008326 24 640: 45% 307/682 [00:43<00:55, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.799G 0.03659 0.03844 0.008309 5 640: 100% 682/682 [01:37<00:00, 6.99it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.63it/s] all 85 483 0.861 0.482 0.577 0.312 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 35/99 0.799G 0.03604 0.03703 0.008676 36 640: 15% 102/682 [00:14<01:23, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.799G 0.03609 0.0401 0.007509 17 640: 33% 223/682 [00:32<01:07, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.799G 0.03572 0.03916 0.008061 4 640: 97% 664/682 [01:36<00:02, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.799G 0.03572 0.03931 0.008125 2 640: 100% 682/682 [01:39<00:00, 6.86it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 20.01it/s] all 85 483 0.867 0.457 0.527 0.277 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 36/99 0.799G 0.04252 0.04049 0.01013 2 640: 2% 16/682 [00:02<01:42, 6.52it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.799G 0.03899 0.03909 0.01118 1 640: 7% 45/682 [00:06<01:24, 7.54it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.799G 0.03872 0.0357 0.009786 4 640: 14% 97/682 [00:14<01:30, 6.44it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.799G 0.03702 0.03801 0.008041 4 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.02it/s] all 85 483 0.905 0.441 0.571 0.318 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 37/99 0.799G 0.03381 0.03655 0.007196 5 640: 71% 482/682 [01:10<00:28, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.799G 0.03373 0.03666 0.007323 9 640: 99% 673/682 [01:38<00:01, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.799G 0.03373 0.03672 0.007316 14 640: 99% 676/682 [01:39<00:00, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.799G 0.03369 0.03668 0.007378 6 640: 100% 682/682 [01:40<00:00, 6.81it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.44it/s] all 85 483 0.875 0.479 0.564 0.322 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 38/99 0.799G 0.03346 0.04679 0.00371 5 640: 1% 8/682 [00:01<01:38, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.799G 0.03667 0.03988 0.007185 11 640: 13% 91/682 [00:13<01:22, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.799G 0.03602 0.0403 0.007362 1 640: 30% 207/682 [00:30<01:05, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.799G 0.03563 0.03916 0.007278 1 640: 72% 492/682 [01:11<00:26, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.799G 0.0355 0.03874 0.007501 3 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.57it/s] all 85 483 0.833 0.468 0.574 0.329 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 39/99 0.799G 0.03578 0.0359 0.009557 9 640: 20% 136/682 [00:19<01:15, 7.19it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.799G 0.0351 0.03618 0.009748 3 640: 25% 170/682 [00:24<01:14, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.799G 0.03533 0.0387 0.008985 3 640: 65% 442/682 [01:04<00:32, 7.40it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.799G 0.03512 0.03804 0.00854 16 640: 100% 682/682 [01:39<00:00, 6.85it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.03it/s] all 85 483 0.885 0.479 0.602 0.334 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 40/99 0.799G 0.02683 0.02657 0.003371 1 640: 1% 9/682 [00:01<01:33, 7.23it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.799G 0.03225 0.03545 0.00802 21 640: 13% 90/682 [00:13<01:28, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.799G 0.03287 0.03604 0.007594 5 640: 40% 272/682 [00:39<00:58, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.799G 0.03307 0.0367 0.007428 11 640: 48% 326/682 [00:47<00:52, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.799G 0.03398 0.0368 0.007427 5 640: 100% 682/682 [01:39<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.09it/s] all 85 483 0.897 0.455 0.635 0.372 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 41/99 0.799G 0.03227 0.03448 0.006143 2 640: 10% 69/682 [00:09<01:34, 6.50it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.799G 0.03474 0.03695 0.006612 5 640: 21% 142/682 [00:20<01:16, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.799G 0.03473 0.03665 0.007458 16 640: 24% 165/682 [00:23<01:14, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.799G 0.03436 0.03821 0.007685 13 640: 51% 345/682 [00:49<00:49, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.799G 0.03409 0.03707 0.007337 10 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 18.79it/s] all 85 483 0.88 0.464 0.599 0.342 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 42/99 0.799G 0.03631 0.03704 0.008314 9 640: 12% 81/682 [00:12<01:26, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 42/99 0.799G 0.03424 0.03518 0.006955 11 640: 100% 680/682 [01:39<00:00, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 42/99 0.799G 0.03429 0.03532 0.006966 20 640: 100% 682/682 [01:40<00:00, 6.80it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.62it/s] all 85 483 0.842 0.507 0.586 0.339 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 43/99 0.799G 0.0322 0.03473 0.007281 14 640: 25% 169/682 [00:24<01:08, 7.44it/s]
retraining with premium GPU
!python3 yolov5/train.py --batch 1 --epochs 100 --data mask_dataset/mask_an.yaml --cfg yolov5/models/yolov5s.yaml --weights '' --device 0
[31m[1mrequirements:[0m YOLOv5 requirement "gitpython" not found, attempting AutoUpdate... Looking in indexes: https://pypi.org/simple, https://us-python.pkg.dev/colab-wheels/public/simple/ Collecting gitpython Downloading GitPython-3.1.30-py3-none-any.whl (184 kB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 184.0/184.0 KB 5.4 MB/s eta 0:00:00 Collecting gitdb<5,>=4.0.1 Downloading gitdb-4.0.10-py3-none-any.whl (62 kB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 62.7/62.7 KB 9.3 MB/s eta 0:00:00 Collecting smmap<6,>=3.0.1 Downloading smmap-5.0.0-py3-none-any.whl (24 kB) Installing collected packages: smmap, gitdb, gitpython Successfully installed gitdb-4.0.10 gitpython-3.1.30 smmap-5.0.0 [31m[1mrequirements:[0m 1 package updated per ['gitpython'] [31m[1mrequirements:[0m ⚠️ [1mRestart runtime or rerun command for updates to take effect[0m [34m[1mtrain: [0mweights=, cfg=yolov5/models/yolov5s.yaml, data=mask_dataset/mask_an.yaml, hyp=yolov5/data/hyps/hyp.scratch-low.yaml, epochs=100, batch_size=1, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, bucket=, cache=None, image_weights=False, device=0, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=8, project=yolov5/runs/train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, seed=0, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest [34m[1mgithub: [0mup to date with https://github.com/ultralytics/yolov5 ✅ [31m[1mrequirements:[0m YOLOv5 requirements "ipython" "thop>=0.1.1" not found, attempting AutoUpdate... Looking in indexes: https://pypi.org/simple, https://us-python.pkg.dev/colab-wheels/public/simple/ Requirement already satisfied: ipython in /usr/local/lib/python3.8/dist-packages (7.9.0) Collecting thop>=0.1.1 Downloading thop-0.1.1.post2209072238-py3-none-any.whl (15 kB) Requirement already satisfied: setuptools>=18.5 in /usr/local/lib/python3.8/dist-packages (from ipython) (57.4.0) Requirement already satisfied: pexpect in /usr/local/lib/python3.8/dist-packages (from ipython) (4.8.0) Requirement already satisfied: traitlets>=4.2 in /usr/local/lib/python3.8/dist-packages (from ipython) (5.7.1) Requirement already satisfied: backcall in /usr/local/lib/python3.8/dist-packages (from ipython) (0.2.0) Collecting jedi>=0.10 Downloading jedi-0.18.2-py2.py3-none-any.whl (1.6 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.6/1.6 MB 22.4 MB/s eta 0:00:00 Requirement already satisfied: decorator in /usr/local/lib/python3.8/dist-packages (from ipython) (4.4.2) Requirement already satisfied: pygments in /usr/local/lib/python3.8/dist-packages (from ipython) (2.6.1) Requirement already satisfied: prompt-toolkit<2.1.0,>=2.0.0 in /usr/local/lib/python3.8/dist-packages (from ipython) (2.0.10) Requirement already satisfied: pickleshare in /usr/local/lib/python3.8/dist-packages (from ipython) (0.7.5) Requirement already satisfied: torch in /usr/local/lib/python3.8/dist-packages (from thop>=0.1.1) (1.13.1+cu116) Requirement already satisfied: parso<0.9.0,>=0.8.0 in /usr/local/lib/python3.8/dist-packages (from jedi>=0.10->ipython) (0.8.3) Requirement already satisfied: six>=1.9.0 in /usr/local/lib/python3.8/dist-packages (from prompt-toolkit<2.1.0,>=2.0.0->ipython) (1.15.0) Requirement already satisfied: wcwidth in /usr/local/lib/python3.8/dist-packages (from prompt-toolkit<2.1.0,>=2.0.0->ipython) (0.2.5) Requirement already satisfied: ptyprocess>=0.5 in /usr/local/lib/python3.8/dist-packages (from pexpect->ipython) (0.7.0) Requirement already satisfied: typing-extensions in /usr/local/lib/python3.8/dist-packages (from torch->thop>=0.1.1) (4.4.0) Installing collected packages: jedi, thop Successfully installed jedi-0.18.2 thop-0.1.1.post2209072238 [31m[1mrequirements:[0m 2 packages updated per /content/gdrive/MyDrive/WKO_PROJECT_NEW/yolov5/requirements.txt [31m[1mrequirements:[0m ⚠️ [1mRestart runtime or rerun command for updates to take effect[0m YOLOv5 🚀 v7.0-72-g064365d Python-3.8.10 torch-1.13.1+cu116 CUDA:0 (NVIDIA A100-SXM4-40GB, 40536MiB) [34m[1mhyperparameters: [0mlr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=0.05, cls=0.5, cls_pw=1.0, obj=1.0, obj_pw=1.0, iou_t=0.2, anchor_t=4.0, fl_gamma=0.0, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.0, copy_paste=0.0 [34m[1mClearML: [0mrun 'pip install clearml' to automatically track, visualize and remotely train YOLOv5 🚀 in ClearML [34m[1mComet: [0mrun 'pip install comet_ml' to automatically track and visualize YOLOv5 🚀 runs in Comet [34m[1mTensorBoard: [0mStart with 'tensorboard --logdir yolov5/runs/train', view at http://localhost:6006/ 2023-02-01 12:24:09.162063: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. Downloading https://ultralytics.com/assets/Arial.ttf to /root/.config/Ultralytics/Arial.ttf... 100% 755k/755k [00:00<00:00, 15.7MB/s] from n params module arguments 0 -1 1 3520 models.common.Conv [3, 32, 6, 2, 2] 1 -1 1 18560 models.common.Conv [32, 64, 3, 2] 2 -1 1 18816 models.common.C3 [64, 64, 1] 3 -1 1 73984 models.common.Conv [64, 128, 3, 2] 4 -1 2 115712 models.common.C3 [128, 128, 2] 5 -1 1 295424 models.common.Conv [128, 256, 3, 2] 6 -1 3 625152 models.common.C3 [256, 256, 3] 7 -1 1 1180672 models.common.Conv [256, 512, 3, 2] 8 -1 1 1182720 models.common.C3 [512, 512, 1] 9 -1 1 656896 models.common.SPPF [512, 512, 5] 10 -1 1 131584 models.common.Conv [512, 256, 1, 1] 11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 12 [-1, 6] 1 0 models.common.Concat [1] 13 -1 1 361984 models.common.C3 [512, 256, 1, False] 14 -1 1 33024 models.common.Conv [256, 128, 1, 1] 15 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 16 [-1, 4] 1 0 models.common.Concat [1] 17 -1 1 90880 models.common.C3 [256, 128, 1, False] 18 -1 1 147712 models.common.Conv [128, 128, 3, 2] 19 [-1, 14] 1 0 models.common.Concat [1] 20 -1 1 296448 models.common.C3 [256, 256, 1, False] 21 -1 1 590336 models.common.Conv [256, 256, 3, 2] 22 [-1, 10] 1 0 models.common.Concat [1] 23 -1 1 1182720 models.common.C3 [512, 512, 1, False] 24 [17, 20, 23] 1 21576 models.yolo.Detect [3, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]] YOLOv5s summary: 214 layers, 7027720 parameters, 7027720 gradients [34m[1mAMP: [0mchecks passed ✅ [34m[1moptimizer:[0m SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 60 weight(decay=0.0005), 60 bias [34m[1malbumentations: [0mBlur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01), CLAHE(p=0.01, clip_limit=(1, 4.0), tile_grid_size=(8, 8)) [34m[1mtrain: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/train.cache... 682 images, 0 backgrounds, 0 corrupt: 100% 682/682 [00:00<?, ?it/s] [34m[1mval: [0mScanning /content/gdrive/MyDrive/WKO_PROJECT_NEW/mask_dataset/validate.cache... 85 images, 0 backgrounds, 0 corrupt: 100% 85/85 [00:00<?, ?it/s] [34m[1mAutoAnchor: [0m5.61 anchors/target, 0.999 Best Possible Recall (BPR). Current anchors are a good fit to dataset ✅ Plotting labels to yolov5/runs/train/exp16/labels.jpg... Image sizes 640 train, 640 val Using 0 dataloader workers Logging results to [1myolov5/runs/train/exp16[0m Starting training for 100 epochs... Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 0/99 0.468G 0.105 0.06598 0.03611 2 640: 12% 80/682 [02:12<10:47, 1.08s/it]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.468G 0.104 0.06486 0.03603 35 640: 17% 113/682 [02:46<12:04, 1.27s/it]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.468G 0.1036 0.06381 0.03582 14 640: 21% 143/682 [03:15<10:22, 1.16s/it]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.468G 0.1031 0.06533 0.03548 5 640: 40% 271/682 [04:37<04:46, 1.44it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.468G 0.1006 0.06511 0.03407 2 640: 82% 561/682 [06:14<00:36, 3.33it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 0/99 0.468G 0.1003 0.06553 0.0337 11 640: 100% 682/682 [06:38<00:00, 1.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:16<00:00, 2.58it/s] all 85 483 0.00116 0.0431 0.000657 0.00017 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 1/99 0.807G 0.09439 0.0499 0.02981 8 640: 4% 29/682 [00:04<01:33, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.807G 0.09615 0.06428 0.03021 20 640: 44% 298/682 [00:44<00:59, 6.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.807G 0.09661 0.0666 0.03017 2 640: 50% 342/682 [00:51<00:48, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.807G 0.09563 0.06686 0.02979 2 640: 76% 517/682 [01:17<00:23, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 1/99 0.807G 0.09483 0.06697 0.02931 40 640: 100% 682/682 [01:41<00:00, 6.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 17.67it/s] all 85 483 0.00115 0.0727 0.000658 0.000176 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 2/99 0.807G 0.09548 0.06971 0.02865 8 640: 6% 42/682 [00:06<01:41, 6.31it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.807G 0.09155 0.06431 0.02494 7 640: 82% 558/682 [01:23<00:17, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 2/99 0.807G 0.0914 0.06539 0.02439 12 640: 100% 682/682 [01:41<00:00, 6.72it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 22.92it/s] all 85 483 0.00684 0.0319 0.00254 0.000735 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 3/99 0.807G 0.0885 0.05881 0.01912 1 640: 14% 93/682 [00:13<01:25, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08935 0.05873 0.01921 4 640: 21% 143/682 [00:21<01:19, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08953 0.0592 0.01936 8 640: 21% 146/682 [00:21<01:20, 6.65it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08948 0.05963 0.01973 29 640: 27% 187/682 [00:27<01:18, 6.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08928 0.06264 0.01948 6 640: 38% 260/682 [00:38<01:03, 6.68it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08871 0.06187 0.01849 7 640: 57% 388/682 [00:57<00:45, 6.49it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08875 0.0619 0.01837 6 640: 60% 412/682 [01:01<00:39, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 3/99 0.807G 0.08847 0.06273 0.0182 11 640: 100% 682/682 [01:41<00:00, 6.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 20.91it/s] all 85 483 0.697 0.081 0.0182 0.00519 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 4/99 0.807G 0.08304 0.06342 0.01852 11 640: 17% 117/682 [00:17<01:22, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.807G 0.08254 0.06006 0.01773 2 640: 34% 231/682 [00:34<01:10, 6.42it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.807G 0.08238 0.06137 0.01755 14 640: 61% 418/682 [01:02<00:37, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.807G 0.082 0.06092 0.01759 2 640: 68% 462/682 [01:08<00:32, 6.68it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.807G 0.08005 0.05894 0.01711 1 640: 93% 633/682 [01:33<00:06, 7.22it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 4/99 0.807G 0.0798 0.05888 0.01685 10 640: 100% 682/682 [01:41<00:00, 6.75it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 19.72it/s] all 85 483 0.717 0.0801 0.0449 0.0142 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 5/99 0.807G 0.07708 0.0611 0.01745 11 640: 5% 34/682 [00:05<01:35, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 5/99 0.807G 0.07595 0.06439 0.01672 20 640: 62% 420/682 [01:02<00:39, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 5/99 0.807G 0.07535 0.06231 0.01611 1 640: 100% 682/682 [01:41<00:00, 6.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:02<00:00, 21.46it/s] all 85 483 0.763 0.122 0.0719 0.026 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 6/99 0.807G 0.07536 0.04847 0.01764 6 640: 2% 16/682 [00:02<01:33, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.072 0.05324 0.01418 2 640: 11% 72/682 [00:10<01:30, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.07141 0.05767 0.01588 4 640: 35% 242/682 [00:36<01:05, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.07072 0.05934 0.01508 10 640: 61% 419/682 [01:02<00:38, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.07113 0.0599 0.01541 10 640: 72% 493/682 [01:13<00:28, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.07015 0.05895 0.01521 8 640: 97% 659/682 [01:37<00:03, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 6/99 0.807G 0.07037 0.05953 0.01549 11 640: 100% 682/682 [01:41<00:00, 6.74it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 22.76it/s] all 85 483 0.757 0.138 0.0697 0.0233 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 7/99 0.807G 0.07198 0.06196 0.01573 4 640: 15% 100/682 [00:14<01:26, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.807G 0.07233 0.06259 0.01608 6 640: 17% 115/682 [00:17<01:24, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.807G 0.0676 0.061 0.01611 9 640: 62% 423/682 [01:02<00:38, 6.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.807G 0.06677 0.061 0.01531 4 640: 95% 646/682 [01:35<00:05, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 7/99 0.807G 0.06668 0.06073 0.01525 9 640: 100% 682/682 [01:40<00:00, 6.81it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.91it/s] all 85 483 0.795 0.153 0.116 0.045 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 8/99 0.807G 0.06462 0.05436 0.01553 9 640: 15% 99/682 [00:14<01:24, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.807G 0.06262 0.05512 0.01603 4 640: 67% 458/682 [01:05<00:30, 7.36it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.807G 0.06253 0.05491 0.01617 2 640: 96% 656/682 [01:33<00:03, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 8/99 0.807G 0.06254 0.05442 0.01603 11 640: 100% 682/682 [01:37<00:00, 7.03it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.92it/s] all 85 483 0.831 0.169 0.162 0.0577 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 9/99 0.807G 0.06336 0.06005 0.01448 7 640: 38% 258/682 [00:37<00:59, 7.08it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.807G 0.06195 0.05806 0.01504 4 640: 83% 568/682 [01:21<00:15, 7.21it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.807G 0.06153 0.05718 0.01517 18 640: 94% 638/682 [01:31<00:06, 6.37it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.807G 0.06168 0.05759 0.01518 25 640: 97% 659/682 [01:34<00:03, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 9/99 0.807G 0.06184 0.05776 0.01517 7 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.05it/s] all 85 483 0.857 0.183 0.191 0.0713 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 10/99 0.807G 0.0601 0.05428 0.01372 3 640: 24% 166/682 [00:23<01:15, 6.87it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.807G 0.05928 0.05409 0.0137 5 640: 45% 304/682 [00:43<00:54, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.807G 0.05818 0.05419 0.01416 6 640: 96% 652/682 [01:32<00:04, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.807G 0.05811 0.05444 0.01417 10 640: 97% 661/682 [01:34<00:02, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 10/99 0.807G 0.05793 0.05415 0.01417 1 640: 100% 682/682 [01:37<00:00, 7.03it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.34it/s] all 85 483 0.901 0.191 0.239 0.0988 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 11/99 0.807G 0.05559 0.04976 0.01371 0 640: 62% 425/682 [01:00<00:37, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.807G 0.05556 0.05018 0.01379 6 640: 67% 454/682 [01:04<00:35, 6.46it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.807G 0.05529 0.05113 0.01395 4 640: 81% 552/682 [01:19<00:19, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 11/99 0.807G 0.05523 0.05156 0.01369 10 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.07it/s] all 85 483 0.899 0.198 0.26 0.108 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 12/99 0.807G 0.04642 0.04672 0.007625 7 640: 0% 1/682 [00:00<01:44, 6.55it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.807G 0.05418 0.05344 0.01348 15 640: 16% 112/682 [00:16<01:25, 6.64it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.807G 0.05596 0.05363 0.01393 11 640: 68% 461/682 [01:08<00:32, 6.87it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.807G 0.05522 0.05171 0.01368 8 640: 98% 669/682 [01:39<00:01, 6.78it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 12/99 0.807G 0.05514 0.05179 0.0137 3 640: 100% 682/682 [01:41<00:00, 6.72it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.86it/s] all 85 483 0.938 0.209 0.308 0.141 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 13/99 0.807G 0.05179 0.06038 0.01969 3 640: 3% 19/682 [00:02<01:40, 6.60it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.807G 0.05302 0.05374 0.01511 3 640: 8% 53/682 [00:08<01:36, 6.54it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.807G 0.05411 0.05865 0.01425 7 640: 16% 109/682 [00:16<01:25, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.807G 0.05255 0.05226 0.01379 23 640: 57% 390/682 [00:57<00:40, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 13/99 0.807G 0.05236 0.05123 0.01347 15 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.80it/s] all 85 483 0.651 0.332 0.325 0.126 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 14/99 0.807G 0.05337 0.05189 0.01204 8 640: 8% 56/682 [00:08<01:28, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.807G 0.05242 0.04993 0.01311 2 640: 61% 413/682 [01:01<00:39, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.807G 0.05231 0.04978 0.01308 3 640: 62% 426/682 [01:03<00:38, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.807G 0.0518 0.04898 0.01316 16 640: 84% 572/682 [01:25<00:17, 6.42it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 14/99 0.807G 0.05175 0.04938 0.01296 5 640: 100% 682/682 [01:41<00:00, 6.72it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.27it/s] all 85 483 0.735 0.361 0.392 0.182 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 15/99 0.81G 0.051 0.053 0.01277 6 640: 23% 154/682 [00:23<01:21, 6.49it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 15/99 0.81G 0.05044 0.04841 0.01291 12 640: 95% 647/682 [01:36<00:05, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 15/99 0.81G 0.05044 0.04809 0.01284 23 640: 100% 682/682 [01:41<00:00, 6.74it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.99it/s] all 85 483 0.716 0.347 0.38 0.178 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 16/99 0.81G 0.05452 0.04278 0.01616 5 640: 4% 30/682 [00:04<01:42, 6.39it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.81G 0.04915 0.04604 0.01274 2 640: 66% 448/682 [01:06<00:33, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.81G 0.04939 0.0471 0.01281 26 640: 82% 558/682 [01:22<00:19, 6.35it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.81G 0.04961 0.04761 0.01278 6 640: 92% 625/682 [01:32<00:08, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 16/99 0.81G 0.04955 0.04789 0.01277 22 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.56it/s] all 85 483 0.768 0.384 0.401 0.195 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 17/99 0.81G 0.0472 0.04279 0.008172 2 640: 4% 29/682 [00:04<01:33, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.81G 0.04883 0.04778 0.01169 8 640: 64% 439/682 [01:05<00:36, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.81G 0.04868 0.04681 0.0117 3 640: 74% 504/682 [01:14<00:25, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.81G 0.04856 0.04635 0.01161 2 640: 87% 595/682 [01:28<00:13, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 17/99 0.81G 0.04848 0.04599 0.01141 8 640: 100% 682/682 [01:41<00:00, 6.75it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.57it/s] all 85 483 0.727 0.366 0.403 0.191 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 18/99 0.81G 0.04891 0.0452 0.0107 12 640: 12% 83/682 [00:12<01:31, 6.56it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.81G 0.04709 0.04491 0.01155 2 640: 38% 262/682 [00:38<01:04, 6.56it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.81G 0.04701 0.0451 0.01112 1 640: 55% 373/682 [00:55<00:43, 7.07it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.81G 0.04673 0.04466 0.01054 10 640: 85% 582/682 [01:25<00:14, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 18/99 0.81G 0.04745 0.04566 0.01049 9 640: 100% 682/682 [01:40<00:00, 6.80it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.61it/s] all 85 483 0.717 0.376 0.418 0.196 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 19/99 0.81G 0.04611 0.04137 0.01009 6 640: 24% 164/682 [00:23<01:14, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 19/99 0.81G 0.04642 0.04321 0.009813 11 640: 65% 443/682 [01:02<00:33, 7.24it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 19/99 0.81G 0.04637 0.04334 0.009632 3 640: 100% 682/682 [01:37<00:00, 7.03it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.31it/s] all 85 483 0.839 0.381 0.442 0.217 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 20/99 0.81G 0.04414 0.03681 0.01051 6 640: 8% 54/682 [00:07<01:33, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04404 0.03907 0.01069 3 640: 20% 133/682 [00:18<01:16, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04453 0.03928 0.0111 4 640: 24% 163/682 [00:23<01:12, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04571 0.04325 0.01117 8 640: 58% 397/682 [00:56<00:40, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04532 0.04328 0.01069 11 640: 78% 535/682 [01:16<00:21, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04549 0.04392 0.01061 23 640: 91% 620/682 [01:28<00:08, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 20/99 0.81G 0.04577 0.04391 0.01063 11 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.03it/s] all 85 483 0.769 0.402 0.439 0.202 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 21/99 0.81G 0.05146 0.0458 0.009643 4 640: 10% 67/682 [00:09<01:28, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04455 0.04151 0.01011 29 640: 28% 190/682 [00:27<01:08, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04364 0.04298 0.009864 2 640: 65% 441/682 [01:03<00:35, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04387 0.04317 0.009709 3 640: 79% 541/682 [01:17<00:19, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04385 0.04317 0.009652 9 640: 80% 546/682 [01:18<00:19, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04411 0.0431 0.009622 3 640: 94% 640/682 [01:31<00:05, 7.19it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 21/99 0.81G 0.04417 0.0433 0.009658 6 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.78it/s] all 85 483 0.795 0.416 0.456 0.235 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 22/99 0.81G 0.04332 0.04471 0.009651 5 640: 43% 291/682 [00:41<00:53, 7.36it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.81G 0.04289 0.04467 0.009515 5 640: 48% 329/682 [00:46<00:51, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.81G 0.04275 0.0433 0.009112 2 640: 86% 589/682 [01:23<00:13, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 22/99 0.81G 0.04276 0.04396 0.009023 1 640: 100% 682/682 [01:36<00:00, 7.04it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.23it/s] all 85 483 0.812 0.388 0.435 0.218 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 23/99 0.81G 0.04034 0.04121 0.009396 1 640: 22% 148/682 [00:20<01:14, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.81G 0.04084 0.04192 0.009795 7 640: 33% 224/682 [00:31<01:05, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.81G 0.04194 0.04217 0.009739 4 640: 74% 504/682 [01:11<00:24, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 23/99 0.81G 0.04205 0.04181 0.009486 3 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.97it/s] all 85 483 0.863 0.44 0.478 0.247 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 24/99 0.81G 0.04349 0.04483 0.009824 7 640: 15% 105/682 [00:14<01:18, 7.34it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.81G 0.04205 0.04307 0.009018 2 640: 77% 527/682 [01:14<00:22, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.81G 0.04208 0.04251 0.008932 9 640: 81% 552/682 [01:18<00:18, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 24/99 0.81G 0.04168 0.04164 0.008961 3 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.35it/s] all 85 483 0.837 0.434 0.475 0.245 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 25/99 0.81G 0.04034 0.04163 0.009281 9 640: 51% 351/682 [00:50<00:49, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.81G 0.04036 0.04172 0.009216 8 640: 54% 365/682 [00:52<00:45, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.81G 0.04032 0.04139 0.009218 2 640: 63% 427/682 [01:01<00:35, 7.22it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 25/99 0.81G 0.04105 0.04138 0.009246 22 640: 100% 682/682 [01:37<00:00, 7.02it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.96it/s] all 85 483 0.819 0.442 0.515 0.262 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 0% 0/682 [00:00<?, ?it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.81G 0.04614 0.04107 0.01048 2 640: 7% 45/682 [00:06<01:34, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.81G 0.04183 0.04129 0.009495 8 640: 67% 460/682 [01:05<00:33, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.81G 0.04204 0.04109 0.00986 6 640: 85% 578/682 [01:22<00:14, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 26/99 0.81G 0.04177 0.04094 0.00958 6 640: 100% 682/682 [01:37<00:00, 6.96it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.83it/s] all 85 483 0.86 0.408 0.487 0.247 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 27/99 0.81G 0.03804 0.0447 0.007868 3 640: 3% 23/682 [00:03<01:30, 7.25it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.03949 0.04275 0.009416 14 640: 10% 67/682 [00:09<01:30, 6.77it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.0421 0.04093 0.009149 11 640: 21% 146/682 [00:21<01:18, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.04112 0.04241 0.008759 11 640: 51% 347/682 [00:51<00:50, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.04091 0.04147 0.00875 16 640: 65% 444/682 [01:05<00:35, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.04105 0.0414 0.00876 6 640: 72% 492/682 [01:12<00:29, 6.49it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.04117 0.04139 0.008785 3 640: 76% 520/682 [01:16<00:23, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 27/99 0.81G 0.04074 0.04089 0.008801 1 640: 100% 682/682 [01:40<00:00, 6.78it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.26it/s] all 85 483 0.867 0.445 0.53 0.287 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 28/99 0.81G 0.03909 0.04126 0.008135 16 640: 2% 13/682 [00:01<01:42, 6.55it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.81G 0.03881 0.0453 0.006309 3 640: 6% 38/682 [00:05<01:39, 6.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.81G 0.03807 0.03899 0.009081 4 640: 56% 383/682 [00:56<00:44, 6.67it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.81G 0.0387 0.03925 0.008773 12 640: 87% 591/682 [01:28<00:13, 6.68it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.81G 0.03899 0.03964 0.00871 13 640: 97% 660/682 [01:38<00:03, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 28/99 0.81G 0.03904 0.03957 0.008697 3 640: 100% 682/682 [01:41<00:00, 6.70it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.14it/s] all 85 483 0.84 0.41 0.479 0.237 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 29/99 0.81G 0.04066 0.03652 0.00663 12 640: 13% 90/682 [00:13<01:27, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 29/99 0.81G 0.03956 0.04137 0.007968 1 640: 93% 634/682 [01:34<00:07, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 29/99 0.81G 0.03956 0.0409 0.00793 2 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.23it/s] all 85 483 0.876 0.432 0.53 0.291 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 30/99 0.81G 0.03909 0.03991 0.008559 1 640: 50% 343/682 [00:50<00:47, 7.11it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.81G 0.03813 0.03928 0.008363 7 640: 68% 462/682 [01:07<00:33, 6.64it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.81G 0.03822 0.03908 0.008313 4 640: 73% 495/682 [01:12<00:26, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 30/99 0.81G 0.03804 0.03946 0.008088 2 640: 100% 682/682 [01:39<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.37it/s] all 85 483 0.884 0.451 0.569 0.303 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 31/99 0.81G 0.03827 0.03486 0.009231 4 640: 29% 200/682 [00:28<01:08, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03823 0.0353 0.009352 4 640: 33% 225/682 [00:32<01:04, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03812 0.03639 0.008691 2 640: 47% 321/682 [00:45<00:51, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03856 0.03739 0.008824 1 640: 59% 403/682 [00:57<00:37, 7.46it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03915 0.03808 0.008699 4 640: 71% 487/682 [01:09<00:29, 6.66it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03863 0.03879 0.00831 10 640: 93% 637/682 [01:30<00:06, 6.77it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 31/99 0.81G 0.03846 0.03847 0.008172 36 640: 100% 682/682 [01:37<00:00, 7.00it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.09it/s] all 85 483 0.866 0.456 0.554 0.3 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 32/99 0.81G 0.03877 0.04311 0.008387 26 640: 58% 395/682 [00:56<00:41, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 32/99 0.81G 0.03887 0.0414 0.008719 0 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.68it/s] all 85 483 0.882 0.464 0.575 0.321 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 33/99 0.81G 0.0391 0.04131 0.007503 15 640: 41% 280/682 [00:42<01:01, 6.58it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.81G 0.0382 0.04193 0.00751 2 640: 83% 565/682 [01:24<00:17, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.81G 0.03843 0.04137 0.007556 4 640: 99% 675/682 [01:41<00:01, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 33/99 0.81G 0.03838 0.04134 0.007593 12 640: 100% 682/682 [01:42<00:00, 6.66it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.11it/s] all 85 483 0.866 0.45 0.577 0.323 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 34/99 0.81G 0.03668 0.03823 0.007466 2 640: 10% 65/682 [00:09<01:31, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.81G 0.03716 0.03802 0.008349 3 640: 22% 148/682 [00:22<01:17, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.81G 0.03693 0.03866 0.00838 24 640: 45% 307/682 [00:45<00:57, 6.49it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 34/99 0.81G 0.03689 0.03945 0.008512 5 640: 100% 682/682 [01:42<00:00, 6.67it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.95it/s] all 85 483 0.853 0.467 0.574 0.318 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 35/99 0.81G 0.03747 0.03804 0.008537 36 640: 15% 102/682 [00:15<01:28, 6.53it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.81G 0.03763 0.04142 0.007844 17 640: 33% 223/682 [00:33<01:11, 6.45it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.81G 0.03703 0.0404 0.008258 4 640: 97% 664/682 [01:39<00:02, 6.59it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 35/99 0.81G 0.03698 0.04052 0.008309 2 640: 100% 682/682 [01:42<00:00, 6.68it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.83it/s] all 85 483 0.868 0.463 0.592 0.323 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 36/99 0.81G 0.04209 0.04014 0.01066 2 640: 2% 16/682 [00:02<01:48, 6.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.81G 0.03849 0.03938 0.01021 1 640: 7% 45/682 [00:06<01:33, 6.78it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.81G 0.038 0.03622 0.009497 4 640: 14% 97/682 [00:14<01:28, 6.59it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 36/99 0.81G 0.03842 0.03899 0.007991 4 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.43it/s] all 85 483 0.891 0.45 0.608 0.338 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 37/99 0.81G 0.0352 0.03724 0.007399 5 640: 71% 482/682 [01:09<00:27, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.81G 0.03583 0.03731 0.007579 9 640: 99% 673/682 [01:36<00:01, 6.68it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.81G 0.03582 0.03738 0.007577 14 640: 99% 676/682 [01:36<00:00, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 37/99 0.81G 0.03579 0.03735 0.007656 6 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.69it/s] all 85 483 0.853 0.486 0.589 0.343 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 38/99 0.81G 0.03408 0.04777 0.003297 5 640: 1% 8/682 [00:01<01:40, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.81G 0.03873 0.04097 0.00714 11 640: 13% 91/682 [00:13<01:24, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.81G 0.03835 0.04126 0.00763 1 640: 30% 207/682 [00:30<01:06, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.81G 0.03688 0.03977 0.007534 1 640: 72% 492/682 [01:12<00:28, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 38/99 0.81G 0.03651 0.0394 0.007704 3 640: 100% 682/682 [01:40<00:00, 6.77it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.70it/s] all 85 483 0.882 0.456 0.584 0.335 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 39/99 0.81G 0.03636 0.03714 0.008937 9 640: 20% 136/682 [00:20<01:20, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.81G 0.03552 0.03742 0.009139 3 640: 25% 170/682 [00:25<01:17, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.81G 0.03596 0.03967 0.008789 3 640: 65% 442/682 [01:06<00:33, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 39/99 0.81G 0.03581 0.03908 0.008467 16 640: 100% 682/682 [01:41<00:00, 6.70it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.69it/s] all 85 483 0.905 0.469 0.614 0.354 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 40/99 0.81G 0.02634 0.02715 0.003282 1 640: 1% 9/682 [00:01<01:37, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.81G 0.03334 0.03501 0.008074 21 640: 13% 90/682 [00:13<01:28, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.81G 0.03346 0.0363 0.007596 5 640: 40% 272/682 [00:40<01:00, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.81G 0.03348 0.03701 0.007464 11 640: 48% 326/682 [00:48<00:55, 6.42it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 40/99 0.81G 0.03422 0.03732 0.007418 5 640: 100% 682/682 [01:42<00:00, 6.66it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.54it/s] all 85 483 0.914 0.447 0.626 0.38 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 41/99 0.81G 0.03335 0.03516 0.006235 2 640: 10% 69/682 [00:10<01:29, 6.87it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.81G 0.03576 0.03806 0.006631 5 640: 21% 142/682 [00:21<01:20, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.81G 0.03539 0.03765 0.007179 16 640: 24% 165/682 [00:24<01:17, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.81G 0.0344 0.03896 0.007623 13 640: 51% 345/682 [00:51<00:51, 6.53it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 41/99 0.81G 0.0347 0.0378 0.007501 10 640: 100% 682/682 [01:41<00:00, 6.74it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.58it/s] all 85 483 0.903 0.458 0.612 0.338 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 42/99 0.81G 0.03758 0.03846 0.008587 9 640: 12% 81/682 [00:11<01:25, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 42/99 0.81G 0.03561 0.03608 0.006967 11 640: 100% 680/682 [01:37<00:00, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 42/99 0.81G 0.03566 0.0362 0.006974 20 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.54it/s] all 85 483 0.912 0.47 0.657 0.395 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 43/99 0.81G 0.03247 0.03604 0.007825 6 640: 34% 233/682 [00:33<01:04, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 43/99 0.81G 0.034 0.0385 0.00776 1 640: 60% 406/682 [00:58<00:39, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 43/99 0.81G 0.03406 0.03831 0.007654 2 640: 84% 571/682 [01:22<00:16, 6.57it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 43/99 0.81G 0.03408 0.03826 0.007619 27 640: 86% 585/682 [01:24<00:14, 6.60it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 43/99 0.81G 0.03393 0.0381 0.007675 3 640: 94% 642/682 [01:32<00:05, 7.36it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 43/99 0.81G 0.03389 0.03808 0.007682 1 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.62it/s] all 85 483 0.891 0.471 0.639 0.368 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 44/99 0.81G 0.03497 0.03605 0.007048 1 640: 41% 279/682 [00:40<00:57, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 44/99 0.81G 0.03456 0.03575 0.007087 12 640: 77% 524/682 [01:16<00:23, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 44/99 0.81G 0.03454 0.03553 0.00712 5 640: 100% 682/682 [01:40<00:00, 6.81it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.16it/s] all 85 483 0.928 0.453 0.639 0.372 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 45/99 0.81G 0.03462 0.03497 0.007238 9 640: 10% 67/682 [00:10<01:34, 6.48it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 45/99 0.81G 0.03448 0.03776 0.007219 22 640: 35% 239/682 [00:35<01:08, 6.50it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 45/99 0.81G 0.03362 0.03538 0.007022 2 640: 56% 379/682 [00:56<00:44, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 45/99 0.81G 0.03387 0.03548 0.007105 3 640: 62% 420/682 [01:02<00:36, 7.08it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 45/99 0.81G 0.03397 0.03534 0.007537 23 640: 66% 448/682 [01:06<00:35, 6.65it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 45/99 0.81G 0.03355 0.03504 0.006986 13 640: 100% 682/682 [01:41<00:00, 6.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.23it/s] all 85 483 0.905 0.451 0.611 0.35 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 46/99 0.81G 0.03362 0.0381 0.006896 4 640: 35% 242/682 [00:36<01:05, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 46/99 0.81G 0.03297 0.03633 0.006532 5 640: 84% 574/682 [01:25<00:16, 6.63it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 46/99 0.81G 0.03289 0.03623 0.006284 6 640: 100% 682/682 [01:41<00:00, 6.70it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 23.78it/s] all 85 483 0.861 0.507 0.631 0.381 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 47/99 0.81G 0.03279 0.0317 0.004692 11 640: 3% 19/682 [00:02<01:38, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 47/99 0.81G 0.03434 0.03514 0.007848 1 640: 26% 174/682 [00:25<01:14, 6.82it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 47/99 0.81G 0.03453 0.03622 0.007689 6 640: 31% 211/682 [00:31<01:13, 6.40it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 47/99 0.81G 0.03383 0.03584 0.007349 4 640: 82% 556/682 [01:21<00:18, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 47/99 0.81G 0.03391 0.03606 0.007037 0 640: 100% 682/682 [01:39<00:00, 6.88it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.71it/s] all 85 483 0.914 0.455 0.624 0.372 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 48/99 0.81G 0.03202 0.03669 0.00726 6 640: 6% 41/682 [00:05<01:29, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 48/99 0.81G 0.03316 0.03492 0.006586 10 640: 17% 113/682 [00:16<01:21, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 48/99 0.81G 0.03351 0.038 0.006558 9 640: 32% 215/682 [00:30<01:09, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 48/99 0.81G 0.03319 0.03724 0.006683 10 640: 37% 253/682 [00:36<00:59, 7.21it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 48/99 0.81G 0.03326 0.03764 0.006827 5 640: 45% 305/682 [00:43<00:54, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 48/99 0.81G 0.03358 0.03799 0.006549 10 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.87it/s] all 85 483 0.892 0.483 0.655 0.396 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 49/99 0.81G 0.03176 0.03746 0.007267 12 640: 31% 214/682 [00:30<01:06, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 49/99 0.81G 0.03162 0.03672 0.006434 6 640: 71% 481/682 [01:08<00:31, 6.43it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 49/99 0.81G 0.03191 0.03725 0.006755 1 640: 87% 591/682 [01:24<00:12, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 49/99 0.81G 0.03187 0.03702 0.00671 1 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.65it/s] all 85 483 0.907 0.484 0.671 0.402 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 50/99 0.81G 0.03789 0.04112 0.006773 2 640: 6% 40/682 [00:05<01:32, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 50/99 0.81G 0.03311 0.03675 0.006647 3 640: 64% 438/682 [01:02<00:34, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 50/99 0.81G 0.0329 0.03604 0.006624 1 640: 73% 501/682 [01:11<00:24, 7.33it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 50/99 0.81G 0.0328 0.03604 0.00664 1 640: 83% 565/682 [01:20<00:15, 7.46it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 50/99 0.81G 0.03258 0.03588 0.00676 6 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.03it/s] all 85 483 0.917 0.473 0.656 0.39 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 51/99 0.81G 0.03287 0.03726 0.006585 6 640: 21% 146/682 [00:21<01:20, 6.66it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 51/99 0.81G 0.03239 0.03664 0.00754 3 640: 43% 291/682 [00:43<00:57, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 51/99 0.81G 0.03317 0.0357 0.007125 1 640: 68% 463/682 [01:08<00:30, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 51/99 0.81G 0.03297 0.03544 0.006932 5 640: 73% 495/682 [01:13<00:28, 6.61it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 51/99 0.81G 0.03238 0.03539 0.006589 1 640: 100% 682/682 [01:41<00:00, 6.73it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.42it/s] all 85 483 0.871 0.49 0.645 0.385 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 52/99 0.81G 0.03165 0.03759 0.006838 35 640: 85% 582/682 [01:26<00:15, 6.60it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 52/99 0.81G 0.03161 0.03681 0.006938 12 640: 94% 643/682 [01:35<00:05, 6.57it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 52/99 0.81G 0.0315 0.03672 0.0068 10 640: 100% 682/682 [01:41<00:00, 6.71it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.10it/s] all 85 483 0.629 0.634 0.653 0.388 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 53/99 0.81G 0.03255 0.03775 0.006747 3 640: 9% 63/682 [00:09<01:31, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 53/99 0.81G 0.03164 0.03642 0.007415 1 640: 33% 223/682 [00:33<01:10, 6.51it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 53/99 0.81G 0.03173 0.03584 0.007405 3 640: 46% 312/682 [00:46<00:54, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 53/99 0.81G 0.03198 0.03678 0.007006 6 640: 65% 445/682 [01:06<00:36, 6.52it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 53/99 0.81G 0.03217 0.03687 0.006841 4 640: 75% 514/682 [01:16<00:25, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 53/99 0.81G 0.03243 0.03743 0.006843 6 640: 100% 682/682 [01:42<00:00, 6.67it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.00it/s] all 85 483 0.721 0.624 0.691 0.41 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 54/99 0.81G 0.03317 0.03953 0.007206 5 640: 18% 120/682 [00:18<01:23, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 54/99 0.81G 0.0324 0.0372 0.006774 10 640: 45% 306/682 [00:45<00:54, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 54/99 0.81G 0.032 0.03808 0.006977 1 640: 61% 413/682 [01:00<00:39, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 54/99 0.81G 0.03161 0.03696 0.006914 10 640: 100% 682/682 [01:39<00:00, 6.87it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.58it/s] all 85 483 0.73 0.589 0.637 0.377 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 55/99 0.81G 0.03138 0.03344 0.006299 9 640: 14% 97/682 [00:13<01:24, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 55/99 0.81G 0.03164 0.03244 0.006226 48 640: 67% 457/682 [01:05<00:34, 6.62it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 55/99 0.81G 0.0318 0.03273 0.00634 9 640: 77% 522/682 [01:14<00:23, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 55/99 0.81G 0.03179 0.03317 0.006328 1 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.85it/s] all 85 483 0.659 0.603 0.658 0.392 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 56/99 0.81G 0.03249 0.0366 0.005451 6 640: 7% 47/682 [00:06<01:33, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03288 0.0333 0.005396 3 640: 21% 140/682 [00:20<01:16, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03145 0.03378 0.006137 1 640: 41% 278/682 [00:39<00:54, 7.43it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03162 0.03423 0.006057 12 640: 51% 351/682 [00:50<00:52, 6.34it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03159 0.03436 0.006123 23 640: 56% 379/682 [00:54<00:44, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03154 0.0343 0.006096 9 640: 56% 383/682 [00:55<00:42, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 56/99 0.81G 0.03131 0.03413 0.00598 13 640: 100% 682/682 [01:37<00:00, 6.98it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.21it/s] all 85 483 0.917 0.48 0.641 0.384 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 57/99 0.81G 0.036 0.03484 0.006525 5 640: 5% 32/682 [00:04<01:32, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03304 0.03502 0.006477 6 640: 45% 307/682 [00:44<00:55, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03265 0.03402 0.006295 0 640: 57% 390/682 [00:55<00:40, 7.22it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.0328 0.03508 0.00676 1 640: 72% 494/682 [01:10<00:27, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03273 0.03506 0.006673 6 640: 75% 511/682 [01:13<00:24, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03254 0.03517 0.006566 6 640: 79% 537/682 [01:17<00:21, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03262 0.03583 0.006697 1 640: 80% 547/682 [01:18<00:20, 6.58it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03238 0.03586 0.006729 4 640: 93% 637/682 [01:31<00:06, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 57/99 0.81G 0.03228 0.03564 0.006662 4 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.40it/s] all 85 483 0.704 0.613 0.664 0.401 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 58/99 0.81G 0.03154 0.03828 0.006669 9 640: 25% 173/682 [00:24<01:12, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 58/99 0.81G 0.03095 0.03571 0.006185 4 640: 64% 434/682 [01:02<00:35, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 58/99 0.81G 0.03099 0.03572 0.006181 8 640: 74% 507/682 [01:12<00:24, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 58/99 0.81G 0.03113 0.03552 0.006272 8 640: 100% 682/682 [01:37<00:00, 6.97it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.72it/s] all 85 483 0.688 0.588 0.637 0.389 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 59/99 0.81G 0.03089 0.02904 0.008655 0 640: 6% 40/682 [00:05<01:23, 7.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 59/99 0.81G 0.03171 0.03085 0.007921 20 640: 7% 51/682 [00:07<01:38, 6.39it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 59/99 0.81G 0.03136 0.03044 0.007783 2 640: 8% 52/682 [00:07<01:33, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 59/99 0.81G 0.03158 0.03568 0.00693 7 640: 85% 580/682 [01:22<00:14, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 59/99 0.81G 0.0316 0.03571 0.007025 4 640: 91% 619/682 [01:27<00:08, 7.31it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 59/99 0.81G 0.0317 0.03565 0.00707 4 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.41it/s] all 85 483 0.711 0.645 0.688 0.424 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 60/99 0.81G 0.03046 0.02761 0.006337 11 640: 8% 55/682 [00:07<01:28, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 60/99 0.81G 0.03027 0.03447 0.005693 16 640: 59% 399/682 [00:56<00:41, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 60/99 0.81G 0.03041 0.03443 0.006049 5 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.08it/s] all 85 483 0.751 0.629 0.674 0.408 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 61/99 0.81G 0.03073 0.03446 0.00645 12 640: 62% 424/682 [01:00<00:36, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 61/99 0.81G 0.03077 0.03467 0.006364 2 640: 94% 640/682 [01:31<00:05, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 61/99 0.81G 0.0307 0.03477 0.006333 3 640: 100% 682/682 [01:38<00:00, 6.96it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.66it/s] all 85 483 0.702 0.631 0.666 0.397 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 62/99 0.81G 0.0307 0.03562 0.006951 7 640: 23% 158/682 [00:22<01:16, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 62/99 0.81G 0.03077 0.03415 0.006423 12 640: 50% 344/682 [00:48<00:48, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 62/99 0.81G 0.03053 0.0343 0.00626 6 640: 81% 550/682 [01:17<00:18, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 62/99 0.81G 0.03059 0.03439 0.00623 0 640: 100% 682/682 [01:36<00:00, 7.05it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.78it/s] all 85 483 0.638 0.604 0.707 0.429 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 63/99 0.81G 0.03116 0.0379 0.006734 19 640: 28% 191/682 [00:27<01:08, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 63/99 0.81G 0.0307 0.03596 0.006714 7 640: 78% 529/682 [01:15<00:21, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 63/99 0.81G 0.03063 0.03611 0.00692 18 640: 100% 682/682 [01:36<00:00, 7.03it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.19it/s] all 85 483 0.74 0.624 0.67 0.405 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 64/99 0.81G 0.03015 0.03409 0.005947 9 640: 47% 323/682 [00:45<00:48, 7.39it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 64/99 0.81G 0.03036 0.03402 0.005783 12 640: 61% 414/682 [00:58<00:38, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 64/99 0.81G 0.03039 0.03353 0.005801 1 640: 100% 682/682 [01:36<00:00, 7.03it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.76it/s] all 85 483 0.671 0.636 0.679 0.402 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 65/99 0.81G 0.03064 0.03507 0.005465 2 640: 12% 83/682 [00:11<01:25, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03062 0.03375 0.005109 1 640: 26% 180/682 [00:25<01:07, 7.44it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03068 0.03466 0.005099 2 640: 58% 396/682 [00:56<00:42, 6.68it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03062 0.03441 0.00506 13 640: 60% 412/682 [00:58<00:37, 7.11it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03014 0.03372 0.005425 3 640: 92% 625/682 [01:28<00:07, 7.16it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03018 0.03362 0.005375 5 640: 94% 642/682 [01:30<00:05, 7.20it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 65/99 0.81G 0.03007 0.03363 0.005391 8 640: 100% 682/682 [01:36<00:00, 7.06it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.55it/s] all 85 483 0.731 0.614 0.676 0.416 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 66/99 0.81G 0.0301 0.03462 0.006132 34 640: 6% 39/682 [00:05<01:36, 6.69it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 66/99 0.81G 0.02996 0.03259 0.006204 13 640: 35% 240/682 [00:34<01:02, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 66/99 0.81G 0.03009 0.03284 0.005948 5 640: 40% 274/682 [00:38<00:59, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 66/99 0.81G 0.03017 0.03398 0.00597 7 640: 52% 354/682 [00:50<00:45, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 66/99 0.81G 0.02952 0.03357 0.006349 5 640: 98% 669/682 [01:35<00:01, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 66/99 0.81G 0.02952 0.03359 0.006425 5 640: 100% 682/682 [01:37<00:00, 7.02it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.26it/s] all 85 483 0.744 0.647 0.714 0.43 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 67/99 0.81G 0.02953 0.03377 0.006048 11 640: 25% 171/682 [00:24<01:13, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 67/99 0.81G 0.03001 0.03468 0.006205 2 640: 45% 307/682 [00:43<00:52, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 67/99 0.81G 0.02923 0.03256 0.00601 1 640: 63% 431/682 [01:01<00:34, 7.34it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 67/99 0.81G 0.02916 0.03263 0.006032 23 640: 70% 478/682 [01:07<00:29, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 67/99 0.81G 0.02914 0.03264 0.006011 12 640: 70% 480/682 [01:08<00:28, 7.11it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 67/99 0.81G 0.02946 0.03368 0.005843 2 640: 100% 682/682 [01:36<00:00, 7.04it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.00it/s] all 85 483 0.684 0.637 0.689 0.422 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 68/99 0.81G 0.03023 0.03618 0.006968 7 640: 44% 303/682 [00:42<00:53, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 68/99 0.81G 0.02983 0.03487 0.006346 6 640: 63% 433/682 [01:01<00:35, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 68/99 0.81G 0.02979 0.03435 0.006303 4 640: 66% 450/682 [01:03<00:32, 7.19it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 68/99 0.81G 0.02942 0.03345 0.005991 8 640: 100% 681/682 [01:36<00:00, 7.13it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 68/99 0.81G 0.0294 0.03342 0.005983 3 640: 100% 682/682 [01:36<00:00, 7.07it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.84it/s] all 85 483 0.755 0.644 0.678 0.409 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 69/99 0.81G 0.02748 0.03061 0.005945 7 640: 12% 84/682 [00:11<01:24, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02801 0.03299 0.005523 9 640: 25% 172/682 [00:24<01:10, 7.18it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02794 0.03397 0.0052 6 640: 38% 256/682 [00:36<00:59, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02826 0.03249 0.005352 4 640: 75% 514/682 [01:12<00:22, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02837 0.03253 0.005348 13 640: 83% 568/682 [01:20<00:16, 6.90it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02839 0.03314 0.005462 6 640: 90% 612/682 [01:26<00:09, 7.23it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 69/99 0.81G 0.02855 0.03292 0.00591 3 640: 100% 682/682 [01:36<00:00, 7.06it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.45it/s] all 85 483 0.607 0.638 0.69 0.417 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 70/99 0.81G 0.02851 0.03379 0.006003 2 640: 73% 498/682 [01:10<00:25, 7.27it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 70/99 0.81G 0.02875 0.03375 0.006192 4 640: 83% 563/682 [01:20<00:16, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 70/99 0.81G 0.02861 0.03366 0.006027 10 640: 100% 682/682 [01:37<00:00, 7.02it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.21it/s] all 85 483 0.777 0.609 0.641 0.389 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 71/99 0.81G 0.02844 0.0291 0.006205 8 640: 22% 153/682 [00:21<01:15, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 71/99 0.81G 0.02895 0.0329 0.005976 9 640: 63% 430/682 [01:00<00:34, 7.36it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 71/99 0.81G 0.02887 0.03265 0.005842 5 640: 67% 456/682 [01:04<00:33, 6.80it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 71/99 0.81G 0.0289 0.03288 0.005799 3 640: 73% 496/682 [01:10<00:25, 7.38it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 71/99 0.81G 0.02868 0.03274 0.005585 2 640: 84% 573/682 [01:21<00:15, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 71/99 0.81G 0.0286 0.0324 0.005443 3 640: 100% 682/682 [01:36<00:00, 7.07it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 26.03it/s] all 85 483 0.676 0.677 0.693 0.417 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 72/99 0.81G 0.0293 0.02987 0.006463 1 640: 2% 11/682 [00:01<01:37, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02819 0.02905 0.006611 2 640: 11% 76/682 [00:10<01:24, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02763 0.02857 0.006261 9 640: 13% 90/682 [00:12<01:23, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02837 0.0319 0.005741 11 640: 30% 208/682 [00:29<01:06, 7.12it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02842 0.032 0.005797 8 640: 34% 229/682 [00:32<01:06, 6.82it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02829 0.03217 0.005565 12 640: 48% 325/682 [00:45<00:50, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02814 0.03193 0.005437 17 640: 52% 356/682 [00:50<00:47, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 72/99 0.81G 0.02829 0.03261 0.005504 22 640: 100% 682/682 [01:37<00:00, 7.01it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.52it/s] all 85 483 0.793 0.602 0.666 0.4 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 73/99 0.81G 0.02721 0.03071 0.004556 5 640: 18% 120/682 [00:17<01:21, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 73/99 0.81G 0.02716 0.03103 0.004426 1 640: 20% 137/682 [00:19<01:16, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 73/99 0.81G 0.02828 0.03297 0.005286 3 640: 100% 682/682 [01:37<00:00, 7.01it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.67it/s] all 85 483 0.761 0.624 0.703 0.441 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 74/99 0.81G 0.02881 0.03502 0.005947 18 640: 35% 236/682 [00:33<01:03, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 74/99 0.81G 0.02913 0.03528 0.005961 17 640: 47% 321/682 [00:45<00:49, 7.24it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 74/99 0.81G 0.02886 0.03515 0.005874 4 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.11it/s] all 85 483 0.724 0.597 0.661 0.413 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 75/99 0.81G 0.02833 0.03698 0.006116 3 640: 9% 58/682 [00:08<01:26, 7.22it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 75/99 0.81G 0.02815 0.03415 0.005964 7 640: 37% 250/682 [00:36<01:02, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 75/99 0.81G 0.02861 0.03407 0.005699 5 640: 52% 353/682 [00:50<00:47, 6.87it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 75/99 0.81G 0.02846 0.03412 0.005695 13 640: 64% 439/682 [01:03<00:35, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 75/99 0.81G 0.02807 0.03347 0.005526 15 640: 100% 682/682 [01:38<00:00, 6.92it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.46it/s] all 85 483 0.711 0.688 0.702 0.432 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 76/99 0.81G 0.02782 0.03103 0.005201 15 640: 76% 521/682 [01:14<00:23, 6.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 76/99 0.81G 0.02814 0.03165 0.005324 7 640: 86% 587/682 [01:24<00:13, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 76/99 0.81G 0.02818 0.03227 0.005359 8 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.73it/s] all 85 483 0.776 0.616 0.685 0.422 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 77/99 0.81G 0.0292 0.03557 0.005946 1 640: 20% 137/682 [00:20<01:16, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 77/99 0.81G 0.02875 0.03396 0.005151 4 640: 70% 475/682 [01:09<00:31, 6.54it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 77/99 0.81G 0.02869 0.03394 0.005146 5 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.80it/s] all 85 483 0.766 0.595 0.658 0.399 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 78/99 0.81G 0.02627 0.02526 0.002101 16 640: 3% 20/682 [00:02<01:34, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02829 0.03274 0.004517 1 640: 47% 322/682 [00:46<00:50, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02831 0.03287 0.004525 2 640: 48% 328/682 [00:47<00:50, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02837 0.03306 0.004945 15 640: 68% 464/682 [01:06<00:31, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02843 0.03309 0.004941 22 640: 68% 467/682 [01:07<00:32, 6.72it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02835 0.03345 0.004667 4 640: 87% 590/682 [01:25<00:13, 6.78it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 78/99 0.81G 0.02836 0.0336 0.004866 11 640: 100% 682/682 [01:38<00:00, 6.92it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.90it/s] all 85 483 0.784 0.615 0.658 0.401 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 79/99 0.81G 0.02705 0.03308 0.005027 29 640: 24% 163/682 [00:23<01:12, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 79/99 0.81G 0.0274 0.03175 0.005064 4 640: 46% 317/682 [00:45<00:51, 7.06it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 79/99 0.81G 0.02739 0.0313 0.00502 1 640: 51% 348/682 [00:50<00:48, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 79/99 0.81G 0.02743 0.03165 0.005225 0 640: 100% 682/682 [01:38<00:00, 6.92it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.68it/s] all 85 483 0.713 0.596 0.666 0.4 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 80/99 0.81G 0.02707 0.03352 0.005158 10 640: 20% 139/682 [00:20<01:19, 6.79it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 80/99 0.81G 0.02727 0.03326 0.00508 7 640: 22% 147/682 [00:21<01:17, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 80/99 0.81G 0.02791 0.03304 0.004978 6 640: 39% 268/682 [00:38<00:58, 7.02it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 80/99 0.81G 0.02722 0.03094 0.004969 4 640: 57% 389/682 [00:56<00:43, 6.70it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 80/99 0.81G 0.02788 0.03193 0.005842 5 640: 91% 619/682 [01:29<00:09, 6.64it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 80/99 0.81G 0.02779 0.03199 0.005776 2 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.16it/s] all 85 483 0.674 0.672 0.703 0.44 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 81/99 0.81G 0.02919 0.04167 0.001975 9 640: 0% 1/682 [00:00<01:53, 5.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 81/99 0.81G 0.02808 0.03492 0.005658 16 640: 40% 276/682 [00:40<01:00, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 81/99 0.81G 0.02757 0.033 0.005427 5 640: 62% 426/682 [01:01<00:35, 7.26it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 81/99 0.81G 0.02763 0.03309 0.005403 8 640: 64% 434/682 [01:03<00:35, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 81/99 0.81G 0.02785 0.03323 0.005293 1 640: 98% 671/682 [01:37<00:01, 7.46it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 81/99 0.81G 0.02784 0.03324 0.005311 30 640: 100% 682/682 [01:38<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.70it/s] all 85 483 0.772 0.618 0.694 0.422 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 82/99 0.81G 0.02752 0.03088 0.00587 16 640: 40% 275/682 [00:39<00:58, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02747 0.031 0.005726 4 640: 53% 361/682 [00:52<00:46, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02776 0.0315 0.005454 1 640: 73% 498/682 [01:11<00:24, 7.50it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02761 0.03141 0.005267 2 640: 79% 538/682 [01:17<00:19, 7.30it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02758 0.03146 0.00517 3 640: 84% 571/682 [01:22<00:16, 6.92it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02758 0.03148 0.005187 6 640: 85% 577/682 [01:23<00:15, 6.77it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 82/99 0.81G 0.02755 0.03162 0.005108 8 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.75it/s] all 85 483 0.791 0.623 0.688 0.417 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 83/99 0.81G 0.02816 0.0327 0.007121 10 640: 5% 37/682 [00:05<01:31, 7.07it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 83/99 0.81G 0.02812 0.03451 0.005886 12 640: 32% 216/682 [00:31<01:07, 6.89it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 83/99 0.81G 0.02832 0.03353 0.005448 2 640: 91% 621/682 [01:30<00:08, 6.82it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 83/99 0.81G 0.02835 0.03398 0.005437 2 640: 100% 682/682 [01:39<00:00, 6.87it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.53it/s] all 85 483 0.798 0.628 0.703 0.43 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 84/99 0.81G 0.02896 0.03732 0.006456 4 640: 7% 46/682 [00:06<01:28, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 84/99 0.81G 0.02902 0.0347 0.005571 7 640: 22% 153/682 [00:22<01:13, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 84/99 0.81G 0.02855 0.03233 0.005396 14 640: 44% 300/682 [00:43<00:55, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 84/99 0.81G 0.02825 0.03343 0.005158 1 640: 69% 472/682 [01:08<00:30, 6.96it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 84/99 0.81G 0.02819 0.03366 0.005372 29 640: 100% 682/682 [01:38<00:00, 6.92it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.80it/s] all 85 483 0.802 0.607 0.684 0.416 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 85/99 0.81G 0.02729 0.02978 0.003998 1 640: 27% 185/682 [00:26<01:12, 6.83it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 85/99 0.81G 0.02688 0.02948 0.004376 1 640: 36% 246/682 [00:35<01:01, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 85/99 0.81G 0.02708 0.032 0.004762 5 640: 74% 503/682 [01:12<00:24, 7.17it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 85/99 0.81G 0.02705 0.03174 0.004719 7 640: 76% 521/682 [01:15<00:23, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 85/99 0.81G 0.02738 0.0321 0.004857 1 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.90it/s] all 85 483 0.698 0.602 0.685 0.417 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 86/99 0.81G 0.02644 0.03055 0.004545 11 640: 11% 77/682 [00:11<01:26, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 86/99 0.81G 0.02662 0.03047 0.005089 14 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.32it/s] all 85 483 0.802 0.614 0.692 0.421 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 87/99 0.81G 0.02709 0.02946 0.005231 5 640: 3% 19/682 [00:02<01:32, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 87/99 0.81G 0.02813 0.03652 0.00597 2 640: 34% 232/682 [00:33<01:02, 7.24it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 87/99 0.81G 0.02788 0.03411 0.005284 3 640: 50% 340/682 [00:49<00:47, 7.14it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 87/99 0.81G 0.02754 0.03326 0.005359 1 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.80it/s] all 85 483 0.803 0.645 0.716 0.444 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 88/99 0.81G 0.02669 0.02893 0.004007 9 640: 18% 123/682 [00:17<01:22, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 88/99 0.81G 0.0275 0.03224 0.004438 8 640: 71% 484/682 [01:10<00:28, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 88/99 0.81G 0.02764 0.03269 0.004423 9 640: 73% 496/682 [01:11<00:26, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 88/99 0.81G 0.0276 0.03264 0.004699 9 640: 100% 682/682 [01:38<00:00, 6.90it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.33it/s] all 85 483 0.793 0.644 0.699 0.43 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 89/99 0.81G 0.02734 0.03499 0.004643 5 640: 13% 90/682 [00:13<01:24, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 89/99 0.81G 0.02804 0.03612 0.00505 16 640: 27% 181/682 [00:26<01:12, 6.88it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 89/99 0.81G 0.02765 0.03404 0.00477 14 640: 83% 563/682 [01:21<00:17, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 89/99 0.81G 0.02755 0.03278 0.004977 8 640: 99% 673/682 [01:37<00:01, 6.67it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 89/99 0.81G 0.02762 0.03281 0.005033 13 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.59it/s] all 85 483 0.729 0.646 0.723 0.441 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 90/99 0.81G 0.02841 0.03175 0.004069 4 640: 2% 16/682 [00:02<01:34, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 90/99 0.81G 0.02702 0.03117 0.005123 2 640: 8% 52/682 [00:07<01:33, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 90/99 0.81G 0.02664 0.03146 0.004464 1 640: 61% 416/682 [00:59<00:37, 7.09it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 90/99 0.81G 0.02666 0.03086 0.004224 2 640: 73% 497/682 [01:11<00:26, 6.97it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 90/99 0.81G 0.02673 0.03131 0.004531 12 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.54it/s] all 85 483 0.67 0.683 0.715 0.44 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 91/99 0.81G 0.02641 0.03049 0.004713 2 640: 24% 165/682 [00:24<01:13, 7.01it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 91/99 0.81G 0.0267 0.03133 0.004685 7 640: 28% 193/682 [00:28<01:09, 7.03it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 91/99 0.81G 0.02792 0.03448 0.005112 3 640: 49% 333/682 [00:48<00:50, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 91/99 0.81G 0.02778 0.03369 0.005016 1 640: 67% 460/682 [01:07<00:32, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 91/99 0.81G 0.02761 0.03295 0.004849 1 640: 100% 682/682 [01:39<00:00, 6.88it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.54it/s] all 85 483 0.704 0.654 0.691 0.426 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 92/99 0.81G 0.024 0.02717 0.004193 2 640: 4% 28/682 [00:04<01:29, 7.32it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02555 0.03177 0.003846 10 640: 24% 164/682 [00:23<01:16, 6.81it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02604 0.03383 0.004169 11 640: 29% 201/682 [00:29<01:11, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02683 0.03519 0.004353 10 640: 61% 419/682 [01:00<00:38, 6.74it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02685 0.03508 0.004335 1 640: 62% 421/682 [01:01<00:38, 6.85it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.027 0.03543 0.004486 9 640: 66% 448/682 [01:05<00:34, 6.71it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02704 0.03497 0.004775 2 640: 93% 631/682 [01:31<00:06, 7.29it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.0271 0.03451 0.004662 2 640: 100% 681/682 [01:38<00:00, 6.77it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 92/99 0.81G 0.02709 0.03448 0.004656 3 640: 100% 682/682 [01:38<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.47it/s] all 85 483 0.71 0.64 0.697 0.432 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 93/99 0.81G 0.02639 0.03144 0.004677 7 640: 68% 464/682 [01:06<00:31, 6.86it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 93/99 0.81G 0.02616 0.03102 0.004757 8 640: 100% 682/682 [01:38<00:00, 6.94it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.40it/s] all 85 483 0.819 0.637 0.712 0.445 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 94/99 0.81G 0.02749 0.03111 0.003951 2 640: 30% 206/682 [00:29<01:08, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 94/99 0.81G 0.02717 0.03176 0.004571 12 640: 65% 446/682 [01:04<00:33, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 94/99 0.81G 0.02663 0.03043 0.004342 10 640: 100% 682/682 [01:38<00:00, 6.95it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.71it/s] all 85 483 0.798 0.626 0.711 0.447 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 95/99 0.81G 0.027 0.0301 0.004491 5 640: 42% 286/682 [00:41<00:56, 6.95it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 95/99 0.81G 0.02716 0.03186 0.004678 2 640: 100% 682/682 [01:38<00:00, 6.91it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.33it/s] all 85 483 0.804 0.635 0.716 0.456 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 96/99 0.81G 0.02709 0.0324 0.004922 6 640: 32% 219/682 [00:31<01:05, 7.10it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.027 0.03322 0.004774 8 640: 39% 263/682 [00:37<01:00, 6.94it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.02677 0.03417 0.004489 22 640: 55% 374/682 [00:54<00:45, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.02652 0.03321 0.004353 6 640: 70% 478/682 [01:08<00:28, 7.15it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.02652 0.03314 0.004325 5 640: 71% 483/682 [01:09<00:29, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.0266 0.03319 0.004427 23 640: 78% 529/682 [01:16<00:22, 6.75it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.02673 0.03293 0.004585 2 640: 98% 665/682 [01:36<00:02, 7.04it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 96/99 0.81G 0.02675 0.03303 0.00457 7 640: 100% 682/682 [01:38<00:00, 6.92it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.45it/s] all 85 483 0.793 0.646 0.715 0.446 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 97/99 0.81G 0.02604 0.0306 0.005084 1 640: 32% 217/682 [00:31<01:05, 7.05it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 97/99 0.81G 0.02619 0.03182 0.004986 8 640: 41% 282/682 [00:40<00:57, 6.98it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 97/99 0.81G 0.02663 0.03272 0.00478 3 640: 89% 607/682 [01:27<00:10, 6.91it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 97/99 0.81G 0.0265 0.0325 0.004774 3 640: 100% 682/682 [01:38<00:00, 6.93it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.64it/s] all 85 483 0.81 0.618 0.707 0.445 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 98/99 0.81G 0.02708 0.03176 0.004643 6 640: 40% 270/682 [00:39<01:00, 6.76it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 98/99 0.81G 0.02684 0.03173 0.005124 3 640: 50% 342/682 [00:49<00:45, 7.43it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 98/99 0.81G 0.02663 0.03198 0.00502 4 640: 65% 444/682 [01:04<00:34, 7.00it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 98/99 0.81G 0.02671 0.03259 0.004924 4 640: 80% 547/682 [01:19<00:19, 6.84it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 98/99 0.81G 0.02673 0.03276 0.004866 1 640: 100% 682/682 [01:39<00:00, 6.87it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.19it/s] all 85 483 0.802 0.628 0.709 0.448 Epoch GPU_mem box_loss obj_loss cls_loss Instances Size 99/99 0.81G 0.02647 0.02866 0.004369 2 640: 26% 176/682 [00:25<01:13, 6.93it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 99/99 0.81G 0.02672 0.03112 0.004035 17 640: 49% 334/682 [00:48<00:51, 6.73it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 99/99 0.81G 0.02648 0.0314 0.004304 4 640: 77% 528/682 [01:16<00:22, 6.99it/s]libpng warning: iCCP: Not recognizing known sRGB profile that has been edited 99/99 0.81G 0.02649 0.03135 0.004555 10 640: 100% 682/682 [01:38<00:00, 6.89it/s] Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 25.19it/s] all 85 483 0.824 0.614 0.682 0.428 100 epochs completed in 2.899 hours. Optimizer stripped from yolov5/runs/train/exp16/weights/last.pt, 14.4MB Optimizer stripped from yolov5/runs/train/exp16/weights/best.pt, 14.4MB Validating yolov5/runs/train/exp16/weights/best.pt... Fusing layers... YOLOv5s summary: 157 layers, 7018216 parameters, 0 gradients Class Images Instances P R mAP50 mAP50-95: 100% 43/43 [00:01<00:00, 24.02it/s] all 85 483 0.802 0.631 0.711 0.455 no_mask 85 83 0.601 0.759 0.718 0.393 mask 85 387 0.806 0.868 0.886 0.579 incorrectly_worn 85 13 1 0.267 0.529 0.392 Results saved to [1myolov5/runs/train/exp16[0m