ICode9

精准搜索请尝试: 精确搜索
首页 > 其他分享> 文章详细

yolov5训练安全帽检测模型日志

2022-05-02 22:01:06  阅读:262  来源: 互联网

标签:yolov5 安全帽 models PytorchProject train common 日志 hat


yolov5训练安全帽检测模型

1、标注数据

   

2、整理数据

 

3、训练:修改:myvoc.yaml

 myvoc.yaml
train: VOC_2022050201/train.txt
val: VOC_2022050201/val.txt

# number of classes
nc: 1

# class names
names: ["hat"]

 

4、开始训练

python train_20220502.py --img-size 640 --batch-size 1 --epochs 300 --data ./data/myvoc.yaml --cfg ./models/yolov5m.yaml --workers 0

 

训练日志
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>python train_20220502.py --img-size 640 --batch-size 1 --epochs 300 --data ./data/myvoc.yaml --cfg ./models/yolov5m.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/yolov5m.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\\exp6', 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=1

                 from  n    params  module                                  arguments
  0                -1  1      5280  models.common.Focus                     [3, 48, 3]
  1                -1  1     41664  models.common.Conv                      [48, 96, 3, 2]
  2                -1  1     65280  models.common.C3                        [96, 96, 2]
  3                -1  1    166272  models.common.Conv                      [96, 192, 3, 2]
  4                -1  1    629760  models.common.C3                        [192, 192, 6]
  5                -1  1    664320  models.common.Conv                      [192, 384, 3, 2]
  6                -1  1   2512896  models.common.C3                        [384, 384, 6]
  7                -1  1   2655744  models.common.Conv                      [384, 768, 3, 2]
  8                -1  1   1476864  models.common.SPP                       [768, 768, [5, 9, 13]]
  9                -1  1   4134912  models.common.C3                        [768, 768, 2, False]
 10                -1  1    295680  models.common.Conv                      [768, 384, 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   1182720  models.common.C3                        [768, 384, 2, False]
 14                -1  1     74112  models.common.Conv                      [384, 192, 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    296448  models.common.C3                        [384, 192, 2, False]
 18                -1  1    332160  models.common.Conv                      [192, 192, 3, 2]
 19          [-1, 14]  1         0  models.common.Concat                    [1]
 20                -1  1   1035264  models.common.C3                        [384, 384, 2, False]
 21                -1  1   1327872  models.common.Conv                      [384, 384, 3, 2]
 22          [-1, 10]  1         0  models.common.Concat                    [1]
 23                -1  1   4134912  models.common.C3                        [768, 768, 2, False]
 24      [17, 20, 23]  1     24246  models.yolo.Detect                      [1, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [192, 384, 768]]
Model Summary: 391 layers, 21056406 parameters, 21056406 gradients, 50.4 GFLOPS

Transferred 59/506 items from yolov5s.pt
Scaled weight_decay = 0.0005
Optimizer groups: 86 .bias, 86 conv.weight, 83 other
Scanning 'VOC_2022050201\labels' for images and labels... 238 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████| 238/238 [00:00<00:00, 1716.29it/s]
New cache created: VOC_2022050201\labels.cache
Scanning 'VOC_2022050201\labels' for images and labels... 42 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████| 42/42 [00:00<00:00, 2009.36it/s]
New cache created: VOC_2022050201\labels.cache                                                                                                                       | 0/42 [00:00<?, ?it/s]
                                                                                                                                                                                            Plotting labels... 050201\labels.cache' for images and labels... 42 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 42/42 [00:00<?, ?it/s]
Scanning 'VOC_2022050201\labels.cache' for images and labels... 238 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████████| 238/238 [00:00<?, ?it/s]
Scanning 'VOC_2022050201\labels.cache' for images and labels... 42 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 42/42 [00:00<?, ?it/s]

Analyzing anchors... anchors/target = 4.79, Best Possible Recall (BPR) = 1.0000
Image sizes 640 train, 640 test
Using 0 dataloader workers
Logging results to runs\train\exp6
Starting training for 300 epochs...

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     0/299     1.22G   0.09015   0.03497         0    0.1251         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:43<00:00,  5.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:14<00:00,  2.94it/s]
                 all          42          75    0.000474      0.0777    4.35e-05    7.34e-06

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     1/299      1.2G   0.07994   0.03594         0    0.1159         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.83it/s]
                 all          42          75      0.0028        0.24     0.00759     0.00112

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     2/299      1.2G   0.07515   0.03516         0    0.1103         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.93it/s]
                 all          42          75      0.0028        0.24     0.00759     0.00112

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     3/299      1.2G   0.07537   0.03787         0    0.1132         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.35it/s]
                 all          42          75      0.0028        0.24     0.00759     0.00112

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     4/299      1.2G   0.07607   0.03879         0    0.1149         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.37it/s]
                 all          42          75     0.00221         0.2    0.000568    0.000103

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     5/299      1.2G   0.07382   0.03539         0    0.1092         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.58it/s]
                 all          42          75     0.00433        0.04    0.000461     9.9e-05

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     6/299      1.2G    0.0695   0.03763         0    0.1071         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.60it/s]
                 all          42          75           0           0     0.00307    0.000513

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     7/299      1.2G   0.06769   0.03657         0    0.1043         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.35it/s]
                 all          42          75           0           0      0.0046    0.000784

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     8/299      1.2G   0.06789   0.03629         0    0.1042         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.13it/s]
                 all          42          75     0.00577       0.227     0.00436    0.000802

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
     9/299      1.2G   0.06695   0.03398         0    0.1009         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.55it/s]
                 all          42          75       0.043      0.0667      0.0171     0.00296

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    10/299      1.2G    0.0645    0.0358         0    0.1003         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.19it/s]
                 all          42          75      0.0657        0.24      0.0425     0.00631

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    11/299      1.2G   0.06451   0.03203         0   0.09654         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.08it/s]
                 all          42          75      0.0106       0.227      0.0247      0.0045

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    12/299      1.2G   0.06136   0.03021         0   0.09157         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.93it/s]
                 all          42          75      0.0257        0.28      0.0161     0.00326

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    13/299      1.2G   0.05974   0.03387         0   0.09361         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.43it/s]
                 all          42          75      0.0135       0.373      0.0431      0.0146

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    14/299      1.2G   0.06151   0.03318         0   0.09469         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.36it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.45it/s]
                 all          42          75      0.0244       0.507      0.0829      0.0188

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    15/299      1.2G   0.05424   0.03072         0   0.08497         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.63it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.93it/s]
                 all          42          75      0.0568       0.573       0.179      0.0386

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    16/299      1.2G   0.05706   0.03437         0   0.09143         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.97it/s]
                 all          42          75      0.0409       0.587       0.267      0.0833

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    17/299      1.2G    0.0552   0.03219         0   0.08739         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.52it/s]
                 all          42          75       0.045       0.613       0.416       0.135

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    18/299      1.2G   0.05254   0.03086         0    0.0834         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.33it/s]
                 all          42          75      0.0296       0.707       0.472        0.15

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    19/299      1.2G    0.0525   0.03131         0    0.0838         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.88it/s]
                 all          42          75      0.0193        0.64       0.458       0.149

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    20/299      1.2G   0.05129    0.0329         0   0.08419         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.63it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.95it/s]
                 all          42          75      0.0322        0.68       0.483       0.182

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    21/299      1.2G    0.0535   0.03087         0   0.08437         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.19it/s]
                 all          42          75       0.159       0.707       0.469       0.117

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    22/299      1.2G   0.05201   0.03202         0   0.08402         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75      0.0666         0.8        0.68       0.287

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    23/299      1.2G   0.04667   0.02979         0   0.07646         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.47it/s]
                 all          42          75      0.0551        0.76       0.657       0.278

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    24/299      1.2G    0.0474   0.02859         0   0.07599         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.14it/s]
                 all          42          75      0.0818        0.76       0.524       0.255

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    25/299      1.2G   0.05023   0.02791         0   0.07814         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.09it/s]
                 all          42          75      0.0945       0.733       0.709       0.229

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    26/299      1.2G   0.04517   0.02914         0   0.07431         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.05it/s]
                 all          42          75      0.0962       0.747       0.528       0.227

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    27/299      1.2G   0.04587   0.02742         0   0.07329         9       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.96it/s]
                 all          42          75      0.0383        0.76       0.704       0.245

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    28/299      1.2G   0.04342   0.02877         0   0.07219         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.23it/s]
                 all          42          75      0.0654       0.667       0.358       0.186

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    29/299      1.2G   0.04243   0.02732         0   0.06975         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.24it/s]
                 all          42          75      0.0702       0.773       0.645       0.303

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    30/299      1.2G   0.04321   0.02724         0   0.07045         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.30it/s]
                 all          42          75      0.0782       0.787       0.258      0.0552

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    31/299      1.2G   0.04533    0.0274         0   0.07273         8       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.89it/s]
                 all          42          75      0.0469        0.72       0.121      0.0453

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    32/299      1.2G   0.04183   0.02892         0   0.07075         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.71it/s]
                 all          42          75      0.0737       0.773       0.351       0.194

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    33/299      1.2G   0.04151   0.02889         0    0.0704         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.62it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.35it/s]
                 all          42          75      0.0753       0.813       0.421       0.167

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    34/299      1.2G   0.04049   0.02525         0   0.06575         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.69it/s]
                 all          42          75      0.0433       0.853       0.601       0.231

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    35/299      1.2G    0.0375   0.02596         0   0.06345         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.86it/s]
                 all          42          75       0.131        0.92       0.502       0.226

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    36/299      1.2G   0.03946   0.02859         0   0.06805         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.18it/s]
                 all          42          75      0.0923         0.8       0.518       0.281

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    37/299      1.2G   0.03712   0.02499         0   0.06212         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.66it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.11it/s]
                 all          42          75       0.102        0.84       0.628        0.33

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    38/299      1.2G   0.04003   0.02735         0   0.06737        10       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.14it/s]
                 all          42          75       0.115         0.8        0.31       0.118

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    39/299      1.2G   0.03798   0.02478         0   0.06276         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.81it/s]
                 all          42          75       0.225       0.867       0.562        0.33

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    40/299      1.2G   0.03704   0.02569         0   0.06273         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.97it/s]
                 all          42          75        0.15        0.84       0.425       0.169

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    41/299      1.2G   0.03679   0.02368         0   0.06047         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.111        0.88       0.379       0.167

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    42/299      1.2G   0.03438   0.02592         0   0.06029         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.76it/s]
                 all          42          75      0.0919         0.8       0.239       0.128

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    43/299      1.2G   0.03839   0.02571         0   0.06409         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.01it/s]
                 all          42          75       0.082       0.853       0.292       0.117

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    44/299      1.2G   0.03718   0.02776         0   0.06494         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.43it/s]
                 all          42          75       0.144       0.893       0.433       0.196

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    45/299      1.2G   0.03645   0.02595         0    0.0624         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.07it/s]
                 all          42          75       0.131       0.867       0.324       0.162

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    46/299      1.2G   0.03534   0.02505         0   0.06039         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.27it/s]
                 all          42          75       0.119       0.867       0.306       0.144

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    47/299      1.2G   0.03681   0.02462         0   0.06144         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.22it/s]
                 all          42          75       0.144       0.867       0.316       0.142

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    48/299      1.2G   0.03388   0.02664         0   0.06051         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.71it/s]
                 all          42          75       0.112       0.827       0.257       0.138

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    49/299      1.2G   0.03346   0.02414         0    0.0576         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75      0.0823        0.84       0.302        0.19

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    50/299      1.2G   0.03333   0.02388         0   0.05721         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.28it/s]
                 all          42          75       0.105       0.827       0.198      0.0767

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    51/299      1.2G   0.03306   0.02342         0   0.05648         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.63it/s]
                 all          42          75       0.129        0.84       0.367       0.193

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    52/299      1.2G   0.03168   0.02483         0   0.05652         8       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75       0.105         0.8        0.41       0.161

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    53/299      1.2G   0.03609    0.0252         0   0.06129         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.59it/s]
                 all          42          75       0.126       0.787       0.263       0.121

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    54/299      1.2G    0.0334   0.02341         0   0.05682         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.12it/s]
                 all          42          75       0.111        0.72       0.289       0.113

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    55/299      1.2G   0.03511   0.02349         0    0.0586         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.38it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.28it/s]
                 all          42          75       0.116        0.84       0.418       0.158

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    56/299      1.2G   0.03122   0.02437         0    0.0556         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.89it/s]
                 all          42          75       0.114        0.84       0.338       0.185

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    57/299      1.2G    0.0321   0.02325         0   0.05535         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.133       0.853       0.409       0.223

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    58/299      1.2G   0.03001   0.02344         0   0.05345         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.62it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75       0.172        0.88       0.445       0.245

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    59/299      1.2G   0.03067    0.0237         0   0.05437         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.82it/s]
                 all          42          75       0.133       0.853       0.575       0.346

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    60/299      1.2G   0.03134   0.02366         0     0.055         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.66it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.14it/s]
                 all          42          75        0.21       0.893       0.502       0.265

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    61/299      1.2G   0.02997    0.0238         0   0.05377         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75       0.143       0.907        0.53       0.306

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    62/299      1.2G   0.02988   0.02293         0   0.05281         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.87it/s]
                 all          42          75       0.172       0.907       0.528       0.247

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    63/299      1.2G    0.0296   0.02299         0    0.0526         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.20it/s]
                 all          42          75       0.148       0.867       0.572       0.354

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    64/299      1.2G   0.03156    0.0234         0   0.05497         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75       0.139       0.867       0.672       0.288

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    65/299      1.2G   0.03299   0.02168         0   0.05467         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.46it/s]
                 all          42          75       0.121       0.787       0.612       0.379

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    66/299      1.2G   0.02859   0.02299         0   0.05158         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75       0.118       0.867       0.729       0.454

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    67/299      1.2G   0.02939   0.02217         0   0.05156         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.49it/s]
                 all          42          75       0.137        0.88       0.646        0.37

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    68/299      1.2G   0.03056   0.02496         0   0.05552         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.54it/s]
                 all          42          75       0.131        0.84       0.333       0.182

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    69/299      1.2G   0.03073   0.02396         0    0.0547         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.88it/s]
                 all          42          75       0.107       0.827       0.646       0.192

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    70/299      1.2G   0.03273   0.02327         0     0.056        12       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.32it/s]
                 all          42          75       0.144        0.84       0.374       0.223

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    71/299      1.2G   0.03051   0.02256         0   0.05306         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.58it/s]
                 all          42          75        0.14       0.813       0.663       0.364

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    72/299      1.2G   0.03125   0.02298         0   0.05423         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.72it/s]
                 all          42          75       0.105       0.813       0.406       0.251

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    73/299      1.2G   0.03081   0.02117         0   0.05198         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.49it/s]
                 all          42          75       0.168        0.84       0.353       0.191

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    74/299      1.2G    0.0292    0.0232         0   0.05239         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.46it/s]
                 all          42          75       0.225       0.893        0.52       0.301

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    75/299      1.2G   0.02792    0.0224         0   0.05032         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.97it/s]
                 all          42          75       0.141        0.84       0.418       0.229

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    76/299      1.2G   0.02826   0.02261         0   0.05087         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.36it/s]
                 all          42          75       0.141       0.853       0.409        0.24

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    77/299      1.2G   0.02754   0.01925         0   0.04678         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.99it/s]
                 all          42          75       0.139        0.84       0.485       0.257

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    78/299      1.2G   0.02763   0.02196         0   0.04959         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.46it/s]
                 all          42          75       0.155        0.84       0.619       0.384

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    79/299      1.2G   0.02775   0.02283         0   0.05057         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.36it/s]
                 all          42          75       0.141       0.867       0.757       0.481

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    80/299      1.2G   0.02618   0.02067         0   0.04685         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.09it/s]
                 all          42          75        0.12       0.853        0.66       0.412

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    81/299      1.2G   0.02613   0.02258         0   0.04872         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.58it/s]
                 all          42          75       0.108        0.84       0.582       0.404

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    82/299      1.2G   0.02619   0.02071         0   0.04691         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.51it/s]
                 all          42          75       0.107        0.84       0.577       0.378

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    83/299      1.2G   0.02952   0.02191         0   0.05143         9       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.86it/s]
                 all          42          75       0.132       0.853       0.721       0.344

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    84/299      1.2G   0.02826   0.02035         0   0.04861         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.67it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.50it/s]
                 all          42          75       0.153        0.84         0.7       0.402

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    85/299      1.2G   0.02855    0.0221         0   0.05065         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.37it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.29it/s]
                 all          42          75       0.126       0.867       0.771        0.49

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    86/299      1.2G   0.02669   0.02051         0    0.0472         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.27it/s]
                 all          42          75        0.15        0.88       0.704       0.462

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    87/299      1.2G   0.02612     0.021         0   0.04712         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.87it/s]
                 all          42          75       0.161        0.84       0.686       0.446

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    88/299      1.2G   0.02481   0.02128         0   0.04608         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.01it/s]
                 all          42          75       0.155        0.84       0.675       0.468

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    89/299      1.2G   0.02583   0.02149         0   0.04732         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75        0.12       0.827       0.664       0.448

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    90/299      1.2G   0.02745   0.02151         0   0.04896         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.42it/s]
                 all          42          75       0.128        0.84       0.632        0.39

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    91/299      1.2G   0.02858    0.0219         0   0.05048         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.43it/s]
                 all          42          75       0.106       0.813       0.469       0.209

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    92/299      1.2G   0.02751   0.01982         0   0.04734         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.24it/s]
                 all          42          75       0.115        0.84       0.669       0.456

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    93/299      1.2G    0.0274   0.02329         0   0.05069         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.02it/s]
                 all          42          75       0.116        0.84       0.639       0.366

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    94/299      1.2G   0.02577   0.02054         0   0.04631         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.64it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.84it/s]
                 all          42          75       0.145       0.853       0.577       0.339

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    95/299      1.2G   0.02481   0.02165         0   0.04646         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.49it/s]
                 all          42          75       0.122       0.853       0.652       0.421

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    96/299      1.2G   0.02576   0.02089         0   0.04665         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.47it/s]
                 all          42          75        0.15       0.853       0.582        0.39

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    97/299      1.2G   0.02568   0.02177         0   0.04745         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.30it/s]
                 all          42          75       0.143        0.88       0.694       0.422

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    98/299      1.2G   0.02389   0.02053         0   0.04442         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.98it/s]
                 all          42          75       0.124       0.867       0.585        0.38

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
    99/299      1.2G   0.02492   0.01955         0   0.04447         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75       0.137        0.92       0.575       0.342

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   100/299      1.2G   0.02545   0.01882         0   0.04427         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75       0.122       0.867        0.58       0.358

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   101/299      1.2G   0.02538   0.02049         0   0.04587         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.52it/s]
                 all          42          75        0.15        0.88       0.688       0.399

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   102/299      1.2G   0.02409   0.02002         0   0.04411         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.63it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.28it/s]
                 all          42          75       0.156       0.867       0.698       0.465

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   103/299      1.2G   0.02363    0.0196         0   0.04323         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.09it/s]
                 all          42          75       0.155        0.96       0.843       0.515

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   104/299      1.2G    0.0242   0.02021         0   0.04441         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.21it/s]
                 all          42          75       0.123        0.92       0.803       0.454

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   105/299      1.2G    0.0256   0.02073         0   0.04632         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.132       0.947       0.663       0.273

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   106/299      1.2G   0.02622   0.01982         0   0.04604         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.10it/s]
                 all          42          75       0.156       0.987       0.699       0.375

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   107/299      1.2G   0.02387   0.02048         0   0.04435         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.37it/s]
                 all          42          75       0.148       0.827       0.604       0.364

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   108/299      1.2G   0.02458   0.02051         0   0.04509         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.36it/s]
                 all          42          75       0.118       0.853       0.625       0.427

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   109/299      1.2G   0.02468   0.01961         0   0.04428         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.31it/s]
                 all          42          75       0.124       0.867       0.682       0.477

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   110/299      1.2G   0.02524   0.02064         0   0.04588         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.67it/s]
                 all          42          75       0.143       0.867       0.732       0.471

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   111/299      1.2G   0.02267   0.01937         0   0.04204         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.72it/s]
                 all          42          75       0.121       0.867       0.718       0.448

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   112/299      1.2G   0.02342     0.019         0   0.04242         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.38it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.23it/s]
                 all          42          75       0.108       0.867       0.711       0.416

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   113/299      1.2G   0.02462    0.0194         0   0.04402         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.33it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.126       0.867       0.681       0.483

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   114/299      1.2G    0.0236   0.01926         0   0.04286         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.94it/s]
                 all          42          75       0.124       0.853       0.713       0.518

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   115/299      1.2G   0.02258   0.01983         0   0.04242         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.31it/s]
                 all          42          75       0.128       0.867       0.745       0.509

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   116/299      1.2G   0.02258   0.01861         0   0.04119         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.21it/s]
                 all          42          75       0.147       0.893        0.74       0.491

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   117/299      1.2G   0.02374   0.01906         0    0.0428         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.44it/s]
                 all          42          75       0.167       0.893        0.78       0.533

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   118/299      1.2G   0.02264   0.01946         0    0.0421         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.162       0.907       0.761        0.53

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   119/299      1.2G   0.02308   0.01958         0   0.04266         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.46it/s]
                 all          42          75        0.14       0.907       0.746       0.482

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   120/299      1.2G   0.02242   0.01987         0   0.04229         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.44it/s]
                 all          42          75       0.172        0.92         0.8       0.559

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   121/299      1.2G   0.02444   0.01922         0   0.04366         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.31it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.29it/s]
                 all          42          75       0.149        0.88        0.72       0.438

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   122/299      1.2G   0.02497    0.0186         0   0.04357         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75       0.121       0.853         0.7       0.432

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   123/299      1.2G   0.02339   0.01805         0   0.04143         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75       0.123       0.853       0.735       0.512

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   124/299      1.2G   0.02173   0.01821         0   0.03994         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.63it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.20it/s]
                 all          42          75       0.141        0.88       0.761       0.546

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   125/299      1.2G   0.02188   0.01615         0   0.03803         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.48it/s]
                 all          42          75       0.148        0.88       0.722        0.48

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   126/299      1.2G    0.0233   0.01757         0   0.04087         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.94it/s]
                 all          42          75       0.136       0.893       0.718       0.464

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   127/299      1.2G   0.02166   0.01837         0   0.04003         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.96it/s]
                 all          42          75       0.152        0.96       0.717        0.41

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   128/299      1.2G   0.02188   0.01836         0   0.04025         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.77it/s]
                 all          42          75       0.144       0.907       0.735       0.464

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   129/299      1.2G   0.02397   0.01936         0   0.04334         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.45it/s]
                 all          42          75        0.16        0.92       0.711       0.416

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   130/299      1.2G     0.021   0.01742         0   0.03842         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.18it/s]
                 all          42          75       0.121       0.867       0.489       0.317

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   131/299      1.2G   0.02104   0.01905         0   0.04008         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.96it/s]
                 all          42          75       0.134       0.853       0.611       0.427

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   132/299      1.2G   0.02218   0.01794         0   0.04012         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.33it/s]
                 all          42          75        0.13       0.867        0.64       0.451

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   133/299      1.2G   0.02275   0.01844         0   0.04119         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.20it/s]
                 all          42          75       0.122       0.853       0.741       0.529

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   134/299      1.2G   0.02127    0.0187         0   0.03997         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.98it/s]
                 all          42          75       0.118       0.867       0.638       0.445

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   135/299      1.2G   0.02149   0.01889         0   0.04038         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.97it/s]
                 all          42          75       0.137       0.853       0.606       0.433

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   136/299      1.2G   0.02168   0.01793         0   0.03961         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.14it/s]
                 all          42          75       0.131       0.853       0.647       0.428

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   137/299      1.2G   0.02091   0.01613         0   0.03703         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.14it/s]
                 all          42          75       0.131       0.893       0.702       0.444

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   138/299      1.2G   0.02174   0.01803         0   0.03976         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.37it/s]
                 all          42          75       0.138       0.893       0.694       0.457

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   139/299      1.2G   0.02133   0.01856         0   0.03989         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.27it/s]
                 all          42          75       0.153       0.893       0.735       0.516

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   140/299      1.2G   0.02162   0.01943         0   0.04105         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.83it/s]
                 all          42          75       0.122        0.88       0.745       0.452

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   141/299      1.2G   0.02202   0.01826         0   0.04028         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75        0.13       0.893        0.71       0.484

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   142/299      1.2G   0.02018   0.01664         0   0.03682         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.87it/s]
                 all          42          75       0.144       0.893       0.739       0.513

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   143/299      1.2G   0.02054   0.01785         0   0.03839         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.51it/s]
                 all          42          75       0.148       0.867       0.684       0.472

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   144/299      1.2G   0.02062   0.01935         0   0.03997         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.39it/s]
                 all          42          75       0.124       0.853       0.779       0.561

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   145/299      1.2G   0.02062   0.01773         0   0.03835         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.90it/s]
                 all          42          75       0.121       0.893       0.807       0.546

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   146/299      1.2G    0.0211   0.01673         0   0.03783         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.33it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.84it/s]
                 all          42          75       0.113       0.867       0.754       0.483

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   147/299      1.2G   0.02147    0.0173         0   0.03877         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.36it/s]
                 all          42          75       0.124       0.893       0.734       0.511

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   148/299      1.2G   0.02142   0.01798         0    0.0394         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.37it/s]
                 all          42          75        0.11       0.827        0.68       0.469

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   149/299      1.2G   0.02076   0.01743         0   0.03819         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.42it/s]
                 all          42          75       0.108        0.84       0.528       0.377

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   150/299      1.2G   0.01981   0.01616         0   0.03597         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.117       0.827       0.603       0.385

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   151/299      1.2G   0.01945   0.01785         0    0.0373         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.62it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.54it/s]
                 all          42          75       0.131       0.867       0.721       0.513

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   152/299      1.2G   0.01974    0.0175         0   0.03724         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.133       0.893       0.737       0.514

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   153/299      1.2G   0.01903   0.01588         0    0.0349         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.32it/s]
                 all          42          75       0.127       0.867       0.695       0.471

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   154/299      1.2G   0.01953   0.01813         0   0.03766         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.66it/s]
                 all          42          75       0.149       0.813       0.537       0.335

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   155/299      1.2G   0.02017   0.01795         0   0.03812         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.33it/s]
                 all          42          75       0.112        0.84       0.604       0.442

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   156/299      1.2G    0.0206   0.01862         0   0.03922         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.45it/s]
                 all          42          75       0.116       0.867       0.562       0.373

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   157/299      1.2G   0.02063   0.01783         0   0.03845         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.92it/s]
                 all          42          75       0.109       0.867       0.567       0.383

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   158/299      1.2G   0.02019   0.01772         0   0.03791         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.30it/s]
                 all          42          75       0.118       0.853       0.639       0.451

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   159/299      1.2G   0.02073   0.01714         0   0.03787         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.35it/s]
                 all          42          75        0.14       0.867       0.539       0.369

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   160/299      1.2G   0.02103   0.01745         0   0.03848         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.41it/s]
                 all          42          75       0.136       0.853       0.777       0.551

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   161/299      1.2G   0.01896   0.01614         0   0.03511         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.11it/s]
                 all          42          75       0.111       0.853       0.718       0.516

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   162/299      1.2G   0.01886   0.01709         0   0.03595         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.56it/s]
                 all          42          75       0.131        0.84       0.514       0.359

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   163/299      1.2G   0.01911   0.01682         0   0.03592         8       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.60it/s]
                 all          42          75       0.138        0.84       0.706       0.531

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   164/299      1.2G   0.01982   0.01817         0   0.03799         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.70it/s]
                 all          42          75       0.128        0.84       0.708       0.504

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   165/299      1.2G   0.02137   0.01743         0    0.0388         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.90it/s]
                 all          42          75       0.128       0.827       0.601       0.416

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   166/299      1.2G   0.02007   0.01642         0   0.03648         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.47it/s]
                 all          42          75        0.14       0.813       0.596       0.423

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   167/299      1.2G   0.01999   0.01658         0   0.03657         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.06it/s]
                 all          42          75       0.156        0.84       0.636       0.439

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   168/299      1.2G   0.02046   0.01753         0   0.03799         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.139       0.867       0.641       0.446

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   169/299      1.2G   0.02082   0.01689         0   0.03771         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.93it/s]
                 all          42          75       0.149       0.853       0.643       0.417

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   170/299      1.2G   0.02115   0.01769         0   0.03884         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.00it/s]
                 all          42          75       0.136       0.867       0.527       0.355

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   171/299      1.2G   0.02134   0.01788         0   0.03922         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.63it/s]
                 all          42          75       0.122       0.867       0.593       0.403

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   172/299      1.2G   0.01973   0.01764         0   0.03737         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.20it/s]
                 all          42          75       0.144       0.853        0.61       0.416

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   173/299      1.2G    0.0183   0.01599         0   0.03429         8       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.24it/s]
                 all          42          75       0.145        0.84       0.531       0.361

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   174/299      1.2G   0.01814   0.01554         0   0.03368         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.27it/s]
                 all          42          75       0.137       0.853       0.562       0.374

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   175/299      1.2G   0.01997   0.01758         0   0.03755         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.48it/s]
                 all          42          75       0.136       0.867       0.551       0.368

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   176/299      1.2G   0.01938   0.01585         0   0.03523         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.17it/s]
                 all          42          75       0.121       0.867        0.59       0.393

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   177/299      1.2G   0.01794   0.01663         0   0.03458         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75       0.133        0.88       0.623        0.45

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   178/299      1.2G   0.01858   0.01562         0   0.03419         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.13it/s]
                 all          42          75       0.158       0.867       0.664       0.472

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   179/299      1.2G   0.01716   0.01637         0   0.03353         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.38it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.131       0.867       0.647       0.454

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   180/299      1.2G   0.01916   0.01698         0   0.03614         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.89it/s]
                 all          42          75       0.114        0.84       0.622        0.47

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   181/299      1.2G   0.01819   0.01731         0    0.0355         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.37it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.45it/s]
                 all          42          75       0.131       0.813       0.613       0.459

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   182/299      1.2G    0.0185   0.01598         0   0.03448         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.43it/s]
                 all          42          75       0.146       0.867       0.722       0.537

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   183/299      1.2G   0.01797   0.01491         0   0.03288         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.52it/s]
                 all          42          75       0.135        0.84       0.632       0.465

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   184/299      1.2G   0.01919   0.01635         0   0.03554         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.16it/s]
                 all          42          75       0.119       0.827       0.638        0.47

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   185/299      1.2G   0.01866   0.01605         0   0.03471         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.35it/s]
                 all          42          75       0.122        0.84       0.595       0.428

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   186/299      1.2G   0.01878   0.01668         0   0.03545         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.29it/s]
                 all          42          75       0.108       0.853       0.442       0.304

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   187/299      1.2G   0.01803   0.01583         0   0.03386         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.84it/s]
                 all          42          75       0.116       0.827        0.45       0.303

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   188/299      1.2G    0.0194   0.01695         0   0.03635         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.60it/s]
                 all          42          75       0.119        0.84       0.512       0.335

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   189/299      1.2G   0.01942   0.01649         0   0.03592         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.65it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.34it/s]
                 all          42          75       0.139       0.853       0.524       0.346

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   190/299      1.2G   0.01938   0.01608         0   0.03546         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.53it/s]
                 all          42          75        0.19       0.867       0.618       0.412

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   191/299      1.2G   0.01726   0.01547         0   0.03273         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.80it/s]
                 all          42          75       0.184        0.88         0.6       0.399

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   192/299      1.2G   0.01814   0.01598         0   0.03412         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.50it/s]
                 all          42          75       0.168        0.88       0.594       0.401

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   193/299      1.2G   0.01829   0.01653         0   0.03482         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.53it/s]
                 all          42          75       0.197       0.853       0.551       0.341

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   194/299      1.2G   0.01849   0.01594         0   0.03442         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.16it/s]
                 all          42          75       0.201        0.88       0.599        0.38

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   195/299      1.2G   0.01705   0.01457         0   0.03162         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.21it/s]
                 all          42          75       0.187       0.853       0.587       0.387

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   196/299      1.2G   0.01809   0.01504         0   0.03313         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.19it/s]
                 all          42          75       0.165        0.84       0.666       0.458

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   197/299      1.2G   0.01805   0.01616         0   0.03421         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.64it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.72it/s]
                 all          42          75       0.137       0.853       0.658       0.462

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   198/299      1.2G   0.01828   0.01638         0   0.03466         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.52it/s]
                 all          42          75       0.158       0.861       0.611       0.436

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   199/299      1.2G   0.01771   0.01575         0   0.03346         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.22it/s]
                 all          42          75       0.162        0.84       0.485       0.341

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   200/299      1.2G   0.01772   0.01581         0   0.03353         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.31it/s]
                 all          42          75       0.138       0.835       0.529       0.366

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   201/299      1.2G    0.0184   0.01631         0   0.03472         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.99it/s]
                 all          42          75       0.154       0.853       0.571       0.402

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   202/299      1.2G   0.01859   0.01613         0   0.03472         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.51it/s]
                 all          42          75       0.197       0.867       0.561       0.388

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   203/299      1.2G   0.01841   0.01638         0   0.03479         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.31it/s]
                 all          42          75       0.166        0.88       0.518       0.359

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   204/299      1.2G   0.01733   0.01554         0   0.03287         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.13it/s]
                 all          42          75       0.149       0.853       0.465       0.336

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   205/299      1.2G   0.01728   0.01599         0   0.03327         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.75it/s]
                 all          42          75       0.136       0.853         0.5       0.359

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   206/299      1.2G   0.01773   0.01654         0   0.03427         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.23it/s]
                 all          42          75       0.157       0.867       0.491       0.346

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   207/299      1.2G   0.01738   0.01707         0   0.03446         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.48it/s]
                 all          42          75       0.167       0.867       0.432       0.295

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   208/299      1.2G   0.01706   0.01582         0   0.03288         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.77it/s]
                 all          42          75       0.166        0.84       0.617       0.428

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   209/299      1.2G   0.01696   0.01487         0   0.03183         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.11it/s]
                 all          42          75       0.182       0.853       0.595       0.414

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   210/299      1.2G   0.01692   0.01599         0   0.03291         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.35it/s]
                 all          42          75       0.146       0.867       0.526       0.345

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   211/299      1.2G   0.01742   0.01654         0   0.03396         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.33it/s]
                 all          42          75       0.144       0.867       0.551       0.372

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   212/299      1.2G   0.01822   0.01549         0   0.03372         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.93it/s]
                 all          42          75       0.127        0.84       0.426       0.293

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   213/299      1.2G   0.01715   0.01579         0   0.03294         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.37it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.45it/s]
                 all          42          75       0.133       0.853       0.386       0.265

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   214/299      1.2G   0.01607    0.0149         0   0.03096         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.17it/s]
                 all          42          75       0.142       0.813       0.392       0.267

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   215/299      1.2G   0.01817    0.0152         0   0.03337         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.12it/s]
                 all          42          75        0.18        0.84        0.45       0.299

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   216/299      1.2G   0.01673   0.01505         0   0.03177         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.45it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.17it/s]
                 all          42          75       0.154        0.84       0.372       0.252

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   217/299      1.2G   0.01709   0.01561         0    0.0327         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.38it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.172        0.84       0.499       0.331

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   218/299      1.2G   0.01722   0.01602         0   0.03324         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.32it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.58it/s]
                 all          42          75       0.172       0.853       0.561       0.392

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   219/299      1.2G   0.01717   0.01534         0   0.03252         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.82it/s]
                 all          42          75       0.186       0.867       0.475       0.325

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   220/299      1.2G   0.01625   0.01422         0   0.03047        11       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.17it/s]
                 all          42          75       0.156       0.867        0.43       0.298

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   221/299      1.2G   0.01674   0.01441         0   0.03115         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.32it/s]
                 all          42          75       0.177       0.867       0.436       0.289

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   222/299      1.2G   0.01647   0.01525         0   0.03173         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.72it/s]
                 all          42          75       0.194       0.867       0.464       0.311

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   223/299      1.2G   0.01668   0.01554         0   0.03222         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.94it/s]
                 all          42          75       0.195       0.867       0.442       0.291

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   224/299      1.2G   0.01744   0.01562         0   0.03306         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.35it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.88it/s]
                 all          42          75       0.175       0.853       0.478        0.31

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   225/299      1.2G   0.01675    0.0156         0   0.03235         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.10it/s]
                 all          42          75       0.155       0.867       0.593       0.421

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   226/299      1.2G   0.01686   0.01489         0   0.03174         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.43it/s]
                 all          42          75       0.154        0.84       0.532       0.376

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   227/299      1.2G   0.01693   0.01548         0   0.03242         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.34it/s]
                 all          42          75       0.153       0.827       0.445       0.314

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   228/299      1.2G   0.01656   0.01493         0   0.03149         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.42it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.92it/s]
                 all          42          75       0.175       0.853       0.432       0.296

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   229/299      1.2G   0.01723   0.01553         0   0.03276         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.25it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.18it/s]
                 all          42          75       0.158        0.84       0.463       0.324

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   230/299      1.2G   0.01569   0.01405         0   0.02974         7       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.28it/s]
                 all          42          75       0.157       0.853       0.577       0.411

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   231/299      1.2G   0.01641   0.01497         0   0.03138         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.57it/s]
                 all          42          75       0.162       0.867       0.479       0.339

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   232/299      1.2G   0.01641   0.01547         0   0.03189         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.34it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.11it/s]
                 all          42          75       0.157       0.867       0.539       0.392

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   233/299      1.2G   0.01731   0.01422         0   0.03153         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.41it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.00it/s]
                 all          42          75       0.177       0.853       0.502        0.36

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   234/299      1.2G   0.01735   0.01614         0   0.03349         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.98it/s]
                 all          42          75       0.155       0.853       0.367       0.247

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   235/299      1.2G   0.01673   0.01511         0   0.03184         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.68it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.31it/s]
                 all          42          75       0.251       0.853       0.478       0.333

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   236/299      1.2G    0.0157   0.01432         0   0.03002         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:42<00:00,  5.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.32it/s]
                 all          42          75       0.234       0.907       0.575       0.367

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   237/299      1.2G   0.01741   0.01551         0   0.03292         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.39it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 15.82it/s]
                 all          42          75       0.203        0.84       0.422       0.295

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   238/299      1.2G   0.01539   0.01393         0   0.02932         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.38it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.06it/s]
                 all          42          75       0.175       0.853       0.441       0.296

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   239/299      1.2G   0.01677   0.01564         0    0.0324         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.81it/s]
                 all          42          75       0.158       0.867       0.428        0.29

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   240/299      1.2G   0.01524   0.01383         0   0.02907         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.51it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.04it/s]
                 all          42          75       0.165       0.867       0.418       0.286

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   241/299      1.2G   0.01596   0.01408         0   0.03005         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.24it/s]
                 all          42          75       0.188       0.867       0.419       0.288

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   242/299      1.2G    0.0162   0.01409         0    0.0303         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.58it/s]
                 all          42          75       0.188        0.84       0.398       0.272

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   243/299      1.2G   0.01638     0.015         0   0.03138         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.37it/s]
                 all          42          75       0.174       0.853       0.412       0.287

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   244/299      1.2G   0.01692   0.01605         0   0.03297         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.22it/s]
                 all          42          75       0.173       0.827       0.402       0.277

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   245/299      1.2G    0.0171    0.0151         0    0.0322         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.49it/s]
                 all          42          75       0.185       0.853       0.369       0.253

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   246/299      1.2G   0.01678   0.01415         0   0.03093         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.17it/s]
                 all          42          75        0.23       0.813       0.491       0.351

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   247/299      1.2G   0.01586   0.01483         0   0.03068         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.25it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.93it/s]
                 all          42          75       0.171       0.867       0.517       0.368

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   248/299      1.2G   0.01602   0.01425         0   0.03027         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:40<00:00,  5.94it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.80it/s]
                 all          42          75       0.182       0.867       0.483       0.329

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   249/299      1.2G   0.01703   0.01612         0   0.03315         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:40<00:00,  5.90it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.37it/s]
                 all          42          75       0.168       0.867       0.439       0.307

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   250/299      1.2G   0.01597   0.01463         0    0.0306         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  6.01it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.18it/s]
                 all          42          75       0.156       0.867       0.461       0.319

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   251/299      1.2G   0.01588   0.01393         0   0.02982         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  6.02it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.05it/s]
                 all          42          75       0.178        0.84       0.411       0.269

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   252/299      1.2G   0.01655   0.01495         0    0.0315         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.11it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.74it/s]
                 all          42          75        0.18       0.867       0.468       0.306

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   253/299      1.2G   0.01598   0.01612         0    0.0321         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:40<00:00,  5.91it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.47it/s]
                 all          42          75       0.201       0.853       0.472       0.314

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   254/299      1.2G    0.0162   0.01404         0   0.03024         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  6.03it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.85it/s]
                 all          42          75       0.168        0.84        0.44       0.307

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   255/299      1.2G   0.01615   0.01511         0   0.03127         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.34it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.79it/s]
                 all          42          75       0.178       0.827        0.45       0.312

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   256/299      1.2G   0.01681   0.01542         0   0.03223         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.31it/s]
                 all          42          75       0.201       0.853       0.411       0.281

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   257/299      1.2G   0.01626   0.01381         0   0.03006         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.47it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.32it/s]
                 all          42          75       0.154        0.84         0.3       0.198

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   258/299      1.2G   0.01643   0.01388         0   0.03031         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.18it/s]
                 all          42          75       0.157       0.853       0.363       0.242

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   259/299      1.2G   0.01613   0.01454         0   0.03067         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.73it/s]
                 all          42          75       0.167        0.84       0.383       0.258

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   260/299      1.2G   0.01634   0.01485         0   0.03119         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.47it/s]
                 all          42          75       0.159        0.84       0.411       0.286

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   261/299      1.2G   0.01581   0.01507         0   0.03088         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.40it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.89it/s]
                 all          42          75       0.162       0.867       0.411       0.289

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   262/299      1.2G   0.01551   0.01406         0   0.02958         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75        0.21       0.853       0.455       0.316

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   263/299      1.2G   0.01581   0.01451         0   0.03031         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.42it/s]
                 all          42          75       0.167        0.84       0.443       0.301

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   264/299      1.2G   0.01589   0.01493         0   0.03082         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.99it/s]
                 all          42          75       0.137       0.853        0.38       0.266

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   265/299      1.2G   0.01661    0.0159         0    0.0325         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.55it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.26it/s]
                 all          42          75       0.134       0.867       0.408       0.283

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   266/299      1.2G   0.01606   0.01393         0   0.02999         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.50it/s]
                 all          42          75       0.163       0.853       0.389       0.268

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   267/299      1.2G   0.01536   0.01434         0    0.0297         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.49it/s]
                 all          42          75       0.154       0.867       0.419       0.291

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   268/299      1.2G   0.01677   0.01577         0   0.03254         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.57it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.05it/s]
                 all          42          75       0.153       0.867       0.377       0.265

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   269/299      1.2G   0.01621   0.01504         0   0.03125         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.91it/s]
                 all          42          75       0.157       0.867       0.338       0.231

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   270/299      1.2G   0.01495   0.01475         0   0.02971         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.42it/s]
                 all          42          75       0.164       0.867       0.354       0.243

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   271/299      1.2G   0.01534   0.01425         0   0.02959         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.75it/s]
                 all          42          75       0.204       0.853       0.436       0.303

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   272/299      1.2G   0.01506   0.01321         0   0.02827         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.63it/s]
                 all          42          75       0.209       0.867        0.45       0.316

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   273/299      1.2G   0.01532   0.01384         0   0.02916         0       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.39it/s]
                 all          42          75        0.23        0.85       0.447        0.31

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   274/299      1.2G    0.0149   0.01396         0   0.02887         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.95it/s]
                 all          42          75       0.208       0.853       0.428       0.292

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   275/299      1.2G   0.01495   0.01429         0   0.02924         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.02it/s]
                 all          42          75       0.195       0.867       0.382        0.26

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   276/299      1.2G    0.0158   0.01488         0   0.03068         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.58it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.18it/s]
                 all          42          75       0.215       0.853       0.401       0.274

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   277/299      1.2G    0.0153   0.01546         0   0.03075         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.80it/s]
                 all          42          75       0.212       0.867       0.436       0.301

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   278/299      1.2G   0.01515   0.01263         0   0.02778         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.60it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.34it/s]
                 all          42          75       0.258       0.867       0.436       0.299

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   279/299      1.2G   0.01544   0.01359         0   0.02904         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.56it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.57it/s]
                 all          42          75       0.236       0.867        0.45       0.303

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   280/299      1.2G   0.01509    0.0134         0    0.0285         4       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:35<00:00,  6.68it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.27it/s]
                 all          42          75       0.248       0.867       0.477       0.329

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   281/299      1.2G   0.01528   0.01409         0   0.02937         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.50it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.11it/s]
                 all          42          75       0.253       0.867       0.464       0.323

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   282/299      1.2G   0.01574   0.01452         0   0.03027         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:37<00:00,  6.43it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.54it/s]
                 all          42          75       0.232       0.867        0.47       0.336

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   283/299      1.2G   0.01515    0.0141         0   0.02925         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.68it/s]
                 all          42          75       0.219        0.88       0.482       0.324

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   284/299      1.2G   0.01477   0.01345         0   0.02821         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.48it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.16it/s]
                 all          42          75       0.241        0.88       0.465       0.315

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   285/299      1.2G   0.01556   0.01434         0   0.02989         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.61it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.96it/s]
                 all          42          75       0.194       0.867       0.389       0.271

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   286/299      1.2G   0.01616   0.01431         0   0.03047         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.23it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.25it/s]
                 all          42          75       0.176       0.867       0.378        0.27

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   287/299      1.2G   0.01589   0.01461         0    0.0305         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  6.05it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.23it/s]
                 all          42          75       0.176       0.867       0.408       0.288

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   288/299      1.2G   0.01475    0.0129         0   0.02765         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  6.03it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.35it/s]
                 all          42          75       0.197       0.853       0.424       0.296

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   289/299      1.2G   0.01674   0.01436         0   0.03109         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:39<00:00,  5.95it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.20it/s]
                 all          42          75       0.189       0.867       0.465       0.334

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   290/299      1.2G   0.01561   0.01379         0    0.0294         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.14it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.68it/s]
                 all          42          75       0.186       0.853       0.411       0.288

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   291/299      1.2G   0.01502   0.01308         0    0.0281         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:38<00:00,  6.20it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.40it/s]
                 all          42          75       0.177       0.853        0.39       0.277

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   292/299      1.2G   0.01512   0.01388         0     0.029         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.95it/s]
                 all          42          75       0.154       0.853       0.422       0.298

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   293/299      1.2G   0.01459    0.0143         0    0.0289         5       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.54it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.41it/s]
                 all          42          75       0.183        0.88       0.473       0.331

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   294/299      1.2G   0.01494   0.01328         0   0.02823         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.49it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.41it/s]
                 all          42          75       0.195        0.88       0.487       0.337

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   295/299      1.2G   0.01622   0.01546         0   0.03167         2       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.46it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 17.89it/s]
                 all          42          75       0.187        0.88       0.533       0.377

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   296/299      1.2G   0.01539    0.0144         0    0.0298         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.44it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.54it/s]
                 all          42          75       0.181       0.867        0.46       0.336

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   297/299      1.2G   0.01592   0.01381         0   0.02973         6       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.52it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.46it/s]
                 all          42          75       0.202       0.853       0.443       0.318

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   298/299      1.2G     0.015   0.01493         0   0.02993         3       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.59it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 18.09it/s]
                 all          42          75       0.208       0.867       0.482       0.337

     Epoch   gpu_mem       box       obj       cls     total   targets  img_size
   299/299      1.2G   0.01522    0.0142         0   0.02942         1       640: 100%|███████████████████████████████████████████████████████████████████| 238/238 [00:36<00:00,  6.53it/s]
               Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 42/42 [00:02<00:00, 16.81it/s]
                 all          42          75       0.176       0.867       0.468       0.328
