• yolov5训练识别钢筋模型


    使用yolov5训练识别钢筋的模型,用于yolov5识别钢筋并计数(yolov5钢筋计数)

    1、标注数据

    2、整理数据

    3、训练:修改:myvoc.yaml

    myvoc.yaml
    train: VOC_2022042401/train.txt
    val: VOC_2022042401/val.txt
    
    # number of classes
    nc: 1
    
    # class names
    names: ["rebar"]

    4、开始训练

    python train_20220424.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_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>python train_20220424.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\\exp10', 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_2022042401\labels' for images and labels... 127 found, 0 missing, 0 empty, 0 corrupted: 100%|██████████████████████████████████████████████| 127/127 [00:00<00:00, 859.22it/s]
    New cache created: VOC_2022042401\labels.cache
    Scanning 'VOC_2022042401\labels.cache' for images and labels... 127 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████████| 127/127 [00:00<?, ?it/s]
    Scanning 'VOC_2022042401\labels' for images and labels... 23 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████████| 23/23 [00:00<00:00, 793.25it/s]
    New cache created: VOC_2022042401\labels.cache
    Scanning 'VOC_2022042401\labels.cache' for images and labels... 23 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 23/23 [00:00<?, ?it/s]Plotting labels...
    Scanning 'VOC_2022042401\labels.cache' for images and labels... 23 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 23/23 [00:00<?, ?it/s]
    
    Analyzing anchors... anchors/target = 2.45, Best Possible Recall (BPR) = 0.9412. Attempting to improve anchors, please wait...
    WARNING: Extremely small objects found. 15 of 1123 labels are < 3 pixels in width or height.
    Running kmeans for 9 anchors on 1123 points...
    thr=0.25: 0.9902 best possible recall, 2.61 anchors past thr
    n=9, img_size=640, metric_all=0.223/0.684-mean/best, past_thr=0.559-mean: 10,43,  23,173,  188,28,  235,30,  320,26,  37,265,  477,38,  48,411,  177,139
    Evolving anchors with Genetic Algorithm: fitness = 0.7185: 100%|██████████████████████████████████████████████████████████████████████████████████████| 1000/1000 [00:00<00:00, 2316.27it/s]
    thr=0.25: 0.9902 best possible recall, 2.57 anchors past thr
    n=9, img_size=640, metric_all=0.226/0.720-mean/best, past_thr=0.572-mean: 8,39,  17,166,  214,17,  205,26,  29,266,  223,39,  340,28,  58,384,  177,165
    New anchors saved to model. Update model *.yaml to use these anchors in the future.
    
    Image sizes 640 train, 640 test
    Using 0 dataloader workers
    Logging results to runs\train\exp10
    Starting training for 300 epochs...
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         0/299     1.22G    0.1043   0.05293         0    0.1572        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:11<00:00,  1.99it/s]
                     all          23         178           0           0    0.000467    7.75e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         1/299      1.2G    0.1004   0.06095         0    0.1614        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178     0.00188      0.0562    0.000366    3.88e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         2/299      1.2G   0.09889    0.0577         0    0.1566        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178     0.00315      0.0787    0.000793    0.000113
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         3/299      1.2G   0.09673   0.05873         0    0.1555         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178     0.00414      0.0955     0.00114    0.000155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         4/299      1.2G   0.09413   0.05908         0    0.1532         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.61it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178     0.00414      0.0955     0.00114    0.000155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         5/299      1.2G   0.09541   0.05352         0    0.1489         2       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178     0.00414      0.0955     0.00114    0.000155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         6/299      1.2G    0.0977   0.05406         0    0.1518        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178     0.00414      0.0955     0.00114    0.000155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         7/299      1.2G   0.09637    0.0578         0    0.1542         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178     0.00414      0.0955     0.00114    0.000155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         8/299      1.2G   0.09634   0.05859         0    0.1549        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178     0.00275      0.0674    0.000899     0.00013
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         9/299      1.2G   0.09333    0.0589         0    0.1522         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178      0.0017      0.0112    0.000704    0.000112
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        10/299      1.2G    0.0902   0.05668         0    0.1469        31       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.34it/s]
                     all          23         178     0.00396      0.0112     0.00138    0.000278
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        11/299      1.2G    0.0937   0.05844         0    0.1521         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178     0.00507     0.00562     0.00176      0.0003
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        12/299      1.2G   0.09224     0.055         0    0.1472        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178           0           0     0.00374    0.000575
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        13/299      1.2G    0.0866   0.06179         0    0.1484        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.34it/s]
                     all          23         178           0           0     0.00557    0.000822
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        14/299      1.2G    0.0913   0.06163         0    0.1529        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.31it/s]
                     all          23         178           0           0     0.00679     0.00147
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        15/299      1.2G   0.08839   0.05527         0    0.1437        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178           0           0      0.0185     0.00299
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        16/299      1.2G   0.08911   0.05269         0    0.1418        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.34it/s]
                     all          23         178           0           0     0.00703      0.0013
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        17/299      1.2G   0.09348   0.05786         0    0.1513        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.32it/s]
                     all          23         178           0           0     0.00735     0.00113
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        18/299      1.2G   0.08734   0.05585         0    0.1432        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.33it/s]
                     all          23         178           0           0      0.0139     0.00186
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        19/299      1.2G    0.0877   0.05426         0     0.142         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178           0           0      0.0112     0.00185
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        20/299      1.2G   0.08802   0.05355         0    0.1416        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.183       0.073      0.0471      0.0078
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        21/299      1.2G   0.08663   0.05534         0     0.142        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178      0.0239     0.00282      0.0174     0.00215
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        22/299      1.2G   0.08547   0.05373         0    0.1392        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178      0.0465      0.0562      0.0138     0.00233
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        23/299      1.2G    0.0885   0.05386         0    0.1424        23       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178      0.0417      0.0506      0.0222     0.00315
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        24/299      1.2G   0.08932   0.05189         0    0.1412        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.197      0.0225      0.0405       0.006
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        25/299      1.2G    0.0828   0.05327         0    0.1361        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.191       0.191      0.0868      0.0126
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        26/299      1.2G   0.08343   0.05233         0    0.1358        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:18<00:00,  1.61it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178      0.0759       0.129      0.0251     0.00324
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        27/299      1.2G    0.0864   0.05658         0     0.143        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.105       0.213      0.0582     0.00916
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        28/299      1.2G   0.08654   0.05281         0    0.1393         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178      0.0837       0.208      0.0629     0.00827
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        29/299      1.2G   0.08477   0.05145         0    0.1362         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.107        0.27       0.113      0.0235
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        30/299      1.2G   0.08205   0.05339         0    0.1354        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178       0.164       0.298       0.121      0.0208
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        31/299      1.2G   0.08543   0.04893         0    0.1344         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178      0.0407      0.0843      0.0209     0.00332
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        32/299      1.2G   0.08321   0.05725         0    0.1405        33       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.173       0.219       0.115      0.0209
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        33/299      1.2G   0.08025   0.04954         0    0.1298        28       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.192       0.292       0.134      0.0285
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        34/299      1.2G    0.0804   0.05161         0     0.132         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.171        0.27       0.119      0.0235
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        35/299      1.2G    0.0822   0.05016         0    0.1324        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.166       0.393       0.181      0.0442
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        36/299      1.2G   0.08023   0.05066         0    0.1309         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.237       0.208       0.117      0.0185
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        37/299      1.2G   0.08003   0.04867         0    0.1287        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.238       0.237       0.162      0.0276
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        38/299      1.2G   0.08014   0.05076         0    0.1309        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.274       0.208       0.148      0.0256
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        39/299      1.2G   0.07799   0.05398         0     0.132        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.186        0.37        0.15      0.0222
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        40/299      1.2G   0.07709   0.04921         0    0.1263        41       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.169       0.596       0.253      0.0582
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        41/299      1.2G   0.07623   0.05193         0    0.1282        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.103       0.669       0.251      0.0645
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        42/299      1.2G   0.07655   0.05348         0      0.13         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178      0.0854       0.579       0.157      0.0372
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        43/299      1.2G   0.07681   0.04754         0    0.1243        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178      0.0871       0.596       0.144      0.0345
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        44/299      1.2G   0.07985   0.05288         0    0.1327        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178      0.0677       0.579      0.0695      0.0116
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        45/299      1.2G   0.07878   0.05357         0    0.1323        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178      0.0682       0.517       0.209      0.0556
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        46/299      1.2G    0.0776   0.04468         0    0.1223        27       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178      0.0839       0.506       0.119      0.0212
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        47/299      1.2G   0.07679   0.05055         0    0.1273        36       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.064       0.618       0.197      0.0318
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        48/299      1.2G   0.07511   0.05079         0    0.1259        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178      0.0908        0.73       0.256      0.0479
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        49/299      1.2G   0.07273   0.04759         0    0.1203        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.086       0.629       0.101      0.0152
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        50/299      1.2G   0.07481   0.04803         0    0.1228         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.079       0.691       0.325      0.0793
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        51/299      1.2G   0.07678   0.04805         0    0.1248        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178        0.12       0.657       0.251       0.047
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        52/299      1.2G   0.07622   0.04707         0    0.1233        22       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.116       0.663       0.236      0.0397
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        53/299      1.2G   0.07191   0.04877         0    0.1207        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178      0.0945       0.719       0.253      0.0628
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        54/299      1.2G   0.06935   0.04361         0     0.113         1       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178      0.0976       0.624       0.233      0.0437
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        55/299      1.2G   0.07427   0.04819         0    0.1225        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178      0.0959       0.747       0.341      0.0947
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        56/299      1.2G   0.07111    0.0461         0    0.1172        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.104       0.691       0.313      0.0885
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        57/299      1.2G   0.07093   0.04625         0    0.1172        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178      0.0904       0.753       0.268      0.0534
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        58/299      1.2G   0.07438    0.0508         0    0.1252        21       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178      0.0593       0.601        0.29      0.0864
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        59/299      1.2G   0.06979    0.0494         0    0.1192        41       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.32it/s]
                     all          23         178       0.116       0.713       0.303       0.062
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        60/299      1.2G    0.0685   0.04428         0    0.1128        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.115       0.719       0.418      0.0989
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        61/299      1.2G   0.07128   0.04694         0    0.1182         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.107        0.68       0.229      0.0375
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        62/299      1.2G    0.0716    0.0447         0    0.1163         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.107       0.753       0.379      0.0767
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        63/299      1.2G   0.07008   0.04691         0     0.117         3       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.153       0.753       0.385      0.0901
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        64/299      1.2G   0.07393   0.04421         0    0.1181         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178        0.14       0.792       0.459       0.104
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        65/299      1.2G   0.07313   0.04696         0    0.1201        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.118       0.747        0.31      0.0722
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        66/299      1.2G   0.07163   0.04896         0    0.1206        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.121       0.713        0.32      0.0653
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        67/299      1.2G   0.07232    0.0455         0    0.1178        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.141       0.758       0.359      0.0832
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        68/299      1.2G     0.071   0.04708         0    0.1181         3       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.179       0.764       0.384      0.0837
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        69/299      1.2G   0.06854   0.04539         0    0.1139        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.127       0.787       0.395      0.0924
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        70/299      1.2G   0.07035   0.04822         0    0.1186        27       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178        0.16       0.803       0.466       0.107
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        71/299      1.2G   0.06839   0.04672         0    0.1151        27       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.191       0.764       0.404      0.0828
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        72/299      1.2G   0.06729   0.04434         0    0.1116         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.114       0.809        0.39      0.0774
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        73/299      1.2G   0.06837   0.04412         0    0.1125        23       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.167       0.736       0.297      0.0663
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        74/299      1.2G   0.07134   0.04591         0    0.1173        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178        0.08       0.753       0.426       0.108
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        75/299      1.2G   0.07237   0.04552         0    0.1179        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.185       0.787        0.51       0.132
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        76/299      1.2G    0.0702   0.04749         0    0.1177        36       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.162       0.798       0.476       0.114
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        77/299      1.2G   0.06726   0.04456         0    0.1118        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.155       0.865       0.449       0.112
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        78/299      1.2G    0.0663   0.04806         0    0.1144         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.174       0.837       0.599       0.178
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        79/299      1.2G   0.06592   0.04744         0    0.1134        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.163       0.871       0.587       0.149
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        80/299      1.2G   0.06755   0.04549         0     0.113        41       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:32<00:00,  1.38it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.154       0.888        0.55       0.118
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        81/299      1.2G    0.0649   0.04643         0    0.1113        50       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.163       0.871       0.617       0.185
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        82/299      1.2G   0.06259   0.04493         0    0.1075        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.153       0.871       0.622       0.171
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        83/299      1.2G   0.06434    0.0469         0    0.1112        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.178        0.82       0.519       0.129
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        84/299      1.2G     0.062   0.04445         0    0.1064         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.139       0.865       0.586       0.154
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        85/299      1.2G   0.06339   0.04603         0    0.1094        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.162       0.837       0.527       0.147
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        86/299      1.2G   0.06272   0.04531         0     0.108        28       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178      0.0977       0.865       0.592       0.183
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        87/299      1.2G   0.06353   0.04645         0      0.11        29       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.152        0.82       0.553       0.149
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        88/299      1.2G   0.06046   0.04444         0    0.1049        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178        0.19       0.882        0.66       0.206
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        89/299      1.2G    0.0621   0.04618         0    0.1083        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.163       0.876       0.592       0.177
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        90/299      1.2G   0.06149    0.0461         0    0.1076        28       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.218       0.882       0.674       0.234
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        91/299      1.2G   0.06289   0.04276         0    0.1056        31       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.208       0.843       0.614       0.151
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        92/299      1.2G   0.06402   0.04898         0     0.113        29       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.139        0.86       0.667       0.201
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        93/299      1.2G   0.06285   0.04726         0    0.1101        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.115       0.865       0.481       0.139
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        94/299      1.2G   0.06329    0.0473         0    0.1106         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178        0.11       0.809       0.518       0.151
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        95/299      1.2G   0.06391   0.04579         0    0.1097        43       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.276       0.809       0.631       0.193
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        96/299      1.2G   0.06126   0.04316         0    0.1044         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178        0.14       0.826       0.577       0.143
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        97/299      1.2G   0.06279   0.04202         0    0.1048        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.114        0.86       0.616       0.195
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        98/299      1.2G   0.06101   0.04312         0    0.1041         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.144       0.831       0.601       0.205
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        99/299      1.2G     0.059   0.03987         0   0.09887        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.158       0.865       0.669       0.207
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       100/299      1.2G   0.05966    0.0417         0    0.1014        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.108       0.802       0.537       0.181
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       101/299      1.2G   0.06194   0.04804         0      0.11        44       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.121       0.809       0.563       0.166
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       102/299      1.2G   0.06021    0.0436         0    0.1038         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.116       0.882       0.562       0.169
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       103/299      1.2G   0.05988   0.04407         0     0.104        30       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.201       0.865        0.65       0.218
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       104/299      1.2G   0.05667   0.04554         0    0.1022         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.147       0.876       0.619       0.195
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       105/299      1.2G   0.06077   0.04528         0     0.106         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.194       0.848       0.661       0.181
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       106/299      1.2G   0.06118   0.04454         0    0.1057        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.54it/s]
                     all          23         178       0.147       0.871       0.655       0.222
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       107/299      1.2G    0.0552   0.04421         0   0.09941         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.191       0.893       0.717       0.247
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       108/299      1.2G    0.0576   0.04425         0    0.1018         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.172       0.826       0.682       0.253
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       109/299      1.2G   0.05601   0.04254         0   0.09855        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:18<00:00,  1.61it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.164       0.826       0.631       0.206
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       110/299      1.2G   0.05764    0.0394         0   0.09704         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.108       0.871       0.578       0.176
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       111/299      1.2G   0.06126   0.04217         0    0.1034        39       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178        0.27        0.86       0.698       0.229
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       112/299      1.2G   0.05568   0.04131         0   0.09698         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.186       0.843       0.664       0.228
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       113/299      1.2G   0.06014   0.04466         0    0.1048        38       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.53it/s]
                     all          23         178       0.224       0.865       0.751       0.274
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       114/299      1.2G   0.05927    0.0444         0    0.1037        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.166       0.898       0.726       0.274
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       115/299      1.2G   0.05468   0.03935         0   0.09403        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178        0.21        0.91       0.761       0.294
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       116/299      1.2G   0.05531   0.04272         0   0.09803        46       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178         0.2        0.91       0.762       0.289
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       117/299      1.2G   0.05642   0.04234         0   0.09876         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.258       0.893       0.755       0.252
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       118/299      1.2G   0.05809   0.04387         0     0.102         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178        0.23       0.893       0.776        0.29
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       119/299      1.2G   0.05709   0.04101         0   0.09809        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.273       0.888        0.77       0.235
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       120/299      1.2G   0.05616   0.04159         0   0.09776        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.247       0.899       0.768       0.228
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       121/299      1.2G   0.05481   0.03656         0   0.09136        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178       0.234       0.893       0.803       0.261
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       122/299      1.2G   0.05569   0.04187         0   0.09756        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.275       0.888       0.784       0.312
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       123/299      1.2G   0.05758   0.03933         0   0.09691        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:18<00:00,  1.61it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.299        0.86       0.754       0.212
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       124/299      1.2G   0.05561   0.04158         0   0.09719        38       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.60it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.179       0.865       0.716       0.267
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       125/299      1.2G   0.05516    0.0399         0   0.09506        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.60it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178        0.28       0.916       0.772       0.305
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       126/299      1.2G   0.05421   0.04378         0   0.09798         1       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.239       0.888       0.776        0.27
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       127/299      1.2G   0.05497   0.03885         0   0.09382        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.206       0.899       0.756       0.296
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       128/299      1.2G   0.05579   0.04276         0   0.09855         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.311       0.893       0.793       0.295
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       129/299      1.2G   0.05089   0.03965         0   0.09054        28       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.161       0.893       0.713       0.287
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       130/299      1.2G   0.05656   0.04235         0   0.09892        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.61it/s]
                     all          23         178        0.25       0.893        0.78       0.276
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       131/299      1.2G   0.05566   0.04008         0   0.09574        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.235       0.888        0.75       0.317
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       132/299      1.2G    0.0555   0.04266         0   0.09815        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.212        0.91       0.775       0.288
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       133/299      1.2G   0.05487   0.03823         0    0.0931         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178        0.32       0.888       0.828       0.336
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       134/299      1.2G   0.05727   0.04257         0   0.09984        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.216       0.904       0.821       0.288
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       135/299      1.2G   0.05623   0.04009         0   0.09632        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.302       0.899        0.83       0.325
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       136/299      1.2G    0.0559   0.04271         0   0.09861        23       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.58it/s]
                     all          23         178       0.261       0.876       0.756       0.292
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       137/299      1.2G   0.05472   0.04147         0   0.09619        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178       0.261       0.871       0.758       0.272
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       138/299      1.2G   0.05104   0.04133         0   0.09237        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.254       0.871       0.752       0.275
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       139/299      1.2G   0.05618   0.03996         0   0.09614        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:18<00:00,  1.61it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178       0.196       0.826       0.689       0.255
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       140/299      1.2G    0.0539   0.03981         0    0.0937         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.326        0.86       0.783       0.306
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       141/299      1.2G     0.057   0.04082         0   0.09782        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.261       0.916        0.81       0.345
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       142/299      1.2G   0.05256   0.03955         0   0.09212         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.42it/s]
                     all          23         178       0.226       0.876        0.78       0.316
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       143/299      1.2G    0.0504   0.03912         0   0.08952        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.52it/s]
                     all          23         178       0.247       0.888       0.806       0.314
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       144/299      1.2G   0.05303   0.04135         0   0.09437         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.61it/s]
                     all          23         178       0.203        0.91       0.788       0.325
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       145/299      1.2G   0.05208   0.04101         0    0.0931         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.203       0.899       0.786       0.302
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       146/299      1.2G    0.0551   0.04145         0   0.09655         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.186       0.921       0.773       0.305
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       147/299      1.2G   0.05242   0.04219         0   0.09462         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178       0.258       0.893        0.81       0.298
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       148/299      1.2G   0.05261   0.03835         0   0.09097        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178        0.25       0.893       0.835        0.32
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       149/299      1.2G   0.05473   0.04306         0   0.09778         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.81it/s]
                     all          23         178       0.279       0.927        0.83       0.349
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       150/299      1.2G   0.05122     0.041         0   0.09222         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.54it/s]
                     all          23         178       0.241       0.921       0.837       0.352
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       151/299      1.2G    0.0524   0.04022         0   0.09261        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178        0.25       0.921       0.828       0.325
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       152/299      1.2G   0.05465   0.04073         0   0.09538        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.238       0.882       0.809       0.344
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       153/299      1.2G   0.05083   0.03941         0   0.09024        39       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178       0.345       0.899       0.862       0.367
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       154/299      1.2G   0.05211   0.04164         0   0.09375        31       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.63it/s]
                     all          23         178       0.208       0.916       0.844       0.348
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       155/299      1.2G   0.05097   0.04035         0   0.09133        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178        0.24       0.893       0.838       0.385
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       156/299      1.2G   0.05125   0.04297         0   0.09422        30       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.248       0.882       0.828       0.368
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       157/299      1.2G   0.05125   0.03848         0   0.08973        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.255       0.893       0.802       0.358
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       158/299      1.2G      0.05   0.04214         0   0.09214         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.237       0.893       0.792       0.333
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       159/299      1.2G   0.05126   0.03812         0   0.08938         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.47it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.256        0.91       0.808        0.35
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       160/299      1.2G   0.04987   0.03882         0   0.08869        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.262       0.921       0.855        0.37
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       161/299      1.2G   0.04925   0.03731         0   0.08656        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.271       0.888       0.842       0.389
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       162/299      1.2G   0.04972   0.03872         0   0.08845        31       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.305        0.91       0.859       0.402
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       163/299      1.2G   0.04837   0.04098         0   0.08935         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.253       0.904       0.855       0.377
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       164/299      1.2G   0.05075   0.03742         0   0.08817        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.235       0.893       0.824       0.377
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       165/299      1.2G   0.04814   0.03791         0   0.08605        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.51it/s]
                     all          23         178       0.273       0.893        0.82       0.353
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       166/299      1.2G   0.04867   0.03941         0   0.08809        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.341       0.888       0.831       0.355
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       167/299      1.2G   0.04858   0.03608         0   0.08466        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.287       0.904       0.863       0.397
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       168/299      1.2G   0.04757   0.03907         0   0.08664        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.304       0.921       0.871       0.391
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       169/299      1.2G    0.0477   0.03701         0   0.08471         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.229       0.921       0.838       0.355
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       170/299      1.2G   0.05113   0.03813         0   0.08926        37       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.275       0.938       0.844       0.405
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       171/299      1.2G   0.05027   0.03818         0   0.08845         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.235       0.899       0.779       0.306
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       172/299      1.2G   0.04796   0.03761         0   0.08556        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.49it/s]
                     all          23         178       0.347       0.916       0.865       0.384
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       173/299      1.2G   0.04893   0.04061         0   0.08954        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.323       0.899       0.834       0.349
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       174/299      1.2G   0.04866   0.03526         0   0.08392        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178        0.35       0.921       0.837       0.361
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       175/299      1.2G   0.04709    0.0349         0   0.08199         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.26it/s]
                     all          23         178       0.324        0.91       0.833       0.355
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       176/299      1.2G    0.0495   0.03677         0   0.08627         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.53it/s]
                     all          23         178       0.269        0.91       0.816       0.333
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       177/299      1.2G   0.04813   0.03582         0   0.08395        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.354        0.91       0.859       0.355
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       178/299      1.2G    0.0479   0.03695         0   0.08485        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.60it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.331       0.904        0.85       0.399
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       179/299      1.2G   0.05196   0.03692         0   0.08887         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.322       0.899       0.842       0.395
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       180/299      1.2G   0.04665   0.03743         0   0.08408         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.354        0.91        0.87       0.399
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       181/299      1.2G   0.04839   0.03795         0   0.08634         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.359       0.899       0.863       0.384
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       182/299      1.2G   0.04937   0.03854         0   0.08791         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.359        0.91       0.846       0.389
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       183/299      1.2G   0.04989   0.03967         0   0.08956        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.55it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.53it/s]
                     all          23         178       0.352       0.899       0.859       0.409
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       184/299      1.2G   0.04768   0.03651         0   0.08419         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.387       0.904       0.861       0.408
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       185/299      1.2G   0.04846   0.03718         0   0.08564         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.52it/s]
                     all          23         178       0.356       0.904       0.854       0.392
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       186/299      1.2G    0.0468   0.03482         0   0.08162         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.331        0.91       0.839       0.418
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       187/299      1.2G   0.05087   0.03902         0   0.08988        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.58it/s]
                     all          23         178       0.425       0.888       0.868       0.385
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       188/299      1.2G   0.05062   0.03664         0   0.08726         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.76it/s]
                     all          23         178       0.401       0.916       0.871       0.373
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       189/299      1.2G   0.04519   0.03542         0   0.08061        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.70it/s]
                     all          23         178       0.317       0.904       0.861       0.323
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       190/299      1.2G    0.0523   0.03874         0   0.09104        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.312       0.899       0.848       0.374
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       191/299      1.2G   0.04825   0.03727         0   0.08552         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.54it/s]
                     all          23         178         0.4       0.944       0.902       0.387
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       192/299      1.2G   0.04825   0.04151         0   0.08976        22       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.346        0.91       0.851       0.397
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       193/299      1.2G    0.0496   0.03941         0   0.08901         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.398       0.899       0.861       0.386
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       194/299      1.2G    0.0485   0.03777         0   0.08627        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.405       0.899       0.864         0.4
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       195/299      1.2G   0.04513   0.03706         0    0.0822         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.57it/s]
                     all          23         178       0.346       0.916       0.875       0.381
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       196/299      1.2G   0.04446   0.03543         0   0.07988         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178        0.42       0.921       0.888         0.4
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       197/299      1.2G    0.0459   0.03609         0   0.08198        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.50it/s]
                     all          23         178       0.443       0.904       0.877       0.402
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       198/299      1.2G   0.04698   0.04002         0   0.08699        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.59it/s]
                     all          23         178        0.46       0.921       0.873        0.42
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       199/299      1.2G   0.04711   0.03582         0   0.08293        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.481       0.921        0.89       0.443
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       200/299      1.2G   0.04555   0.03654         0   0.08209         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.48it/s]
                     all          23         178       0.372       0.933       0.903       0.449
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       201/299      1.2G   0.04577   0.03593         0    0.0817        16       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.28it/s]
                     all          23         178       0.321       0.938        0.89       0.439
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       202/299      1.2G   0.04786   0.03597         0   0.08383        28       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.362       0.933       0.906       0.439
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       203/299      1.2G   0.04431   0.03426         0   0.07857         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:19<00:00,  1.59it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.404       0.933       0.898        0.45
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       204/299      1.2G   0.04605   0.03482         0   0.08088        22       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.475       0.927       0.907       0.431
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       205/299      1.2G   0.04672   0.03508         0   0.08179        24       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.358       0.921       0.885       0.443
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       206/299      1.2G   0.04335   0.03664         0   0.07999         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.45it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178       0.397       0.927       0.888       0.432
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       207/299      1.2G    0.0477   0.03411         0   0.08181         2       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178        0.38       0.944       0.878       0.439
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       208/299      1.2G   0.04477   0.03602         0   0.08078        30       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.394       0.921       0.863       0.422
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       209/299      1.2G   0.04626    0.0367         0   0.08296         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.64it/s]
                     all          23         178       0.444       0.927       0.893       0.439
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       210/299      1.2G   0.04443   0.03454         0   0.07897        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.44it/s]
                     all          23         178       0.473       0.927       0.889       0.422
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       211/299      1.2G   0.04338   0.03263         0   0.07601         3       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.516       0.916       0.893       0.454
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       212/299      1.2G   0.04653   0.03708         0    0.0836         0       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.406       0.921        0.89       0.454
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       213/299      1.2G   0.04301     0.033         0   0.07601        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.454       0.938       0.905       0.465
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       214/299      1.2G   0.04576   0.03586         0   0.08161        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.464       0.938       0.904       0.459
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       215/299      1.2G   0.04402   0.03471         0   0.07873        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.524       0.933       0.901       0.448
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       216/299      1.2G   0.04715   0.03617         0   0.08332        23       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.44it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.433       0.933       0.901       0.442
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       217/299      1.2G   0.04567    0.0357         0   0.08137        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.23it/s]
                     all          23         178       0.462       0.933       0.885       0.457
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       218/299      1.2G    0.0437   0.03197         0   0.07567         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.64it/s]
                     all          23         178       0.502       0.933       0.892       0.459
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       219/299      1.2G   0.04681   0.03755         0   0.08436        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.432       0.938       0.888       0.455
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       220/299      1.2G   0.04433   0.03273         0   0.07706         3       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.47it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.23it/s]
                     all          23         178       0.398       0.938        0.89        0.43
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       221/299      1.2G    0.0436   0.03566         0   0.07927         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.438       0.933       0.894       0.465
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       222/299      1.2G   0.04167   0.03243         0    0.0741        24       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.45it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.509       0.944       0.909       0.485
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       223/299      1.2G   0.04361   0.03309         0   0.07669         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.43it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.56it/s]
                     all          23         178       0.457       0.961       0.929       0.486
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       224/299      1.2G     0.045   0.03608         0   0.08107        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:31<00:00,  1.39it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.28it/s]
                     all          23         178       0.502       0.949       0.922       0.474
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       225/299      1.2G   0.04452   0.03639         0   0.08091        48       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.479       0.927       0.903       0.464
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       226/299      1.2G   0.04312   0.03524         0   0.07836         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.44it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.469       0.916       0.899       0.449
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       227/299      1.2G   0.04224   0.03151         0   0.07375        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178        0.48       0.927       0.914       0.451
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       228/299      1.2G   0.04341   0.03587         0   0.07929        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:18<00:00,  1.62it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.477       0.938       0.912       0.459
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       229/299      1.2G   0.03959   0.03372         0   0.07331         2       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.429       0.938        0.89       0.475
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       230/299      1.2G   0.04082   0.03367         0   0.07448         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.455       0.916        0.89       0.473
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       231/299      1.2G   0.04235   0.03362         0   0.07597         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178        0.55        0.91       0.894        0.49
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       232/299      1.2G   0.04282   0.03533         0   0.07815        22       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.34it/s]
                     all          23         178       0.528       0.933       0.914       0.492
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       233/299      1.2G    0.0419   0.03547         0   0.07737         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.66it/s]
                     all          23         178       0.481       0.927       0.903       0.467
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       234/299      1.2G   0.04355   0.03367         0   0.07723        21       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.34it/s]
                     all          23         178       0.464       0.949       0.914       0.483
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       235/299      1.2G   0.04202   0.03673         0   0.07875        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.33it/s]
                     all          23         178        0.41       0.938        0.89       0.432
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       236/299      1.2G   0.04402   0.03336         0   0.07738         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.506       0.938       0.908       0.482
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       237/299      1.2G   0.04303   0.03544         0   0.07846        33       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.456       0.944       0.911       0.497
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       238/299      1.2G   0.04351   0.03425         0   0.07776        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.452       0.938       0.913       0.486
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       239/299      1.2G   0.04395   0.03485         0    0.0788        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178        0.48       0.938       0.913       0.474
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       240/299      1.2G   0.04194   0.03358         0   0.07552        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.46it/s]
                     all          23         178       0.521       0.944       0.929       0.484
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       241/299      1.2G   0.04599   0.03543         0   0.08142         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.38it/s]
                     all          23         178       0.469       0.949       0.919       0.486
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       242/299      1.2G   0.04137   0.03252         0   0.07389        22       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.505       0.949       0.923       0.471
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       243/299      1.2G   0.04048     0.035         0   0.07548        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.498       0.944       0.918       0.445
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       244/299      1.2G   0.04372   0.03671         0   0.08043         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.43it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.462       0.949       0.912       0.448
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       245/299      1.2G   0.04325   0.03527         0   0.07852        27       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.23it/s]
                     all          23         178       0.572       0.927       0.918        0.47
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       246/299      1.2G   0.04263   0.03188         0   0.07451        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:32<00:00,  1.38it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.19it/s]
                     all          23         178       0.502       0.921       0.915       0.462
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       247/299      1.2G   0.04358   0.03211         0   0.07568        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:29<00:00,  1.42it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178        0.48       0.927       0.911       0.476
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       248/299      1.2G   0.04186   0.03205         0   0.07391         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.24it/s]
                     all          23         178       0.496       0.938       0.917       0.472
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       249/299      1.2G   0.04033   0.03102         0   0.07135         4       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.47it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.31it/s]
                     all          23         178       0.479       0.927       0.904       0.457
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       250/299      1.2G   0.04342   0.03302         0   0.07643        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.43it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.29it/s]
                     all          23         178       0.551       0.938       0.922       0.468
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       251/299      1.2G   0.04261   0.03443         0   0.07704         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:31<00:00,  1.39it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.20it/s]
                     all          23         178       0.527       0.938        0.92       0.482
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       252/299      1.2G   0.04098   0.03168         0   0.07266         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:29<00:00,  1.42it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.25it/s]
                     all          23         178       0.556       0.938        0.92       0.479
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       253/299      1.2G   0.04075   0.03248         0   0.07323         3       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:31<00:00,  1.39it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.26it/s]
                     all          23         178       0.531       0.933       0.921       0.502
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       254/299      1.2G   0.04117   0.03388         0   0.07505        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:32<00:00,  1.37it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.533       0.949       0.921       0.486
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       255/299      1.2G   0.04292   0.03185         0   0.07476         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:30<00:00,  1.40it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.29it/s]
                     all          23         178       0.536       0.938       0.915        0.49
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       256/299      1.2G   0.04053   0.03079         0   0.07132        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.47it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.31it/s]
                     all          23         178       0.543       0.944       0.929       0.498
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       257/299      1.2G    0.0385    0.0286         0   0.06709         9       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.47it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.31it/s]
                     all          23         178        0.57       0.938       0.923       0.502
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       258/299      1.2G   0.04293   0.03218         0   0.07511        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:30<00:00,  1.41it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.29it/s]
                     all          23         178       0.532       0.927        0.91       0.477
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       259/299      1.2G   0.04308    0.0309         0   0.07398         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:29<00:00,  1.42it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.33it/s]
                     all          23         178       0.519       0.927        0.91       0.469
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       260/299      1.2G    0.0454   0.03552         0   0.08091         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:30<00:00,  1.41it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178       0.514       0.944       0.927       0.473
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       261/299      1.2G   0.04616   0.03516         0   0.08132        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:32<00:00,  1.37it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.29it/s]
                     all          23         178        0.52       0.938       0.908       0.482
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       262/299      1.2G    0.0403   0.03162         0   0.07192        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:26<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.33it/s]
                     all          23         178       0.524       0.961       0.915       0.463
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       263/299      1.2G   0.04281   0.03258         0    0.0754        17       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:28<00:00,  1.44it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.551       0.927       0.897       0.459
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       264/299      1.2G   0.04348    0.0341         0   0.07758         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.44it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.29it/s]
                     all          23         178       0.586       0.944       0.909       0.485
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       265/299      1.2G   0.04373   0.03246         0   0.07619        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.46it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.33it/s]
                     all          23         178       0.582       0.949       0.927       0.495
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       266/299      1.2G   0.04075   0.03094         0   0.07169         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.45it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.614       0.949       0.931       0.491
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       267/299      1.2G   0.04112   0.03024         0   0.07136        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:31<00:00,  1.39it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.32it/s]
                     all          23         178        0.61       0.944       0.925       0.501
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       268/299      1.2G   0.04122   0.03224         0   0.07346        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.45it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.32it/s]
                     all          23         178       0.578       0.938       0.918       0.507
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       269/299      1.2G    0.0407   0.03323         0   0.07393        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.45it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178        0.54       0.949       0.921       0.506
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       270/299      1.2G   0.04125   0.03514         0   0.07639        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.549       0.938       0.911       0.501
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       271/299      1.2G    0.0416   0.03485         0   0.07645        20       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.58it/s]
                     all          23         178       0.585       0.949       0.928       0.504
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       272/299      1.2G   0.03962   0.03251         0   0.07213        11       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.625       0.955       0.934       0.508
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       273/299      1.2G   0.03894   0.03191         0   0.07085        25       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.556       0.944       0.925       0.495
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       274/299      1.2G    0.0417   0.03197         0   0.07367        38       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.58it/s]
                     all          23         178       0.549       0.944       0.926       0.491
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       275/299      1.2G   0.04041   0.03198         0   0.07239         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.558       0.944       0.929       0.492
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       276/299      1.2G   0.04187   0.03243         0    0.0743        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.611       0.961       0.935       0.528
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       277/299      1.2G   0.04084   0.03147         0   0.07231        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.581       0.938       0.922       0.509
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       278/299      1.2G   0.04052   0.03201         0   0.07253        29       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.594       0.944        0.92       0.496
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       279/299      1.2G   0.04063   0.03271         0   0.07334         8       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:29<00:00,  1.42it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.578       0.927       0.914        0.48
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       280/299      1.2G    0.0399   0.03285         0   0.07274        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:27<00:00,  1.44it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.32it/s]
                     all          23         178        0.55       0.961       0.917       0.472
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       281/299      1.2G   0.04084   0.03081         0   0.07165        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.523       0.938       0.906       0.478
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       282/299      1.2G   0.04009   0.03405         0   0.07414        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.533       0.944       0.913       0.497
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       283/299      1.2G    0.0409   0.03434         0   0.07525        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.48it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.30it/s]
                     all          23         178       0.545       0.955       0.919       0.501
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       284/299      1.2G   0.03952   0.03249         0     0.072        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:25<00:00,  1.49it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178       0.558       0.949       0.921       0.508
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       285/299      1.2G   0.03986    0.0315         0   0.07136        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.58it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.531       0.938       0.917       0.499
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       286/299      1.2G   0.04032   0.03243         0   0.07275        14       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178       0.543       0.933       0.915       0.513
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       287/299      1.2G   0.04158   0.03211         0   0.07369         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:07<00:00,  3.27it/s]
                     all          23         178       0.555       0.927       0.919       0.489
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       288/299      1.2G   0.04205   0.03212         0   0.07417        32       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:21<00:00,  1.56it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.40it/s]
                     all          23         178        0.55       0.944       0.925       0.504
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       289/299      1.2G   0.03808   0.03205         0   0.07012         6       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:29<00:00,  1.42it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.36it/s]
                     all          23         178       0.553       0.944       0.914       0.517
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       290/299      1.2G   0.04157   0.03393         0    0.0755        15       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178        0.52       0.933       0.923       0.525
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       291/299      1.2G   0.03698   0.02832         0    0.0653         5       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:20<00:00,  1.57it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.43it/s]
                     all          23         178       0.525       0.933       0.921        0.51
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       292/299      1.2G   0.04136   0.03122         0   0.07258        26       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.37it/s]
                     all          23         178       0.568       0.949       0.931       0.534
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       293/299      1.2G    0.0389   0.02912         0   0.06802         7       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.574       0.944       0.929        0.52
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       294/299      1.2G   0.04135   0.03278         0   0.07413        10       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.548       0.944       0.926       0.522
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       295/299      1.2G    0.0425   0.03169         0    0.0742        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.54it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.39it/s]
                     all          23         178       0.593       0.933        0.92       0.508
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       296/299      1.2G   0.03975   0.03257         0   0.07231        19       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:23<00:00,  1.52it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.45it/s]
                     all          23         178       0.599       0.938       0.929       0.522
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       297/299      1.2G   0.04045    0.0298         0   0.07025        12       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:22<00:00,  1.53it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.47it/s]
                     all          23         178        0.63       0.949       0.933       0.524
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       298/299      1.2G    0.0386   0.03309         0    0.0717        13       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.51it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.41it/s]
                     all          23         178       0.594       0.944        0.93        0.53
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       299/299      1.2G   0.03801   0.03004         0   0.06805        18       640: 100%|███████████████████████████████████████████████████████████████████| 127/127 [01:24<00:00,  1.50it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 23/23 [00:06<00:00,  3.35it/s]
                     all          23         178       0.627       0.949       0.934       0.514
    Optimizer stripped from runs\train\exp10\weights\last.pt, 42.5MB
    Optimizer stripped from runs\train\exp10\weights\best.pt, 42.5MB
    300 epochs completed in 7.541 hours.
    
    
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar>
    

      

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

    6、调用最优模型测试

    python detect_imgs_222042401.py --weights runs/train/exp10/weights/best.pt --source data/img

    测试效果:

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

  • 相关阅读:
    如何在Ubuntu下安装”.deb“、”.bin“、”.tar.gz“、”.tar.bz2“格式的软件包!
    安装tar.bz2文件
    tiny6410nfs挂载问题
    tiny6410SDK制作NFS文件系统
    linux压缩解压
    tiny6410的linux操作系统实验开发
    ubis文件系统的制作
    motion移植
    linux系统调用函数---12
    LED驱动程序分析
  • 原文地址:https://www.cnblogs.com/herd/p/16187711.html
Copyright © 2020-2023  润新知