yolov5训练日志,训练识别人、反光衣、安全带、安全绳、安全帽
yolov5训练识别人、反光衣、安全带、安全绳、安全帽
1、标注数据
2、整理数据
3、训练:修改:myvoc.yaml
train: VOC_2022061401/train.txt
val: VOC_2022061401/val.txt
# number of classes
nc: 5
# class names
names: ["Reflective clothing","Safety belt","Safety rope","Worker","Safety hat"]
4、开始训练
python train_20220615.py --batch-size 2 --epochs 300 --data ./data/myvoc.yaml --cfg ./models/yolov5x.yaml --workers 0
训练日志:
(wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope>python train_20220615.py --batch-size 1 --epochs 300 --data ./data/myvoc.yaml --cfg ./models/yolov5x.yaml --workers 0 Using torch 1.8.1+cu111 CUDA:0 (NVIDIA GeForce RTX 3080 Laptop GPU, 16383.5MB) Namespace(adam=False, batch_size=1, bucket='', cache_images=False, cfg='./models/yolov5x.yaml', data='./data/myvoc.yaml', device='', epochs=300, evolve=False, exist_ok=False, global_rank=-1, hyp='data/hyp.scratch.yaml', image_weights=False, img_size=[640, 640], local_rank=-1, log_artifacts=False, log_imgs=16, multi_scale=False, name='exp', noautoanchor=False, nosave=False, notest=False, project='runs/train', quad=False, rect=False, resume=False, save_dir='runs\\train\\exp5', single_cls=False, sync_bn=False, total_batch_size=1, weights='yolov5s.pt', workers=0, world_size=1) Start Tensorboard with "tensorboard --logdir runs/train", view at http://localhost:6006/ Hyperparameters {'lr0': 0.01, 'lrf': 0.2, '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} Overriding model.yaml nc=80 with nc=5 from n params module arguments 0 -1 1 8800 models.common.Focus [3, 80, 3] 1 -1 1 115520 models.common.Conv [80, 160, 3, 2] 2 -1 1 309120 models.common.C3 [160, 160, 4] 3 -1 1 461440 models.common.Conv [160, 320, 3, 2] 4 -1 1 3285760 models.common.C3 [320, 320, 12] 5 -1 1 1844480 models.common.Conv [320, 640, 3, 2] 6 -1 1 13125120 models.common.C3 [640, 640, 12] 7 -1 1 7375360 models.common.Conv [640, 1280, 3, 2] 8 -1 1 4099840 models.common.SPP [1280, 1280, [5, 9, 13]] 9 -1 1 19676160 models.common.C3 [1280, 1280, 4, False] 10 -1 1 820480 models.common.Conv [1280, 640, 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 5332480 models.common.C3 [1280, 640, 4, False] 14 -1 1 205440 models.common.Conv [640, 320, 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 1335040 models.common.C3 [640, 320, 4, False] 18 -1 1 922240 models.common.Conv [320, 320, 3, 2] 19 [-1, 14] 1 0 models.common.Concat [1] 20 -1 1 4922880 models.common.C3 [640, 640, 4, False] 21 -1 1 3687680 models.common.Conv [640, 640, 3, 2] 22 [-1, 10] 1 0 models.common.Concat [1] 23 -1 1 19676160 models.common.C3 [1280, 1280, 4, False] 24 [17, 20, 23] 1 67290 models.yolo.Detect [5, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [320, 640, 1280]] Model Summary: 607 layers, 87271290 parameters, 87271290 gradients, 217.4 GFLOPS Transferred 59/794 items from yolov5s.pt Scaled weight_decay = 0.0005 Optimizer groups: 134 .bias, 134 conv.weight, 131 other Scanning 'VOC_2022061401\labels' for images and labels... 322 found, 0 missing, 76 empty, 0 corrupted: 100%|█████████████████████████████████████████████| 322/322 [00:00<00:00, 387.00it/s] New cache created: VOC_2022061401\labels.cache Scanning 'VOC_2022061401\labels' for images and labels... 57 found, 0 missing, 11 empty, 0 corrupted: 100%|████████████████████████████████████████████████| 57/57 [00:00<00:00, 494.79it/s] New cache created: VOC_2022061401\labels.cached labels... 54 found, 0 missing, 11 empty, 0 corrupted: 95%|█████████████████████████████████████████████▍ | 54/57 [00:00<00:00, 536.12it/s] Plotting labels... 061401\labels.cache' for images and labels... 57 found, 0 missing, 11 empty, 0 corrupted: 100%|███████████████████████████████████████████████████| 57/57 [00:00<?, ?it/s] Scanning 'VOC_2022061401\labels.cache' for images and labels... 322 found, 0 missing, 76 empty, 0 corrupted: 100%|████████████████████████████████████████████████| 322/322 [00:00<?, ?it/s] Scanning 'VOC_2022061401\labels.cache' for images and labels... 57 found, 0 missing, 11 empty, 0 corrupted: 100%|███████████████████████████████████████████████████| 57/57 [00:00<?, ?it/s] Analyzing anchors... anchors/target = 5.30, Best Possible Recall (BPR) = 1.0000 Image sizes 640 train, 640 test Using 0 dataloader workers Logging results to runs\train\exp5 Starting training for 300 epochs... Epoch gpu_mem box obj cls total targets img_size 0/299 2.45G 0.08631 0.03185 0.03936 0.1575 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:35<00:00, 3.37it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:26<00:00, 2.15it/s] all 57 103 0 0 0.000148 2.65e-05 Epoch gpu_mem box obj cls total targets img_size 1/299 2.43G 0.08242 0.03592 0.03913 0.1575 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.69it/s] all 57 103 0.00168 0.0267 0.00102 0.000138 Epoch gpu_mem box obj cls total targets img_size 2/299 2.43G 0.07936 0.03398 0.03718 0.1505 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:25<00:00, 3.77it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.54it/s] all 57 103 0.00168 0.0267 0.00102 0.000138 Epoch gpu_mem box obj cls total targets img_size 3/299 2.43G 0.08 0.03449 0.03835 0.1528 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.71it/s] all 57 103 0.0266 0.0722 0.00292 0.000563 Epoch gpu_mem box obj cls total targets img_size 4/299 2.43G 0.07988 0.03437 0.03563 0.1499 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0 0 0.00111 0.000179 Epoch gpu_mem box obj cls total targets img_size 5/299 2.43G 0.07764 0.03138 0.03283 0.1419 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.33it/s] all 57 103 0 0 0.00389 0.000517 Epoch gpu_mem box obj cls total targets img_size 6/299 2.43G 0.08075 0.03393 0.03413 0.1488 8 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.93it/s] all 57 103 0 0 0.0106 0.00302 Epoch gpu_mem box obj cls total targets img_size 7/299 2.43G 0.07762 0.03353 0.0335 0.1446 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.94it/s] all 57 103 0.00216 0.136 0.00525 0.000834 Epoch gpu_mem box obj cls total targets img_size 8/299 2.43G 0.07689 0.03194 0.03148 0.1403 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.72it/s] all 57 103 0.00347 0.173 0.0173 0.0034 Epoch gpu_mem box obj cls total targets img_size 9/299 2.43G 0.06932 0.02745 0.02785 0.1246 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.72it/s] all 57 103 0.0034 0.127 0.0184 0.00593 Epoch gpu_mem box obj cls total targets img_size 10/299 2.43G 0.07252 0.03105 0.02928 0.1329 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.40it/s] all 57 103 0.000838 0.0636 0.00104 0.000212 Epoch gpu_mem box obj cls total targets img_size 11/299 2.43G 0.06903 0.02809 0.02863 0.1257 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.47it/s] all 57 103 0.00205 0.0909 0.00272 0.000564 Epoch gpu_mem box obj cls total targets img_size 12/299 2.43G 0.07233 0.03124 0.02866 0.1322 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.82it/s] all 57 103 0.00044 0.0545 0.00265 0.000371 Epoch gpu_mem box obj cls total targets img_size 13/299 2.43G 0.07172 0.03037 0.02796 0.1301 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.01it/s] all 57 103 0.00406 0.145 0.0124 0.00331 Epoch gpu_mem box obj cls total targets img_size 14/299 2.43G 0.07284 0.02928 0.02846 0.1306 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.04it/s] all 57 103 0.00236 0.145 0.0117 0.00252 Epoch gpu_mem box obj cls total targets img_size 15/299 2.43G 0.07202 0.0304 0.03027 0.1327 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.57it/s] all 57 103 0.00768 0.155 0.043 0.0189 Epoch gpu_mem box obj cls total targets img_size 16/299 2.43G 0.07196 0.02909 0.02783 0.1289 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.52it/s] all 57 103 0.00883 0.155 0.0549 0.0179 Epoch gpu_mem box obj cls total targets img_size 17/299 2.43G 0.06876 0.02809 0.02784 0.1247 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.32it/s] all 57 103 0.00285 0.155 0.0798 0.0267 Epoch gpu_mem box obj cls total targets img_size 18/299 2.43G 0.06859 0.02843 0.02761 0.1246 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.44it/s] all 57 103 0.00946 0.155 0.0258 0.00848 Epoch gpu_mem box obj cls total targets img_size 19/299 2.43G 0.06604 0.02893 0.02533 0.1203 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.18it/s] all 57 103 0.00349 0.191 0.0193 0.00442 Epoch gpu_mem box obj cls total targets img_size 20/299 2.43G 0.0683 0.02934 0.02533 0.123 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.40it/s] all 57 103 0.00468 0.155 0.0303 0.0104 Epoch gpu_mem box obj cls total targets img_size 21/299 2.43G 0.06675 0.03039 0.02515 0.1223 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.19it/s] all 57 103 0.0184 0.173 0.0711 0.0328 Epoch gpu_mem box obj cls total targets img_size 22/299 2.43G 0.06739 0.02762 0.02339 0.1184 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.97it/s] all 57 103 0.00461 0.182 0.143 0.0542 Epoch gpu_mem box obj cls total targets img_size 23/299 2.43G 0.06517 0.02704 0.02211 0.1143 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.06it/s] all 57 103 0.00947 0.191 0.103 0.0482 Epoch gpu_mem box obj cls total targets img_size 24/299 2.43G 0.06332 0.02741 0.02236 0.1131 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.52it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.24it/s] all 57 103 0.0474 0.167 0.162 0.0586 Epoch gpu_mem box obj cls total targets img_size 25/299 2.43G 0.06376 0.0279 0.02253 0.1142 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.84it/s] all 57 103 0.0173 0.173 0.135 0.0366 Epoch gpu_mem box obj cls total targets img_size 26/299 2.43G 0.06319 0.03023 0.02227 0.1157 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.17it/s] all 57 103 0.0637 0.207 0.147 0.0475 Epoch gpu_mem box obj cls total targets img_size 27/299 2.43G 0.06343 0.02836 0.0218 0.1136 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.06it/s] all 57 103 0.0355 0.191 0.123 0.021 Epoch gpu_mem box obj cls total targets img_size 28/299 2.43G 0.06421 0.02785 0.02136 0.1134 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.94it/s] all 57 103 0.0686 0.114 0.0924 0.0318 Epoch gpu_mem box obj cls total targets img_size 29/299 2.43G 0.06416 0.02791 0.02178 0.1139 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.28it/s] all 57 103 0.244 0.207 0.164 0.0451 Epoch gpu_mem box obj cls total targets img_size 30/299 2.43G 0.06171 0.02616 0.02031 0.1082 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.97it/s] all 57 103 0.0749 0.217 0.173 0.0577 Epoch gpu_mem box obj cls total targets img_size 31/299 2.43G 0.0589 0.0265 0.01989 0.1053 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.13it/s] all 57 103 0.467 0.256 0.272 0.101 Epoch gpu_mem box obj cls total targets img_size 32/299 2.43G 0.0604 0.0286 0.01989 0.1089 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.22it/s] all 57 103 0.127 0.315 0.208 0.0709 Epoch gpu_mem box obj cls total targets img_size 33/299 2.43G 0.05919 0.02617 0.01771 0.1031 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.63it/s] all 57 103 0.116 0.285 0.213 0.0805 Epoch gpu_mem box obj cls total targets img_size 34/299 2.43G 0.05972 0.02614 0.01708 0.1029 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.27it/s] all 57 103 0.146 0.395 0.205 0.0589 Epoch gpu_mem box obj cls total targets img_size 35/299 2.43G 0.05879 0.02776 0.0176 0.1041 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.12it/s] all 57 103 0.141 0.394 0.188 0.0523 Epoch gpu_mem box obj cls total targets img_size 36/299 2.43G 0.05311 0.02415 0.01603 0.09329 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.38it/s] all 57 103 0.173 0.35 0.189 0.0912 Epoch gpu_mem box obj cls total targets img_size 37/299 2.43G 0.05625 0.0269 0.01567 0.09882 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.27it/s] all 57 103 0.0855 0.449 0.295 0.0973 Epoch gpu_mem box obj cls total targets img_size 38/299 2.43G 0.05718 0.02654 0.01543 0.09915 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.15it/s] all 57 103 0.0705 0.431 0.215 0.0726 Epoch gpu_mem box obj cls total targets img_size 39/299 2.43G 0.05457 0.02448 0.01486 0.09391 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.43it/s] all 57 103 0.0755 0.449 0.328 0.147 Epoch gpu_mem box obj cls total targets img_size 40/299 2.43G 0.05006 0.02481 0.01364 0.08852 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.07it/s] all 57 103 0.0936 0.487 0.353 0.158 Epoch gpu_mem box obj cls total targets img_size 41/299 2.43G 0.04961 0.02476 0.01346 0.08784 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.50it/s] all 57 103 0.0986 0.53 0.317 0.126 Epoch gpu_mem box obj cls total targets img_size 42/299 2.43G 0.04945 0.02414 0.01232 0.08592 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.106 0.531 0.35 0.131 Epoch gpu_mem box obj cls total targets img_size 43/299 2.43G 0.0496 0.02455 0.01259 0.08674 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.51it/s] all 57 103 0.102 0.483 0.253 0.104 Epoch gpu_mem box obj cls total targets img_size 44/299 2.43G 0.05217 0.02503 0.013 0.0902 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.18it/s] all 57 103 0.124 0.485 0.341 0.128 Epoch gpu_mem box obj cls total targets img_size 45/299 2.43G 0.05419 0.02554 0.01464 0.09437 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.168 0.422 0.276 0.127 Epoch gpu_mem box obj cls total targets img_size 46/299 2.43G 0.05129 0.0248 0.01362 0.08971 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.20it/s] all 57 103 0.192 0.506 0.432 0.15 Epoch gpu_mem box obj cls total targets img_size 47/299 2.43G 0.04734 0.02487 0.01288 0.08508 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.25it/s] all 57 103 0.135 0.497 0.431 0.202 Epoch gpu_mem box obj cls total targets img_size 48/299 2.43G 0.04488 0.02549 0.0119 0.08228 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.119 0.561 0.382 0.186 Epoch gpu_mem box obj cls total targets img_size 49/299 2.43G 0.0474 0.02294 0.01219 0.08253 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.121 0.553 0.371 0.15 Epoch gpu_mem box obj cls total targets img_size 50/299 2.43G 0.04668 0.02405 0.01278 0.0835 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.28it/s] all 57 103 0.18 0.567 0.458 0.188 Epoch gpu_mem box obj cls total targets img_size 51/299 2.43G 0.04932 0.02352 0.01184 0.08468 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.50it/s] all 57 103 0.0951 0.646 0.333 0.093 Epoch gpu_mem box obj cls total targets img_size 52/299 2.43G 0.04917 0.02134 0.01026 0.08077 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.37it/s] all 57 103 0.167 0.621 0.427 0.188 Epoch gpu_mem box obj cls total targets img_size 53/299 2.43G 0.04774 0.02357 0.0109 0.08222 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.26it/s] all 57 103 0.153 0.665 0.472 0.219 Epoch gpu_mem box obj cls total targets img_size 54/299 2.43G 0.04539 0.0219 0.01 0.07729 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.50it/s] all 57 103 0.205 0.659 0.494 0.243 Epoch gpu_mem box obj cls total targets img_size 55/299 2.43G 0.04569 0.02012 0.009973 0.07579 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.35it/s] all 57 103 0.152 0.594 0.456 0.181 Epoch gpu_mem box obj cls total targets img_size 56/299 2.43G 0.0463 0.02342 0.01042 0.08014 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.139 0.624 0.424 0.212 Epoch gpu_mem box obj cls total targets img_size 57/299 2.43G 0.04364 0.02241 0.009516 0.07557 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.193 0.596 0.373 0.156 Epoch gpu_mem box obj cls total targets img_size 58/299 2.43G 0.04942 0.02116 0.01048 0.08106 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.57it/s] all 57 103 0.166 0.592 0.371 0.174 Epoch gpu_mem box obj cls total targets img_size 59/299 2.43G 0.04138 0.02155 0.009771 0.0727 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.48it/s] all 57 103 0.142 0.628 0.454 0.242 Epoch gpu_mem box obj cls total targets img_size 60/299 2.43G 0.04214 0.02341 0.009384 0.07493 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.46it/s] all 57 103 0.162 0.65 0.424 0.219 Epoch gpu_mem box obj cls total targets img_size 61/299 2.43G 0.0432 0.02311 0.008905 0.07522 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.222 0.646 0.421 0.222 Epoch gpu_mem box obj cls total targets img_size 62/299 2.43G 0.04117 0.02207 0.009301 0.07255 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.44it/s] all 57 103 0.132 0.68 0.407 0.223 Epoch gpu_mem box obj cls total targets img_size 63/299 2.43G 0.04537 0.02284 0.009339 0.07755 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.168 0.672 0.449 0.193 Epoch gpu_mem box obj cls total targets img_size 64/299 2.43G 0.04182 0.02032 0.009327 0.07146 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.53it/s] all 57 103 0.238 0.681 0.457 0.23 Epoch gpu_mem box obj cls total targets img_size 65/299 2.43G 0.03866 0.01935 0.0083 0.06631 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.70it/s] all 57 103 0.205 0.671 0.421 0.175 Epoch gpu_mem box obj cls total targets img_size 66/299 2.43G 0.03806 0.0198 0.006619 0.06448 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.63it/s] all 57 103 0.273 0.622 0.434 0.234 Epoch gpu_mem box obj cls total targets img_size 67/299 2.43G 0.03892 0.02057 0.007326 0.06682 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.281 0.714 0.487 0.267 Epoch gpu_mem box obj cls total targets img_size 68/299 2.43G 0.04047 0.01994 0.008351 0.06876 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.47it/s] all 57 103 0.19 0.631 0.425 0.143 Epoch gpu_mem box obj cls total targets img_size 69/299 2.43G 0.04179 0.02189 0.008982 0.07266 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.46it/s] all 57 103 0.207 0.747 0.471 0.209 Epoch gpu_mem box obj cls total targets img_size 70/299 2.43G 0.04018 0.02089 0.007468 0.06854 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.219 0.737 0.48 0.252 Epoch gpu_mem box obj cls total targets img_size 71/299 2.43G 0.04123 0.02218 0.007247 0.07066 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.231 0.767 0.469 0.22 Epoch gpu_mem box obj cls total targets img_size 72/299 2.43G 0.03936 0.0191 0.007652 0.06612 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.43it/s] all 57 103 0.218 0.749 0.501 0.272 Epoch gpu_mem box obj cls total targets img_size 73/299 2.43G 0.03753 0.02132 0.008974 0.06783 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.24 0.812 0.508 0.292 Epoch gpu_mem box obj cls total targets img_size 74/299 2.43G 0.03592 0.01899 0.006671 0.06158 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.31 0.672 0.53 0.274 Epoch gpu_mem box obj cls total targets img_size 75/299 2.43G 0.03842 0.01918 0.007154 0.06475 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.54it/s] all 57 103 0.265 0.791 0.537 0.269 Epoch gpu_mem box obj cls total targets img_size 76/299 2.43G 0.0362 0.01811 0.006446 0.06076 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.49it/s] all 57 103 0.235 0.771 0.5 0.24 Epoch gpu_mem box obj cls total targets img_size 77/299 2.43G 0.03576 0.01865 0.006953 0.06136 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.75it/s] all 57 103 0.249 0.764 0.53 0.28 Epoch gpu_mem box obj cls total targets img_size 78/299 2.43G 0.03692 0.01994 0.006888 0.06375 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.54it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.36it/s] all 57 103 0.224 0.789 0.552 0.304 Epoch gpu_mem box obj cls total targets img_size 79/299 2.43G 0.03549 0.01853 0.006194 0.06021 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.79it/s] all 57 103 0.274 0.754 0.536 0.286 Epoch gpu_mem box obj cls total targets img_size 80/299 2.43G 0.0359 0.02058 0.006386 0.06286 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.52it/s] all 57 103 0.328 0.806 0.559 0.296 Epoch gpu_mem box obj cls total targets img_size 81/299 2.43G 0.03315 0.01756 0.005516 0.05622 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.65it/s] all 57 103 0.335 0.753 0.556 0.287 Epoch gpu_mem box obj cls total targets img_size 82/299 2.43G 0.03452 0.01766 0.006554 0.05874 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.79it/s] all 57 103 0.237 0.713 0.488 0.268 Epoch gpu_mem box obj cls total targets img_size 83/299 2.43G 0.03345 0.01829 0.006543 0.05828 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.2 0.758 0.545 0.322 Epoch gpu_mem box obj cls total targets img_size 84/299 2.43G 0.03388 0.01835 0.007187 0.05942 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.262 0.748 0.55 0.346 Epoch gpu_mem box obj cls total targets img_size 85/299 2.43G 0.03325 0.01779 0.006484 0.05751 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.51it/s] all 57 103 0.351 0.78 0.606 0.312 Epoch gpu_mem box obj cls total targets img_size 86/299 2.43G 0.03396 0.01783 0.006163 0.05796 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.48it/s] all 57 103 0.262 0.74 0.567 0.302 Epoch gpu_mem box obj cls total targets img_size 87/299 2.43G 0.03437 0.0197 0.005938 0.06001 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.55it/s] all 57 103 0.242 0.773 0.568 0.317 Epoch gpu_mem box obj cls total targets img_size 88/299 2.43G 0.03362 0.01886 0.005782 0.05826 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.70it/s] all 57 103 0.292 0.752 0.561 0.314 Epoch gpu_mem box obj cls total targets img_size 89/299 2.43G 0.03318 0.01795 0.005644 0.05677 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.274 0.706 0.486 0.286 Epoch gpu_mem box obj cls total targets img_size 90/299 2.43G 0.03332 0.01715 0.005659 0.05613 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.83it/s] all 57 103 0.267 0.769 0.582 0.327 Epoch gpu_mem box obj cls total targets img_size 91/299 2.43G 0.03404 0.0181 0.005435 0.05758 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.39it/s] all 57 103 0.356 0.838 0.607 0.311 Epoch gpu_mem box obj cls total targets img_size 92/299 2.43G 0.03549 0.0208 0.006398 0.06269 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.90it/s] all 57 103 0.31 0.833 0.602 0.339 Epoch gpu_mem box obj cls total targets img_size 93/299 2.43G 0.03404 0.01705 0.005716 0.0568 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.344 0.774 0.531 0.297 Epoch gpu_mem box obj cls total targets img_size 94/299 2.43G 0.03312 0.0173 0.00576 0.05617 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.37it/s] all 57 103 0.343 0.813 0.627 0.348 Epoch gpu_mem box obj cls total targets img_size 95/299 2.43G 0.03378 0.01787 0.005058 0.05671 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.77it/s] all 57 103 0.307 0.832 0.621 0.308 Epoch gpu_mem box obj cls total targets img_size 96/299 2.43G 0.03735 0.0177 0.005773 0.06082 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.67it/s] all 57 103 0.311 0.826 0.632 0.348 Epoch gpu_mem box obj cls total targets img_size 97/299 2.43G 0.03399 0.01819 0.005757 0.05793 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.52it/s] all 57 103 0.364 0.792 0.621 0.341 Epoch gpu_mem box obj cls total targets img_size 98/299 2.43G 0.03185 0.01911 0.005624 0.05659 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.77it/s] all 57 103 0.314 0.833 0.652 0.36 Epoch gpu_mem box obj cls total targets img_size 99/299 2.43G 0.03287 0.01776 0.005935 0.05656 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.291 0.805 0.624 0.359 Epoch gpu_mem box obj cls total targets img_size 100/299 2.43G 0.03178 0.01792 0.005965 0.05566 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.304 0.813 0.626 0.355 Epoch gpu_mem box obj cls total targets img_size 101/299 2.43G 0.03299 0.01742 0.005092 0.0555 14 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.308 0.838 0.604 0.359 Epoch gpu_mem box obj cls total targets img_size 102/299 2.43G 0.03056 0.01646 0.005417 0.05244 10 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.78it/s] all 57 103 0.32 0.805 0.625 0.359 Epoch gpu_mem box obj cls total targets img_size 103/299 2.43G 0.03087 0.01678 0.005149 0.05279 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.56it/s] all 57 103 0.325 0.825 0.627 0.395 Epoch gpu_mem box obj cls total targets img_size 104/299 2.43G 0.02994 0.01628 0.004793 0.05101 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.56it/s] all 57 103 0.336 0.798 0.558 0.301 Epoch gpu_mem box obj cls total targets img_size 105/299 2.43G 0.0306 0.01737 0.005283 0.05325 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.67it/s] all 57 103 0.311 0.772 0.587 0.334 Epoch gpu_mem box obj cls total targets img_size 106/299 2.43G 0.0306 0.01722 0.004643 0.05246 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.42it/s] all 57 103 0.315 0.799 0.605 0.346 Epoch gpu_mem box obj cls total targets img_size 107/299 2.43G 0.03152 0.01766 0.004846 0.05403 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.78it/s] all 57 103 0.322 0.772 0.55 0.346 Epoch gpu_mem box obj cls total targets img_size 108/299 2.43G 0.02881 0.0165 0.005264 0.05057 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.371 0.782 0.619 0.32 Epoch gpu_mem box obj cls total targets img_size 109/299 2.43G 0.02968 0.0168 0.004472 0.05095 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.33 0.746 0.554 0.33 Epoch gpu_mem box obj cls total targets img_size 110/299 2.43G 0.02861 0.01668 0.004374 0.04966 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.378 0.803 0.597 0.329 Epoch gpu_mem box obj cls total targets img_size 111/299 2.43G 0.02942 0.01602 0.005002 0.05044 9 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.64it/s] all 57 103 0.42 0.792 0.614 0.339 Epoch gpu_mem box obj cls total targets img_size 112/299 2.43G 0.02876 0.01683 0.004692 0.05028 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.51it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.76it/s] all 57 103 0.411 0.843 0.648 0.373 Epoch gpu_mem box obj cls total targets img_size 113/299 2.43G 0.02684 0.01536 0.005063 0.04727 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.414 0.777 0.631 0.385 Epoch gpu_mem box obj cls total targets img_size 114/299 2.43G 0.0287 0.01606 0.004585 0.04934 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.55it/s] all 57 103 0.402 0.827 0.689 0.392 Epoch gpu_mem box obj cls total targets img_size 115/299 2.43G 0.03028 0.01609 0.004971 0.05134 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.76it/s] all 57 103 0.402 0.847 0.701 0.398 Epoch gpu_mem box obj cls total targets img_size 116/299 2.43G 0.02996 0.01622 0.004953 0.05113 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.54it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.94it/s] all 57 103 0.384 0.878 0.663 0.391 Epoch gpu_mem box obj cls total targets img_size 117/299 2.43G 0.02713 0.01622 0.00438 0.04773 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.56it/s] all 57 103 0.414 0.812 0.649 0.38 Epoch gpu_mem box obj cls total targets img_size 118/299 2.43G 0.02758 0.01639 0.004109 0.04808 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.79it/s] all 57 103 0.363 0.86 0.659 0.391 Epoch gpu_mem box obj cls total targets img_size 119/299 2.43G 0.02744 0.01547 0.004419 0.04734 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.05it/s] all 57 103 0.393 0.878 0.698 0.403 Epoch gpu_mem box obj cls total targets img_size 120/299 2.43G 0.02835 0.01629 0.004173 0.04881 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.00it/s] all 57 103 0.467 0.847 0.721 0.426 Epoch gpu_mem box obj cls total targets img_size 121/299 2.43G 0.0295 0.01612 0.003993 0.04961 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.93it/s] all 57 103 0.369 0.866 0.682 0.37 Epoch gpu_mem box obj cls total targets img_size 122/299 2.43G 0.02747 0.01493 0.004302 0.04671 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.49it/s] all 57 103 0.478 0.815 0.692 0.432 Epoch gpu_mem box obj cls total targets img_size 123/299 2.43G 0.02625 0.016 0.004399 0.04665 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.80it/s] all 57 103 0.402 0.839 0.678 0.397 Epoch gpu_mem box obj cls total targets img_size 124/299 2.43G 0.02914 0.01556 0.004529 0.04923 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.56it/s] all 57 103 0.454 0.815 0.687 0.411 Epoch gpu_mem box obj cls total targets img_size 125/299 2.43G 0.03065 0.01657 0.004537 0.05176 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.379 0.79 0.643 0.395 Epoch gpu_mem box obj cls total targets img_size 126/299 2.43G 0.02671 0.01491 0.004415 0.04603 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.49it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.71it/s] all 57 103 0.409 0.843 0.663 0.409 Epoch gpu_mem box obj cls total targets img_size 127/299 2.43G 0.02809 0.01675 0.005276 0.05011 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.46it/s] all 57 103 0.383 0.836 0.647 0.395 Epoch gpu_mem box obj cls total targets img_size 128/299 2.43G 0.02773 0.01567 0.004405 0.0478 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.52it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.406 0.781 0.608 0.351 Epoch gpu_mem box obj cls total targets img_size 129/299 2.43G 0.0278 0.01484 0.003773 0.04641 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.50it/s] all 57 103 0.343 0.758 0.612 0.333 Epoch gpu_mem box obj cls total targets img_size 130/299 2.43G 0.02869 0.01472 0.003982 0.04739 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.42it/s] all 57 103 0.431 0.802 0.616 0.406 Epoch gpu_mem box obj cls total targets img_size 131/299 2.43G 0.02677 0.01537 0.004505 0.04664 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.52it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.384 0.821 0.642 0.372 Epoch gpu_mem box obj cls total targets img_size 132/299 2.43G 0.02754 0.01559 0.003989 0.04712 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.406 0.856 0.667 0.363 Epoch gpu_mem box obj cls total targets img_size 133/299 2.43G 0.0288 0.01656 0.004568 0.04993 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.57it/s] all 57 103 0.409 0.835 0.629 0.391 Epoch gpu_mem box obj cls total targets img_size 134/299 2.43G 0.0271 0.01609 0.004447 0.04764 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.27it/s] all 57 103 0.309 0.88 0.652 0.384 Epoch gpu_mem box obj cls total targets img_size 135/299 2.43G 0.02629 0.01528 0.004705 0.04628 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.25it/s] all 57 103 0.321 0.836 0.647 0.411 Epoch gpu_mem box obj cls total targets img_size 136/299 2.43G 0.0281 0.0152 0.003872 0.04718 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.349 0.868 0.674 0.386 Epoch gpu_mem box obj cls total targets img_size 137/299 2.43G 0.02963 0.01573 0.004441 0.0498 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.273 0.817 0.613 0.378 Epoch gpu_mem box obj cls total targets img_size 138/299 2.43G 0.02675 0.01557 0.004881 0.04721 9 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.48it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.27it/s] all 57 103 0.287 0.822 0.635 0.398 Epoch gpu_mem box obj cls total targets img_size 139/299 2.43G 0.02654 0.01525 0.003914 0.0457 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.49it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.49it/s] all 57 103 0.319 0.843 0.651 0.396 Epoch gpu_mem box obj cls total targets img_size 140/299 2.43G 0.02521 0.01531 0.004117 0.04464 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.75it/s] all 57 103 0.33 0.796 0.623 0.386 Epoch gpu_mem box obj cls total targets img_size 141/299 2.43G 0.02583 0.01457 0.004458 0.04486 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.374 0.855 0.689 0.431 Epoch gpu_mem box obj cls total targets img_size 142/299 2.43G 0.02647 0.01522 0.00391 0.04561 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.362 0.766 0.584 0.358 Epoch gpu_mem box obj cls total targets img_size 143/299 2.43G 0.0267 0.01523 0.004624 0.04656 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.53it/s] all 57 103 0.308 0.819 0.62 0.402 Epoch gpu_mem box obj cls total targets img_size 144/299 2.43G 0.02525 0.01536 0.003873 0.04448 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.52it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.32it/s] all 57 103 0.326 0.781 0.594 0.382 Epoch gpu_mem box obj cls total targets img_size 145/299 2.43G 0.02505 0.01542 0.003735 0.0442 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.362 0.829 0.657 0.401 Epoch gpu_mem box obj cls total targets img_size 146/299 2.43G 0.02431 0.0148 0.003766 0.04287 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.65it/s] all 57 103 0.359 0.862 0.691 0.419 Epoch gpu_mem box obj cls total targets img_size 147/299 2.43G 0.02514 0.01441 0.003585 0.04313 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.64it/s] all 57 103 0.368 0.869 0.7 0.428 Epoch gpu_mem box obj cls total targets img_size 148/299 2.43G 0.02432 0.01504 0.004042 0.04339 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.40it/s] all 57 103 0.387 0.881 0.697 0.434 Epoch gpu_mem box obj cls total targets img_size 149/299 2.43G 0.02458 0.01449 0.003507 0.04257 11 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.37 0.85 0.675 0.412 Epoch gpu_mem box obj cls total targets img_size 150/299 2.43G 0.02367 0.01509 0.003546 0.04231 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.42 0.861 0.721 0.453 Epoch gpu_mem box obj cls total targets img_size 151/299 2.43G 0.02525 0.01527 0.003436 0.04396 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.48it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.75it/s] all 57 103 0.413 0.88 0.706 0.454 Epoch gpu_mem box obj cls total targets img_size 152/299 2.43G 0.02373 0.01337 0.003668 0.04077 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.54it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.99it/s] all 57 103 0.364 0.875 0.699 0.443 Epoch gpu_mem box obj cls total targets img_size 153/299 2.43G 0.02349 0.01299 0.003501 0.03999 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.44it/s] all 57 103 0.369 0.822 0.674 0.443 Epoch gpu_mem box obj cls total targets img_size 154/299 2.43G 0.02625 0.01446 0.003704 0.04441 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.395 0.875 0.713 0.427 Epoch gpu_mem box obj cls total targets img_size 155/299 2.43G 0.02579 0.01478 0.004171 0.04475 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.444 0.829 0.674 0.432 Epoch gpu_mem box obj cls total targets img_size 156/299 2.43G 0.02404 0.01381 0.003323 0.04118 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.429 0.823 0.635 0.391 Epoch gpu_mem box obj cls total targets img_size 157/299 2.43G 0.02599 0.01433 0.003423 0.04374 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.76it/s] all 57 103 0.441 0.795 0.648 0.405 Epoch gpu_mem box obj cls total targets img_size 158/299 2.43G 0.02614 0.01454 0.003869 0.04455 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.436 0.827 0.625 0.402 Epoch gpu_mem box obj cls total targets img_size 159/299 2.43G 0.02428 0.01374 0.003366 0.04139 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.65it/s] all 57 103 0.466 0.786 0.677 0.439 Epoch gpu_mem box obj cls total targets img_size 160/299 2.43G 0.02389 0.01372 0.003764 0.04137 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.40it/s] all 57 103 0.436 0.82 0.669 0.401 Epoch gpu_mem box obj cls total targets img_size 161/299 2.43G 0.02445 0.01375 0.003565 0.04176 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.64it/s] all 57 103 0.447 0.778 0.615 0.391 Epoch gpu_mem box obj cls total targets img_size 162/299 2.43G 0.02226 0.01348 0.003303 0.03904 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.92it/s] all 57 103 0.479 0.815 0.623 0.407 Epoch gpu_mem box obj cls total targets img_size 163/299 2.43G 0.02415 0.01418 0.00365 0.04198 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.63it/s] all 57 103 0.425 0.829 0.653 0.428 Epoch gpu_mem box obj cls total targets img_size 164/299 2.43G 0.02333 0.01394 0.003517 0.04079 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.86it/s] all 57 103 0.407 0.809 0.6 0.403 Epoch gpu_mem box obj cls total targets img_size 165/299 2.43G 0.02434 0.01329 0.003274 0.04091 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.394 0.87 0.674 0.425 Epoch gpu_mem box obj cls total targets img_size 166/299 2.43G 0.02314 0.01382 0.003658 0.04062 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.77it/s] all 57 103 0.351 0.862 0.687 0.416 Epoch gpu_mem box obj cls total targets img_size 167/299 2.43G 0.02347 0.01462 0.003777 0.04187 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.399 0.875 0.663 0.423 Epoch gpu_mem box obj cls total targets img_size 168/299 2.43G 0.02398 0.01546 0.003649 0.04309 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.78it/s] all 57 103 0.396 0.869 0.688 0.42 Epoch gpu_mem box obj cls total targets img_size 169/299 2.43G 0.0242 0.01396 0.003453 0.04162 7 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.47it/s] all 57 103 0.439 0.834 0.674 0.433 Epoch gpu_mem box obj cls total targets img_size 170/299 2.43G 0.02324 0.0136 0.003848 0.04069 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.49it/s] all 57 103 0.455 0.838 0.66 0.434 Epoch gpu_mem box obj cls total targets img_size 171/299 2.43G 0.02178 0.01304 0.003242 0.03806 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.49it/s] all 57 103 0.435 0.849 0.677 0.415 Epoch gpu_mem box obj cls total targets img_size 172/299 2.43G 0.02146 0.01328 0.003416 0.03815 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.91it/s] all 57 103 0.424 0.814 0.658 0.442 Epoch gpu_mem box obj cls total targets img_size 173/299 2.43G 0.023 0.01379 0.00354 0.04033 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.406 0.78 0.658 0.439 Epoch gpu_mem box obj cls total targets img_size 174/299 2.43G 0.02109 0.01316 0.003142 0.0374 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.462 0.774 0.637 0.422 Epoch gpu_mem box obj cls total targets img_size 175/299 2.43G 0.02362 0.01431 0.004097 0.04202 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.49it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:05<00:00, 10.92it/s] all 57 103 0.477 0.853 0.688 0.44 Epoch gpu_mem box obj cls total targets img_size 176/299 2.43G 0.02228 0.01427 0.003258 0.03981 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:35<00:00, 3.38it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.461 0.821 0.674 0.44 Epoch gpu_mem box obj cls total targets img_size 177/299 2.43G 0.02281 0.01316 0.003519 0.03948 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:35<00:00, 3.36it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:05<00:00, 10.78it/s] all 57 103 0.457 0.814 0.636 0.415 Epoch gpu_mem box obj cls total targets img_size 178/299 2.43G 0.02299 0.01414 0.003049 0.04018 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:33<00:00, 3.43it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.90it/s] all 57 103 0.381 0.827 0.647 0.419 Epoch gpu_mem box obj cls total targets img_size 179/299 2.43G 0.02248 0.01422 0.003137 0.03983 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.46it/s] all 57 103 0.444 0.808 0.648 0.428 Epoch gpu_mem box obj cls total targets img_size 180/299 2.43G 0.02201 0.01339 0.003297 0.0387 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.51it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.55it/s] all 57 103 0.394 0.819 0.636 0.427 Epoch gpu_mem box obj cls total targets img_size 181/299 2.43G 0.02341 0.01423 0.003172 0.04081 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:33<00:00, 3.45it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.51it/s] all 57 103 0.373 0.787 0.591 0.402 Epoch gpu_mem box obj cls total targets img_size 182/299 2.43G 0.02317 0.01382 0.003282 0.04027 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:32<00:00, 3.47it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.94it/s] all 57 103 0.394 0.829 0.667 0.417 Epoch gpu_mem box obj cls total targets img_size 183/299 2.43G 0.02258 0.01351 0.004167 0.04026 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.51it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.92it/s] all 57 103 0.4 0.84 0.651 0.43 Epoch gpu_mem box obj cls total targets img_size 184/299 2.43G 0.02136 0.01382 0.003306 0.03849 9 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.51it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.76it/s] all 57 103 0.455 0.867 0.665 0.428 Epoch gpu_mem box obj cls total targets img_size 185/299 2.43G 0.02107 0.01335 0.003268 0.03768 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.08it/s] all 57 103 0.444 0.847 0.634 0.412 Epoch gpu_mem box obj cls total targets img_size 186/299 2.43G 0.0211 0.01268 0.003402 0.03718 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.96it/s] all 57 103 0.393 0.905 0.677 0.419 Epoch gpu_mem box obj cls total targets img_size 187/299 2.43G 0.02312 0.01418 0.003308 0.04061 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.93it/s] all 57 103 0.467 0.861 0.668 0.439 Epoch gpu_mem box obj cls total targets img_size 188/299 2.43G 0.02108 0.01234 0.002965 0.03638 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.498 0.876 0.691 0.428 Epoch gpu_mem box obj cls total targets img_size 189/299 2.43G 0.02348 0.01385 0.003846 0.04117 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.02it/s] all 57 103 0.442 0.895 0.726 0.454 Epoch gpu_mem box obj cls total targets img_size 190/299 2.43G 0.02176 0.01312 0.003204 0.03808 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.22it/s] all 57 103 0.421 0.856 0.72 0.468 Epoch gpu_mem box obj cls total targets img_size 191/299 2.43G 0.02165 0.01288 0.003115 0.03765 8 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.02it/s] all 57 103 0.387 0.837 0.7 0.457 Epoch gpu_mem box obj cls total targets img_size 192/299 2.43G 0.02142 0.01305 0.003102 0.03757 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.71it/s] all 57 103 0.411 0.862 0.707 0.458 Epoch gpu_mem box obj cls total targets img_size 193/299 2.43G 0.02202 0.01333 0.003568 0.03891 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.393 0.848 0.672 0.444 Epoch gpu_mem box obj cls total targets img_size 194/299 2.43G 0.02148 0.01339 0.003613 0.03849 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.455 0.82 0.66 0.435 Epoch gpu_mem box obj cls total targets img_size 195/299 2.43G 0.01991 0.01289 0.003209 0.03601 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.64it/s] all 57 103 0.412 0.821 0.649 0.43 Epoch gpu_mem box obj cls total targets img_size 196/299 2.43G 0.02178 0.01267 0.003263 0.03771 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.50it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.43 0.873 0.672 0.452 Epoch gpu_mem box obj cls total targets img_size 197/299 2.43G 0.02067 0.01259 0.002797 0.03606 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 11.73it/s] all 57 103 0.441 0.82 0.637 0.44 Epoch gpu_mem box obj cls total targets img_size 198/299 2.43G 0.02031 0.01302 0.002683 0.03601 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:33<00:00, 3.45it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.41it/s] all 57 103 0.407 0.795 0.6 0.409 Epoch gpu_mem box obj cls total targets img_size 199/299 2.43G 0.02086 0.01294 0.003502 0.0373 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.66it/s] all 57 103 0.385 0.814 0.617 0.422 Epoch gpu_mem box obj cls total targets img_size 200/299 2.43G 0.02009 0.01249 0.003339 0.03592 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.51it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.07it/s] all 57 103 0.387 0.84 0.674 0.436 Epoch gpu_mem box obj cls total targets img_size 201/299 2.43G 0.02145 0.01276 0.00343 0.03765 13 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.83it/s] all 57 103 0.341 0.835 0.714 0.453 Epoch gpu_mem box obj cls total targets img_size 202/299 2.43G 0.02104 0.01337 0.003136 0.03755 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.379 0.881 0.704 0.472 Epoch gpu_mem box obj cls total targets img_size 203/299 2.43G 0.0207 0.01251 0.002994 0.0362 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.77it/s] all 57 103 0.478 0.856 0.695 0.467 Epoch gpu_mem box obj cls total targets img_size 204/299 2.43G 0.02053 0.01176 0.003076 0.03537 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.36it/s] all 57 103 0.417 0.848 0.692 0.469 Epoch gpu_mem box obj cls total targets img_size 205/299 2.43G 0.01865 0.01227 0.003146 0.03407 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.425 0.862 0.712 0.478 Epoch gpu_mem box obj cls total targets img_size 206/299 2.43G 0.0203 0.01302 0.003192 0.03651 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.78it/s] all 57 103 0.431 0.854 0.694 0.472 Epoch gpu_mem box obj cls total targets img_size 207/299 2.43G 0.01916 0.01231 0.002468 0.03393 8 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.424 0.868 0.722 0.491 Epoch gpu_mem box obj cls total targets img_size 208/299 2.43G 0.02086 0.01262 0.002811 0.03629 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.54it/s] all 57 103 0.468 0.862 0.711 0.453 Epoch gpu_mem box obj cls total targets img_size 209/299 2.43G 0.02125 0.01325 0.002528 0.03703 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.53it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.77it/s] all 57 103 0.445 0.86 0.695 0.473 Epoch gpu_mem box obj cls total targets img_size 210/299 2.43G 0.01928 0.0125 0.003145 0.03493 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.81it/s] all 57 103 0.477 0.825 0.673 0.453 Epoch gpu_mem box obj cls total targets img_size 211/299 2.43G 0.0205 0.01244 0.003356 0.03629 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.473 0.84 0.67 0.464 Epoch gpu_mem box obj cls total targets img_size 212/299 2.43G 0.02035 0.01213 0.002483 0.03497 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.475 0.872 0.693 0.488 Epoch gpu_mem box obj cls total targets img_size 213/299 2.43G 0.02 0.01275 0.00255 0.0353 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.82it/s] all 57 103 0.509 0.837 0.671 0.471 Epoch gpu_mem box obj cls total targets img_size 214/299 2.43G 0.01935 0.01216 0.002475 0.03398 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.435 0.881 0.754 0.509 Epoch gpu_mem box obj cls total targets img_size 215/299 2.43G 0.01933 0.01207 0.002916 0.03432 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.44it/s] all 57 103 0.501 0.899 0.72 0.481 Epoch gpu_mem box obj cls total targets img_size 216/299 2.43G 0.01975 0.0125 0.003182 0.03543 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.57it/s] all 57 103 0.527 0.84 0.707 0.476 Epoch gpu_mem box obj cls total targets img_size 217/299 2.43G 0.02017 0.01337 0.002712 0.03625 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.79it/s] all 57 103 0.522 0.839 0.701 0.478 Epoch gpu_mem box obj cls total targets img_size 218/299 2.43G 0.01974 0.01216 0.002282 0.03418 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.91it/s] all 57 103 0.477 0.818 0.715 0.464 Epoch gpu_mem box obj cls total targets img_size 219/299 2.43G 0.0202 0.01322 0.002866 0.03628 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.475 0.853 0.725 0.48 Epoch gpu_mem box obj cls total targets img_size 220/299 2.43G 0.01863 0.01148 0.002452 0.03256 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.68it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.48it/s] all 57 103 0.492 0.833 0.68 0.439 Epoch gpu_mem box obj cls total targets img_size 221/299 2.43G 0.01897 0.01298 0.003193 0.03515 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.63it/s] all 57 103 0.453 0.834 0.662 0.46 Epoch gpu_mem box obj cls total targets img_size 222/299 2.43G 0.02002 0.01226 0.002568 0.03485 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.483 0.814 0.678 0.47 Epoch gpu_mem box obj cls total targets img_size 223/299 2.43G 0.02041 0.0125 0.003124 0.03604 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.85it/s] all 57 103 0.44 0.867 0.696 0.475 Epoch gpu_mem box obj cls total targets img_size 224/299 2.43G 0.01821 0.01113 0.002686 0.03203 12 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.67it/s] all 57 103 0.438 0.867 0.699 0.466 Epoch gpu_mem box obj cls total targets img_size 225/299 2.43G 0.01775 0.01145 0.00266 0.03186 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.67it/s] all 57 103 0.433 0.844 0.68 0.463 Epoch gpu_mem box obj cls total targets img_size 226/299 2.43G 0.01754 0.01145 0.002396 0.03139 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.54it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.462 0.892 0.738 0.477 Epoch gpu_mem box obj cls total targets img_size 227/299 2.43G 0.01809 0.01156 0.002784 0.03244 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.88it/s] all 57 103 0.427 0.865 0.733 0.501 Epoch gpu_mem box obj cls total targets img_size 228/299 2.43G 0.01959 0.01229 0.002776 0.03466 11 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.75it/s] all 57 103 0.447 0.887 0.742 0.486 Epoch gpu_mem box obj cls total targets img_size 229/299 2.43G 0.01866 0.01244 0.00261 0.0337 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.72it/s] all 57 103 0.435 0.881 0.707 0.488 Epoch gpu_mem box obj cls total targets img_size 230/299 2.43G 0.01916 0.01264 0.002658 0.03446 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:31<00:00, 3.52it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.99it/s] all 57 103 0.434 0.852 0.689 0.467 Epoch gpu_mem box obj cls total targets img_size 231/299 2.43G 0.01781 0.01191 0.002683 0.03241 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.57it/s] all 57 103 0.429 0.842 0.698 0.471 Epoch gpu_mem box obj cls total targets img_size 232/299 2.43G 0.01853 0.01276 0.002781 0.03406 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.04it/s] all 57 103 0.451 0.868 0.687 0.463 Epoch gpu_mem box obj cls total targets img_size 233/299 2.43G 0.01953 0.01314 0.002765 0.03544 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.82it/s] all 57 103 0.437 0.854 0.705 0.467 Epoch gpu_mem box obj cls total targets img_size 234/299 2.43G 0.01903 0.01198 0.002804 0.03381 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.80it/s] all 57 103 0.458 0.872 0.706 0.465 Epoch gpu_mem box obj cls total targets img_size 235/299 2.43G 0.01912 0.0117 0.002807 0.03363 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.438 0.894 0.736 0.485 Epoch gpu_mem box obj cls total targets img_size 236/299 2.43G 0.01867 0.01211 0.002454 0.03324 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.453 0.845 0.695 0.478 Epoch gpu_mem box obj cls total targets img_size 237/299 2.43G 0.01817 0.01154 0.002487 0.0322 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.82it/s] all 57 103 0.418 0.9 0.758 0.509 Epoch gpu_mem box obj cls total targets img_size 238/299 2.43G 0.01775 0.01088 0.002732 0.03136 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.14it/s] all 57 103 0.426 0.886 0.768 0.532 Epoch gpu_mem box obj cls total targets img_size 239/299 2.43G 0.01836 0.01193 0.002788 0.03308 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.19it/s] all 57 103 0.426 0.872 0.734 0.487 Epoch gpu_mem box obj cls total targets img_size 240/299 2.43G 0.01895 0.01167 0.002924 0.03355 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.62it/s] all 57 103 0.415 0.872 0.723 0.482 Epoch gpu_mem box obj cls total targets img_size 241/299 2.43G 0.01778 0.0118 0.002609 0.03219 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.23it/s] all 57 103 0.391 0.852 0.724 0.478 Epoch gpu_mem box obj cls total targets img_size 242/299 2.43G 0.01928 0.01168 0.002469 0.03343 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.81it/s] all 57 103 0.426 0.825 0.701 0.467 Epoch gpu_mem box obj cls total targets img_size 243/299 2.43G 0.01952 0.01298 0.0029 0.0354 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.56it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.71it/s] all 57 103 0.404 0.839 0.72 0.472 Epoch gpu_mem box obj cls total targets img_size 244/299 2.43G 0.01874 0.01241 0.002605 0.03375 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.89it/s] all 57 103 0.386 0.839 0.722 0.477 Epoch gpu_mem box obj cls total targets img_size 245/299 2.43G 0.01942 0.01195 0.002551 0.03392 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.92it/s] all 57 103 0.415 0.845 0.74 0.488 Epoch gpu_mem box obj cls total targets img_size 246/299 2.43G 0.01827 0.01223 0.002851 0.03335 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.417 0.828 0.713 0.496 Epoch gpu_mem box obj cls total targets img_size 247/299 2.43G 0.01721 0.01162 0.002491 0.03132 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.64it/s] all 57 103 0.404 0.791 0.7 0.472 Epoch gpu_mem box obj cls total targets img_size 248/299 2.43G 0.01847 0.01229 0.002798 0.03356 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.54it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.428 0.873 0.71 0.479 Epoch gpu_mem box obj cls total targets img_size 249/299 2.43G 0.01817 0.0116 0.002748 0.03252 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.477 0.865 0.726 0.491 Epoch gpu_mem box obj cls total targets img_size 250/299 2.43G 0.0181 0.01112 0.002843 0.03206 12 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.85it/s] all 57 103 0.429 0.895 0.746 0.497 Epoch gpu_mem box obj cls total targets img_size 251/299 2.43G 0.01771 0.01202 0.002533 0.03226 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.59it/s] all 57 103 0.481 0.859 0.712 0.469 Epoch gpu_mem box obj cls total targets img_size 252/299 2.43G 0.01787 0.01189 0.002371 0.03212 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.59it/s] all 57 103 0.439 0.887 0.733 0.489 Epoch gpu_mem box obj cls total targets img_size 253/299 2.43G 0.01885 0.01227 0.002962 0.03408 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.86it/s] all 57 103 0.421 0.906 0.753 0.502 Epoch gpu_mem box obj cls total targets img_size 254/299 2.43G 0.01811 0.01145 0.00257 0.03212 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.00it/s] all 57 103 0.392 0.885 0.742 0.503 Epoch gpu_mem box obj cls total targets img_size 255/299 2.43G 0.01812 0.01121 0.002441 0.03177 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.60it/s] all 57 103 0.428 0.88 0.762 0.516 Epoch gpu_mem box obj cls total targets img_size 256/299 2.43G 0.01741 0.011 0.002667 0.03108 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.448 0.839 0.755 0.5 Epoch gpu_mem box obj cls total targets img_size 257/299 2.43G 0.01799 0.01201 0.002673 0.03268 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.02it/s] all 57 103 0.395 0.884 0.766 0.506 Epoch gpu_mem box obj cls total targets img_size 258/299 2.43G 0.01883 0.01199 0.003059 0.03388 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.65it/s] all 57 103 0.413 0.853 0.736 0.486 Epoch gpu_mem box obj cls total targets img_size 259/299 2.43G 0.01816 0.01113 0.002828 0.03211 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.405 0.845 0.692 0.48 Epoch gpu_mem box obj cls total targets img_size 260/299 2.43G 0.01734 0.01109 0.002441 0.03087 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.69it/s] all 57 103 0.403 0.878 0.73 0.489 Epoch gpu_mem box obj cls total targets img_size 261/299 2.43G 0.0175 0.0115 0.002332 0.03133 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.429 0.862 0.718 0.487 Epoch gpu_mem box obj cls total targets img_size 262/299 2.43G 0.01661 0.01092 0.002367 0.0299 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.82it/s] all 57 103 0.448 0.851 0.726 0.497 Epoch gpu_mem box obj cls total targets img_size 263/299 2.43G 0.0176 0.01252 0.002947 0.03307 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.419 0.858 0.727 0.494 Epoch gpu_mem box obj cls total targets img_size 264/299 2.43G 0.01701 0.01121 0.002331 0.03055 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.58it/s] all 57 103 0.44 0.845 0.723 0.498 Epoch gpu_mem box obj cls total targets img_size 265/299 2.43G 0.01706 0.01065 0.002487 0.03019 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.98it/s] all 57 103 0.431 0.873 0.713 0.491 Epoch gpu_mem box obj cls total targets img_size 266/299 2.43G 0.01701 0.01153 0.002411 0.03095 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.94it/s] all 57 103 0.456 0.846 0.731 0.479 Epoch gpu_mem box obj cls total targets img_size 267/299 2.43G 0.01845 0.01148 0.002625 0.03255 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.47 0.832 0.712 0.479 Epoch gpu_mem box obj cls total targets img_size 268/299 2.43G 0.01839 0.01196 0.002425 0.03277 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.95it/s] all 57 103 0.446 0.839 0.716 0.472 Epoch gpu_mem box obj cls total targets img_size 269/299 2.43G 0.0178 0.01214 0.00255 0.03249 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.72it/s] all 57 103 0.426 0.82 0.674 0.458 Epoch gpu_mem box obj cls total targets img_size 270/299 2.43G 0.01676 0.01113 0.002497 0.03038 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.406 0.827 0.702 0.464 Epoch gpu_mem box obj cls total targets img_size 271/299 2.43G 0.01663 0.01057 0.002172 0.02937 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.66it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.76it/s] all 57 103 0.413 0.786 0.69 0.469 Epoch gpu_mem box obj cls total targets img_size 272/299 2.43G 0.01722 0.01176 0.002627 0.0316 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.53it/s] all 57 103 0.402 0.798 0.688 0.457 Epoch gpu_mem box obj cls total targets img_size 273/299 2.43G 0.01664 0.01073 0.002523 0.02989 17 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.73it/s] all 57 103 0.404 0.827 0.691 0.471 Epoch gpu_mem box obj cls total targets img_size 274/299 2.43G 0.01716 0.01118 0.002337 0.03068 5 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.65it/s] all 57 103 0.415 0.882 0.721 0.472 Epoch gpu_mem box obj cls total targets img_size 275/299 2.43G 0.01811 0.01135 0.002946 0.03241 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.61it/s] all 57 103 0.424 0.882 0.75 0.49 Epoch gpu_mem box obj cls total targets img_size 276/299 2.43G 0.01718 0.01132 0.002667 0.03117 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.58it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.09it/s] all 57 103 0.384 0.859 0.747 0.484 Epoch gpu_mem box obj cls total targets img_size 277/299 2.43G 0.01749 0.01084 0.002717 0.03105 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.87it/s] all 57 103 0.406 0.836 0.735 0.487 Epoch gpu_mem box obj cls total targets img_size 278/299 2.43G 0.01732 0.01149 0.002163 0.03097 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.83it/s] all 57 103 0.42 0.786 0.676 0.465 Epoch gpu_mem box obj cls total targets img_size 279/299 2.43G 0.01743 0.01136 0.002591 0.03138 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.83it/s] all 57 103 0.421 0.806 0.674 0.467 Epoch gpu_mem box obj cls total targets img_size 280/299 2.43G 0.01707 0.01085 0.002634 0.03055 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.67it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.10it/s] all 57 103 0.45 0.779 0.659 0.463 Epoch gpu_mem box obj cls total targets img_size 281/299 2.43G 0.0168 0.01058 0.002252 0.02964 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.462 0.786 0.682 0.474 Epoch gpu_mem box obj cls total targets img_size 282/299 2.43G 0.01718 0.01033 0.002154 0.02966 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.03it/s] all 57 103 0.469 0.805 0.695 0.478 Epoch gpu_mem box obj cls total targets img_size 283/299 2.43G 0.01651 0.01017 0.002366 0.02905 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.61it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.07it/s] all 57 103 0.474 0.798 0.697 0.471 Epoch gpu_mem box obj cls total targets img_size 284/299 2.43G 0.01743 0.01198 0.00273 0.03213 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.64it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.94it/s] all 57 103 0.45 0.826 0.724 0.48 Epoch gpu_mem box obj cls total targets img_size 285/299 2.43G 0.0152 0.009593 0.001749 0.02654 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.65it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.04it/s] all 57 103 0.426 0.851 0.743 0.483 Epoch gpu_mem box obj cls total targets img_size 286/299 2.43G 0.01663 0.01053 0.001972 0.02913 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.57it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.98it/s] all 57 103 0.458 0.859 0.739 0.482 Epoch gpu_mem box obj cls total targets img_size 287/299 2.43G 0.01711 0.01092 0.002532 0.03056 9 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.15it/s] all 57 103 0.436 0.853 0.744 0.483 Epoch gpu_mem box obj cls total targets img_size 288/299 2.43G 0.01765 0.01128 0.002782 0.03171 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.59it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.78it/s] all 57 103 0.405 0.827 0.712 0.47 Epoch gpu_mem box obj cls total targets img_size 289/299 2.43G 0.01586 0.01105 0.002105 0.02902 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.21it/s] all 57 103 0.429 0.835 0.732 0.483 Epoch gpu_mem box obj cls total targets img_size 290/299 2.43G 0.0169 0.0118 0.002277 0.03097 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:30<00:00, 3.55it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.15it/s] all 57 103 0.408 0.866 0.752 0.488 Epoch gpu_mem box obj cls total targets img_size 291/299 2.43G 0.01786 0.01151 0.002495 0.03187 0 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 13.11it/s] all 57 103 0.411 0.821 0.712 0.471 Epoch gpu_mem box obj cls total targets img_size 292/299 2.43G 0.01662 0.01124 0.002004 0.02987 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.75it/s] all 57 103 0.414 0.846 0.721 0.479 Epoch gpu_mem box obj cls total targets img_size 293/299 2.43G 0.01775 0.01204 0.002904 0.0327 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.407 0.819 0.703 0.479 Epoch gpu_mem box obj cls total targets img_size 294/299 2.43G 0.0164 0.01097 0.002085 0.02945 6 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.84it/s] all 57 103 0.44 0.82 0.737 0.48 Epoch gpu_mem box obj cls total targets img_size 295/299 2.43G 0.01675 0.0109 0.002774 0.03042 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:27<00:00, 3.69it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.74it/s] all 57 103 0.44 0.819 0.737 0.495 Epoch gpu_mem box obj cls total targets img_size 296/299 2.43G 0.01696 0.01087 0.002352 0.03019 4 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.79it/s] all 57 103 0.413 0.846 0.753 0.501 Epoch gpu_mem box obj cls total targets img_size 297/299 2.43G 0.01593 0.01068 0.002137 0.02875 3 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.63it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.68it/s] all 57 103 0.417 0.854 0.745 0.487 Epoch gpu_mem box obj cls total targets img_size 298/299 2.43G 0.01586 0.01032 0.002097 0.02828 1 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:28<00:00, 3.62it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.71it/s] all 57 103 0.393 0.839 0.706 0.48 Epoch gpu_mem box obj cls total targets img_size 299/299 2.43G 0.01643 0.01067 0.002442 0.02954 2 640: 100%|███████████████████████████████████████████████████████████████████| 322/322 [01:29<00:00, 3.60it/s] Class Images Targets P R mAP@.5 mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 57/57 [00:04<00:00, 12.34it/s] all 57 103 0.394 0.839 0.724 0.484 Optimizer stripped from runs\train\exp5\weights\last.pt, 175.1MB Optimizer stripped from runs\train\exp5\weights\best.pt, 175.1MB 300 epochs completed in 7.922 hours. (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope> (wind_2021) F:\PytorchProject\yolov5_train_rope>
5、训练完毕,查看模型相关参数
样本量太少,效果不理想
6、调用最优模型测试
python detect_2022061501.py --weights runs/train/exp/weights/best.pt --source data/img
检测效果:
#######################
QQ 3087438119