Optimizer stripped from runs\train\exp6\weights\last.pt, 42.5MB
Optimizer stripped from runs\train\exp6\weights\best.pt, 42.5MB
300 epochs completed in 3.291 hours.
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>
(wind_2021) F:\PytorchProject\yolov5_train_hat>

  

5、训练完毕,查看模型相关参数

 

 

6、调用最优模型测试

python detect_2022050201.py  --weights runs/train/exp6/weights/best.pt --source 2

 

 

 

#############################

标签:yolov5,安全帽,models,PytorchProject,train,common,日志,hat
来源: https://www.cnblogs.com/herd/p/16217051.html

本站声明: 1. iCode9 技术分享网(下文简称本站)提供的所有内容,仅供技术学习、探讨和分享;
2. 关于本站的所有留言、评论、转载及引用,纯属内容发起人的个人观点,与本站观点和立场无关;
3. 关于本站的所有言论和文字,纯属内容发起人的个人观点,与本站观点和立场无关;
4. 本站文章均是网友提供,不完全保证技术分享内容的完整性、准确性、时效性、风险性和版权归属;如您发现该文章侵犯了您的权益,可联系我们第一时间进行删除;
5. 本站为非盈利性的个人网站,所有内容不会用来进行牟利,也不会利用任何形式的广告来间接获益,纯粹是为了广大技术爱好者提供技术内容和技术思想的分享性交流网站。

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有