• yolov5训练分割钢筋区域的模型日志记录


    yolov5训练分割钢筋区域的模型

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

    1、标注数据

    2、整理数据

    3、训练:修改:myvoc.yaml

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

    4、开始训练

     python train_20220501.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_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>python train_20220501.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\\exp2', 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_2022050101\labels' for images and labels... 159 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████| 159/159 [00:00<00:00, 1875.13it/s]
    New cache created: VOC_2022050101\labels.cache
    Scanning 'VOC_2022050101\labels' for images and labels... 29 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████| 29/29 [00:00<00:00, 2236.39it/s]
    New cache created: VOC_2022050101\labels.cache                                                                                                                       | 0/29 [00:00<?, ?it/s]
                                                                                                                                                                                                Plotting labels... 050101\labels.cache' for images and labels... 29 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 29/29 [00:00<?, ?it/s]
    Scanning 'VOC_2022050101\labels.cache' for images and labels... 159 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████████████| 159/159 [00:00<?, ?it/s]
    Scanning 'VOC_2022050101\labels.cache' for images and labels... 29 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████████████| 29/29 [00:00<?, ?it/s]
    
    Analyzing anchors... anchors/target = 5.56, Best Possible Recall (BPR) = 1.0000
    Image sizes 640 train, 640 test
    Using 0 dataloader workers
    Logging results to runs\train\exp2
    Starting training for 300 epochs...
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         0/299     1.22G    0.0952   0.04231         0    0.1375         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:37<00:00,  4.24it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:03<00:00,  7.51it/s]
                     all          29          56           0           0     0.00996     0.00164
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         1/299      1.2G   0.08537   0.04313         0    0.1285         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.91it/s]
                     all          29          56           0           0    7.92e-05    1.11e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         2/299      1.2G   0.07708   0.04983         0    0.1269         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.33it/s]
                     all          29          56     0.00067      0.0179    0.000296    5.38e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         3/299      1.2G   0.07577   0.04879         0    0.1246         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.43it/s]
                     all          29          56     0.00067      0.0179    0.000296    5.38e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         4/299      1.2G   0.07444   0.04815         0    0.1226         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.43it/s]
                     all          29          56     0.00067      0.0179    0.000296    5.38e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         5/299      1.2G   0.07411   0.04995         0    0.1241         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56     0.00067      0.0179    0.000296    5.38e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         6/299      1.2G   0.07419    0.0489         0    0.1231         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.13it/s]
                     all          29          56           0           0    5.55e-06    2.22e-06
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         7/299      1.2G   0.07264   0.04811         0    0.1207         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.25it/s]
                     all          29          56           0           0     0.00034    5.97e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         8/299      1.2G   0.06995   0.04684         0    0.1168         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.01it/s]
                     all          29          56           0           0     0.00246    0.000597
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         9/299      1.2G   0.06887   0.05169         0    0.1206         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.96it/s]
                     all          29          56           0           0      0.0028    0.000481
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        10/299      1.2G   0.06576   0.05057         0    0.1163         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.58it/s]
                     all          29          56           0           0     0.00651     0.00103
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        11/299      1.2G   0.06431   0.05036         0    0.1147         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.50it/s]
                     all          29          56           0           0      0.0115      0.0018
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        12/299      1.2G   0.06129   0.05029         0    0.1116         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.76it/s]
                     all          29          56           0           0      0.0148     0.00276
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        13/299      1.2G   0.06125   0.04814         0    0.1094         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.59it/s]
                     all          29          56           0           0      0.0195     0.00296
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        14/299      1.2G   0.06072   0.04809         0    0.1088         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.12it/s]
                     all          29          56           0           0      0.0282     0.00476
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        15/299      1.2G   0.05861   0.05124         0    0.1098         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.03it/s]
                     all          29          56           0           0      0.0362     0.00731
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        16/299      1.2G    0.0609   0.04952         0    0.1104         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.04it/s]
                     all          29          56           0           0      0.0305     0.00553
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        17/299      1.2G   0.06069   0.04957         0    0.1103         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.69it/s]
                     all          29          56           1      0.0179      0.0488      0.0082
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        18/299      1.2G   0.06188   0.04648         0    0.1084         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56           0           0     0.00701     0.00117
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        19/299      1.2G   0.05765    0.0481         0    0.1058         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.79it/s]
                     all          29          56           0           0      0.0511     0.00863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        20/299      1.2G    0.0573   0.04946         0    0.1068         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.76it/s]
                     all          29          56           0           0      0.0463     0.00836
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        21/299      1.2G   0.05779   0.04746         0    0.1053         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.88it/s]
                     all          29          56           0           0      0.0844      0.0177
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        22/299      1.2G   0.05548   0.04776         0    0.1032         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.11it/s]
                     all          29          56           1      0.0179      0.0773      0.0155
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        23/299      1.2G   0.05719   0.04402         0    0.1012         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.95it/s]
                     all          29          56           0           0       0.052      0.0106
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        24/299      1.2G   0.05733   0.04716         0    0.1045         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.82it/s]
                     all          29          56      0.0731      0.0714      0.0499      0.0113
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        25/299      1.2G   0.05536   0.04763         0     0.103         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.52it/s]
                     all          29          56       0.113      0.0893      0.0905      0.0213
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        26/299      1.2G   0.05455    0.0451         0   0.09965         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.102       0.214       0.106      0.0298
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        27/299      1.2G   0.05358   0.04256         0   0.09614         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.55it/s]
                     all          29          56      0.0648       0.143      0.0953        0.02
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        28/299      1.2G   0.05538   0.04111         0   0.09648         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.68it/s]
                     all          29          56      0.0393      0.0714      0.0313     0.00802
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        29/299      1.2G   0.06169   0.03979         0    0.1015         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.37it/s]
                     all          29          56      0.0136       0.893      0.0559     0.00876
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        30/299      1.2G   0.05284   0.03763         0   0.09046         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.56it/s]
                     all          29          56       0.152       0.929       0.357       0.106
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        31/299      1.2G   0.05628   0.03539         0   0.09166         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.28it/s]
                     all          29          56       0.145       0.964       0.233      0.0397
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        32/299      1.2G   0.05918   0.03599         0   0.09517         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.35it/s]
                     all          29          56       0.252       0.946       0.441       0.112
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        33/299      1.2G   0.05677   0.03196         0   0.08873         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.74it/s]
                     all          29          56       0.092       0.982       0.315      0.0716
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        34/299      1.2G   0.05199   0.03481         0   0.08679         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.83it/s]
                     all          29          56        0.11           1       0.481       0.138
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        35/299      1.2G   0.05186   0.03455         0    0.0864         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.37it/s]
                     all          29          56       0.122           1       0.592       0.192
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        36/299      1.2G   0.05177   0.03551         0   0.08728         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.58it/s]
                     all          29          56      0.0884       0.964       0.447      0.0882
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        37/299      1.2G   0.05412   0.03529         0    0.0894         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56       0.176       0.929       0.414       0.102
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        38/299      1.2G   0.05183   0.03374         0   0.08556         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.17it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.14it/s]
                     all          29          56       0.131       0.964       0.312      0.0687
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        39/299      1.2G   0.05559   0.03537         0   0.09095         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56       0.243       0.982       0.723       0.188
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        40/299      1.2G   0.05011   0.03474         0   0.08485         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.10it/s]
                     all          29          56       0.127           1       0.678       0.173
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        41/299      1.2G   0.04743    0.0313         0   0.07873         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.14it/s]
                     all          29          56       0.118       0.946       0.403      0.0893
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        42/299      1.2G    0.0456   0.03194         0   0.07754         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.69it/s]
                     all          29          56       0.221           1       0.765       0.335
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        43/299      1.2G   0.04577   0.03025         0   0.07602         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.37it/s]
                     all          29          56        0.27       0.964       0.772       0.218
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        44/299      1.2G   0.04687   0.03341         0   0.08028         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.02it/s]
                     all          29          56       0.127           1       0.564       0.215
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        45/299      1.2G   0.04661   0.03246         0   0.07907         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.98it/s]
                     all          29          56       0.323       0.946       0.795       0.228
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        46/299      1.2G   0.04154   0.03022         0   0.07177         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.39it/s]
                     all          29          56       0.195           1       0.944       0.441
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        47/299      1.2G   0.04215   0.02987         0   0.07202         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.05it/s]
                     all          29          56       0.203           1       0.942       0.362
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        48/299      1.2G    0.0424   0.02834         0   0.07074         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.88it/s]
                     all          29          56       0.207           1       0.905       0.487
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        49/299      1.2G    0.0403   0.02949         0   0.06979        10       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.67it/s]
                     all          29          56       0.213           1       0.953       0.553
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        50/299      1.2G   0.03938   0.02704         0   0.06642         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56        0.29           1        0.94       0.449
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        51/299      1.2G   0.04171   0.02629         0     0.068         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.57it/s]
                     all          29          56       0.312           1       0.945       0.353
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        52/299      1.2G    0.0435   0.03093         0   0.07443         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.81it/s]
                     all          29          56       0.147           1       0.957       0.369
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        53/299      1.2G   0.04118   0.02821         0    0.0694         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.29it/s]
                     all          29          56       0.201           1       0.869       0.301
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        54/299      1.2G   0.04006   0.02888         0   0.06894         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.70it/s]
                     all          29          56       0.234           1       0.943       0.539
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        55/299      1.2G   0.03737    0.0277         0   0.06507         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.26it/s]
                     all          29          56       0.282           1       0.959       0.511
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        56/299      1.2G   0.03901   0.02746         0   0.06646        10       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.69it/s]
                     all          29          56       0.329           1       0.984       0.567
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        57/299      1.2G   0.03646   0.02634         0    0.0628         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.74it/s]
                     all          29          56       0.332       0.982       0.914       0.217
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        58/299      1.2G   0.04321   0.02528         0   0.06849         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.23it/s]
                     all          29          56       0.297           1        0.95         0.4
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        59/299      1.2G   0.03774   0.02769         0   0.06543         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.37it/s]
                     all          29          56       0.395           1        0.99       0.602
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        60/299      1.2G    0.0371   0.02545         0   0.06254         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.94it/s]
                     all          29          56       0.346           1       0.967       0.529
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        61/299      1.2G   0.03768   0.02809         0   0.06577         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.60it/s]
                     all          29          56       0.411       0.982       0.932         0.3
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        62/299      1.2G   0.03932   0.02565         0   0.06497         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.22it/s]
                     all          29          56        0.27           1       0.988       0.529
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        63/299      1.2G   0.03582   0.02529         0   0.06111         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.68it/s]
                     all          29          56       0.322           1       0.989       0.569
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        64/299      1.2G   0.03839   0.02712         0   0.06552         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.14it/s]
                     all          29          56        0.35           1       0.984       0.621
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        65/299      1.2G   0.03457    0.0248         0   0.05937         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.94it/s]
                     all          29          56       0.294           1       0.975       0.641
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        66/299      1.2G   0.03714   0.02592         0   0.06306         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.87it/s]
                     all          29          56       0.326           1        0.99       0.588
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        67/299      1.2G    0.0333    0.0228         0    0.0561         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.75it/s]
                     all          29          56       0.377           1       0.983       0.658
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        68/299      1.2G   0.03587   0.02485         0   0.06072         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.75it/s]
                     all          29          56        0.31           1       0.959       0.577
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        69/299      1.2G   0.03257   0.02356         0   0.05613         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.71it/s]
                     all          29          56       0.361           1       0.974       0.647
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        70/299      1.2G   0.03398   0.02433         0    0.0583         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.43it/s]
                     all          29          56       0.338           1       0.975        0.38
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        71/299      1.2G   0.03443   0.02391         0   0.05834         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.78it/s]
                     all          29          56       0.412           1       0.977       0.611
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        72/299      1.2G   0.03509   0.02441         0    0.0595         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.12it/s]
                     all          29          56       0.352           1       0.976       0.452
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        73/299      1.2G   0.03335   0.02389         0   0.05724         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56       0.483           1       0.981       0.702
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        74/299      1.2G   0.02884   0.02189         0   0.05072         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.51it/s]
                     all          29          56        0.42           1       0.983       0.638
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        75/299      1.2G   0.03253   0.02553         0   0.05806         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.27it/s]
                     all          29          56       0.431           1       0.983       0.598
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        76/299      1.2G   0.03333   0.02443         0   0.05776         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.15it/s]
                     all          29          56       0.479           1       0.981        0.68
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        77/299      1.2G   0.03234   0.02338         0   0.05572         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.61it/s]
                     all          29          56       0.477           1       0.977       0.596
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        78/299      1.2G   0.03537   0.02196         0   0.05733         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.90it/s]
                     all          29          56       0.459           1       0.985       0.633
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        79/299      1.2G   0.03128   0.02275         0   0.05403         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.90it/s]
                     all          29          56       0.538           1       0.985       0.647
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        80/299      1.2G   0.03122   0.02202         0   0.05323        13       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.92it/s]
                     all          29          56       0.406           1       0.969       0.652
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        81/299      1.2G    0.0309   0.02187         0   0.05277         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.11it/s]
                     all          29          56       0.446           1       0.971       0.708
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        82/299      1.2G    0.0317   0.02355         0   0.05524         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.72it/s]
                     all          29          56        0.38           1       0.974       0.636
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        83/299      1.2G   0.02976   0.02252         0   0.05229         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.42it/s]
                     all          29          56       0.501           1       0.982       0.615
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        84/299      1.2G   0.03092   0.02344         0   0.05436         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.14it/s]
                     all          29          56       0.543           1       0.995       0.648
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        85/299      1.2G   0.02891   0.02264         0   0.05155         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.81it/s]
                     all          29          56       0.574           1       0.985       0.744
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        86/299      1.2G    0.0291   0.02223         0   0.05132         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.86it/s]
                     all          29          56       0.562           1       0.983       0.633
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        87/299      1.2G   0.02917   0.02048         0   0.04964         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56       0.547           1       0.987       0.643
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        88/299      1.2G    0.0305   0.02119         0   0.05169         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.99it/s]
                     all          29          56       0.736           1       0.985       0.531
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        89/299      1.2G   0.03344   0.02063         0   0.05407         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.85it/s]
                     all          29          56       0.522           1        0.98       0.656
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        90/299      1.2G    0.0277   0.02164         0   0.04934         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.03it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.39it/s]
                     all          29          56       0.508           1       0.981       0.683
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        91/299      1.2G   0.03278    0.0263         0   0.05907         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.42it/s]
                     all          29          56       0.507           1       0.985       0.613
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        92/299      1.2G   0.02899   0.02346         0   0.05245         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.57it/s]
                     all          29          56       0.515           1       0.991       0.767
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        93/299      1.2G   0.02875   0.01988         0   0.04863         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.03it/s]
                     all          29          56       0.584           1       0.989       0.545
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        94/299      1.2G   0.03144   0.01992         0   0.05136         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.94it/s]
                     all          29          56       0.546           1       0.985       0.603
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        95/299      1.2G   0.02954   0.02122         0   0.05076         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.11it/s]
                     all          29          56        0.51           1       0.979       0.596
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        96/299      1.2G   0.02995   0.02172         0   0.05167         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.24it/s]
                     all          29          56       0.665           1       0.981       0.661
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        97/299      1.2G   0.03259   0.02044         0   0.05303         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.04it/s]
                     all          29          56       0.626           1        0.98       0.635
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        98/299      1.2G   0.02647   0.02105         0   0.04751         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.02it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.10it/s]
                     all          29          56        0.58           1       0.979       0.765
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
        99/299      1.2G   0.02747   0.02093         0    0.0484         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.21it/s]
                     all          29          56       0.575           1       0.977       0.698
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       100/299      1.2G   0.02542   0.01927         0    0.0447         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56       0.745           1       0.976       0.765
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       101/299      1.2G   0.02853   0.02249         0   0.05102         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.51it/s]
                     all          29          56       0.748           1       0.977       0.735
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       102/299      1.2G   0.02455   0.01895         0   0.04351         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.20it/s]
                     all          29          56       0.676           1       0.981       0.742
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       103/299      1.2G    0.0283   0.02214         0   0.05044         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.87it/s]
                     all          29          56       0.761           1       0.986       0.681
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       104/299      1.2G   0.02558   0.02037         0   0.04594         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.84it/s]
                     all          29          56       0.653           1       0.985       0.807
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       105/299      1.2G    0.0253   0.01832         0   0.04362         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.48it/s]
                     all          29          56       0.717           1       0.988       0.726
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       106/299      1.2G   0.02382   0.01784         0   0.04166         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.72it/s]
                     all          29          56        0.74           1       0.988       0.805
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       107/299      1.2G    0.0255   0.01785         0   0.04335         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.13it/s]
                     all          29          56       0.751           1       0.988       0.738
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       108/299      1.2G   0.02755   0.02033         0   0.04787         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.64it/s]
                     all          29          56       0.712           1        0.99       0.608
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       109/299      1.2G   0.03121   0.01973         0   0.05094         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.37it/s]
                     all          29          56       0.705           1       0.986       0.728
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       110/299      1.2G   0.02498   0.01903         0   0.04401         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.13it/s]
                     all          29          56       0.719           1       0.988        0.71
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       111/299      1.2G   0.02725    0.0184         0   0.04566         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.35it/s]
                     all          29          56        0.67           1       0.985       0.703
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       112/299      1.2G   0.02447   0.01886         0   0.04334         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.40it/s]
                     all          29          56        0.73           1       0.993       0.788
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       113/299      1.2G   0.02404   0.01886         0    0.0429         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56       0.765           1       0.989       0.774
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       114/299      1.2G   0.02525    0.0196         0   0.04485         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.24it/s]
                     all          29          56       0.717           1        0.99       0.762
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       115/299      1.2G   0.02473   0.01901         0   0.04375         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.48it/s]
                     all          29          56       0.782           1       0.987       0.719
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       116/299      1.2G   0.02496   0.01905         0   0.04401         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.78it/s]
                     all          29          56       0.744           1       0.988       0.786
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       117/299      1.2G   0.02427   0.01991         0   0.04418         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.62it/s]
                     all          29          56       0.817           1       0.989       0.667
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       118/299      1.2G   0.02596   0.01793         0   0.04389         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.22it/s]
                     all          29          56       0.781           1        0.99       0.687
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       119/299      1.2G   0.02531   0.01801         0   0.04331        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.75it/s]
                     all          29          56       0.792           1       0.986       0.645
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       120/299      1.2G   0.02628   0.01838         0   0.04466         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.98it/s]
                     all          29          56       0.791           1       0.985       0.735
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       121/299      1.2G   0.02426   0.01805         0   0.04231         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56       0.822           1       0.985       0.742
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       122/299      1.2G   0.02608   0.01884         0   0.04493         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.59it/s]
                     all          29          56       0.739           1       0.987       0.748
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       123/299      1.2G   0.02348   0.01735         0   0.04084         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.37it/s]
                     all          29          56       0.736           1       0.984       0.754
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       124/299      1.2G   0.02618   0.01852         0    0.0447         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.03it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56       0.808           1       0.985       0.634
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       125/299      1.2G   0.02611   0.01754         0   0.04364         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.36it/s]
                     all          29          56       0.817           1       0.987        0.76
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       126/299      1.2G   0.02483   0.01873         0   0.04356         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.65it/s]
                     all          29          56       0.806           1       0.987       0.797
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       127/299      1.2G   0.02149   0.01782         0   0.03931         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.42it/s]
                     all          29          56       0.739           1       0.991       0.793
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       128/299      1.2G   0.02385   0.01786         0   0.04171         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.33it/s]
                     all          29          56       0.802           1       0.988       0.774
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       129/299      1.2G   0.02281   0.01737         0   0.04019        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.01it/s]
                     all          29          56       0.845           1       0.985       0.789
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       130/299      1.2G   0.02392   0.01794         0   0.04186         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.07it/s]
                     all          29          56         0.8           1       0.983       0.738
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       131/299      1.2G   0.02286   0.01646         0   0.03932         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.51it/s]
                     all          29          56       0.804           1       0.985       0.787
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       132/299      1.2G   0.02531   0.01733         0   0.04264         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.26it/s]
                     all          29          56       0.806           1       0.987       0.724
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       133/299      1.2G   0.02114   0.01727         0   0.03841         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.22it/s]
                     all          29          56        0.79           1       0.988       0.805
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       134/299      1.2G   0.02117    0.0167         0   0.03787         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.15it/s]
                     all          29          56       0.776           1       0.987       0.807
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       135/299      1.2G   0.01947   0.01698         0   0.03646         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.77it/s]
                     all          29          56       0.801           1       0.986        0.84
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       136/299      1.2G   0.02117   0.01804         0   0.03921         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.60it/s]
                     all          29          56       0.838           1       0.985       0.815
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       137/299      1.2G   0.01931   0.01668         0   0.03599         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.61it/s]
                     all          29          56       0.802           1       0.988        0.83
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       138/299      1.2G    0.0202   0.01699         0    0.0372         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.95it/s]
                     all          29          56       0.817           1       0.989       0.781
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       139/299      1.2G   0.02121   0.01713         0   0.03834         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.26it/s]
                     all          29          56       0.832           1        0.99       0.779
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       140/299      1.2G   0.02338   0.01737         0   0.04075         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.804           1       0.992       0.844
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       141/299      1.2G   0.02018   0.01628         0   0.03646         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.16it/s]
                     all          29          56       0.817           1       0.993        0.85
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       142/299      1.2G   0.01982   0.01596         0   0.03578         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.31it/s]
                     all          29          56       0.782           1       0.991       0.798
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       143/299      1.2G   0.02048   0.01757         0   0.03805         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.52it/s]
                     all          29          56       0.815           1       0.991       0.831
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       144/299      1.2G   0.02082   0.01782         0   0.03863         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.01it/s]
                     all          29          56       0.807           1       0.993       0.796
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       145/299      1.2G   0.02087   0.01539         0   0.03626         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.57it/s]
                     all          29          56       0.822           1       0.991       0.826
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       146/299      1.2G   0.02094    0.0167         0   0.03764         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.34it/s]
                     all          29          56       0.788           1        0.99       0.805
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       147/299      1.2G   0.02168   0.01582         0    0.0375         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.81it/s]
                     all          29          56       0.779           1       0.991       0.775
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       148/299      1.2G   0.02515   0.01609         0   0.04124         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.62it/s]
                     all          29          56       0.781           1       0.992       0.822
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       149/299      1.2G   0.02061   0.01656         0   0.03717         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.54it/s]
                     all          29          56       0.749           1       0.992       0.837
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       150/299      1.2G   0.02082   0.01734         0   0.03816         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.81it/s]
                     all          29          56       0.803           1       0.993       0.796
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       151/299      1.2G   0.02367   0.01581         0   0.03948         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.75it/s]
                     all          29          56       0.805           1       0.992       0.761
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       152/299      1.2G   0.02474    0.0187         0   0.04344         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.51it/s]
                     all          29          56       0.806           1       0.993       0.814
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       153/299      1.2G   0.02046   0.01564         0    0.0361         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.17it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.38it/s]
                     all          29          56       0.837           1       0.992       0.805
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       154/299      1.2G    0.0206   0.01638         0   0.03698         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.20it/s]
                     all          29          56       0.825           1       0.992       0.794
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       155/299      1.2G   0.02212   0.01658         0   0.03871         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.67it/s]
                     all          29          56       0.803           1       0.991       0.832
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       156/299      1.2G   0.01953   0.01696         0   0.03648         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.84it/s]
                     all          29          56       0.794           1       0.988       0.819
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       157/299      1.2G   0.02146   0.01766         0   0.03912         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.45it/s]
                     all          29          56       0.824           1       0.989       0.821
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       158/299      1.2G   0.01964   0.01631         0   0.03595         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.99it/s]
                     all          29          56       0.826           1        0.99       0.772
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       159/299      1.2G   0.02123    0.0173         0   0.03853         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.83it/s]
                     all          29          56       0.829           1       0.991       0.826
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       160/299      1.2G    0.0191   0.01569         0   0.03479         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.72it/s]
                     all          29          56       0.799           1       0.993       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       161/299      1.2G   0.02231   0.01679         0    0.0391         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.14it/s]
                     all          29          56       0.788           1       0.989       0.833
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       162/299      1.2G   0.01909   0.01621         0    0.0353         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.84it/s]
                     all          29          56       0.804           1        0.99       0.844
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       163/299      1.2G   0.02007    0.0153         0   0.03538         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.20it/s]
                     all          29          56        0.83           1       0.988       0.779
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       164/299      1.2G   0.01904   0.01537         0   0.03441         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.96it/s]
                     all          29          56       0.755           1       0.989       0.834
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       165/299      1.2G   0.01969    0.0153         0   0.03499         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.38it/s]
                     all          29          56       0.817           1       0.988       0.814
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       166/299      1.2G   0.01789   0.01556         0   0.03345         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.85it/s]
                     all          29          56       0.833           1       0.989       0.843
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       167/299      1.2G   0.01899   0.01531         0    0.0343         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.24it/s]
                     all          29          56       0.867           1        0.99       0.826
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       168/299      1.2G    0.0178   0.01426         0   0.03207         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.91it/s]
                     all          29          56       0.808           1       0.992       0.853
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       169/299      1.2G   0.01873   0.01496         0   0.03369         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.97it/s]
                     all          29          56       0.849           1       0.993       0.821
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       170/299      1.2G   0.01777   0.01556         0   0.03334         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.86it/s]
                     all          29          56       0.862           1       0.993       0.854
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       171/299      1.2G   0.01693   0.01434         0   0.03126         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.05it/s]
                     all          29          56       0.853           1       0.994       0.851
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       172/299      1.2G   0.01787    0.0155         0   0.03337         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56       0.853           1       0.992       0.841
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       173/299      1.2G   0.01881   0.01571         0   0.03452         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.44it/s]
                     all          29          56       0.876           1       0.991       0.847
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       174/299      1.2G   0.01831   0.01532         0   0.03363         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.68it/s]
                     all          29          56       0.857           1       0.992       0.842
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       175/299      1.2G   0.01732   0.01435         0   0.03166         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.40it/s]
                     all          29          56        0.89           1       0.992       0.843
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       176/299      1.2G   0.01793   0.01446         0    0.0324        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.56it/s]
                     all          29          56       0.878           1       0.992       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       177/299      1.2G   0.01759   0.01453         0   0.03212         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.57it/s]
                     all          29          56       0.876           1       0.993       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       178/299      1.2G   0.01716   0.01392         0   0.03108         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.34it/s]
                     all          29          56       0.895           1       0.993       0.855
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       179/299      1.2G   0.01812   0.01597         0   0.03409         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.95it/s]
                     all          29          56        0.83           1       0.993       0.842
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       180/299      1.2G   0.01644   0.01425         0   0.03068         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.42it/s]
                     all          29          56       0.857           1       0.992        0.87
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       181/299      1.2G   0.01718   0.01571         0   0.03289         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.72it/s]
                     all          29          56        0.89           1       0.994       0.853
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       182/299      1.2G   0.01755   0.01535         0    0.0329         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.28it/s]
                     all          29          56       0.864           1       0.992       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       183/299      1.2G   0.01686   0.01486         0   0.03172        10       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.65it/s]
                     all          29          56        0.85           1       0.992       0.843
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       184/299      1.2G    0.0176   0.01563         0   0.03323         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56       0.847           1       0.992       0.841
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       185/299      1.2G   0.01735   0.01481         0   0.03215         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.06it/s]
                     all          29          56       0.877           1        0.99        0.84
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       186/299      1.2G   0.01829   0.01476         0   0.03305         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.61it/s]
                     all          29          56       0.877           1       0.989       0.834
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       187/299      1.2G   0.01781    0.0145         0    0.0323         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.17it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.45it/s]
                     all          29          56       0.883           1       0.991       0.838
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       188/299      1.2G     0.018   0.01593         0   0.03393         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.47it/s]
                     all          29          56       0.884           1       0.989       0.858
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       189/299      1.2G   0.01694   0.01502         0   0.03195         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.58it/s]
                     all          29          56       0.866           1       0.988       0.832
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       190/299      1.2G   0.01765   0.01476         0   0.03242         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56        0.89           1       0.987       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       191/299      1.2G   0.01622    0.0132         0   0.02942         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.36it/s]
                     all          29          56       0.888           1       0.985       0.853
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       192/299      1.2G   0.01766   0.01446         0   0.03212         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  4.98it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.95it/s]
                     all          29          56       0.867           1       0.986       0.838
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       193/299      1.2G   0.01718   0.01443         0   0.03161         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.95it/s]
                     all          29          56        0.85           1       0.986       0.828
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       194/299      1.2G   0.01711   0.01474         0   0.03186         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.28it/s]
                     all          29          56       0.874           1        0.99       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       195/299      1.2G   0.01639   0.01474         0   0.03113         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56       0.885           1       0.989       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       196/299      1.2G   0.01685   0.01366         0   0.03051         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.46it/s]
                     all          29          56       0.851           1       0.988       0.844
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       197/299      1.2G   0.01735   0.01504         0   0.03239         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.80it/s]
                     all          29          56       0.855           1       0.988        0.85
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       198/299      1.2G   0.01732   0.01512         0   0.03244         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.70it/s]
                     all          29          56       0.846           1       0.987       0.859
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       199/299      1.2G   0.01624    0.0141         0   0.03035         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 14.38it/s]
                     all          29          56       0.852           1       0.986       0.842
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       200/299      1.2G   0.01745   0.01476         0   0.03221         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.10it/s]
                     all          29          56       0.802           1       0.989        0.86
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       201/299      1.2G   0.01599   0.01478         0   0.03077         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.48it/s]
                     all          29          56       0.811           1        0.99       0.859
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       202/299      1.2G    0.0161   0.01414         0   0.03024         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.20it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56       0.851           1       0.993       0.879
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       203/299      1.2G   0.01593   0.01333         0   0.02926         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56        0.86           1       0.992       0.876
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       204/299      1.2G   0.01777   0.01514         0   0.03291         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.869           1       0.991       0.845
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       205/299      1.2G   0.01704   0.01369         0   0.03074         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.38it/s]
                     all          29          56       0.868           1       0.991       0.851
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       206/299      1.2G   0.01642   0.01414         0   0.03055         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.62it/s]
                     all          29          56       0.896           1       0.988       0.847
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       207/299      1.2G   0.01696   0.01354         0    0.0305         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.896           1       0.987       0.849
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       208/299      1.2G   0.01824   0.01529         0   0.03353         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56       0.893           1       0.988       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       209/299      1.2G   0.01722   0.01389         0   0.03111         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.92it/s]
                     all          29          56       0.882           1       0.991       0.828
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       210/299      1.2G   0.01855    0.0149         0   0.03344         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.85it/s]
                     all          29          56       0.848           1       0.992       0.847
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       211/299      1.2G   0.01619   0.01482         0   0.03101         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.56it/s]
                     all          29          56       0.894           1        0.99       0.844
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       212/299      1.2G   0.01608   0.01311         0   0.02919         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.60it/s]
                     all          29          56       0.901           1       0.989       0.845
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       213/299      1.2G   0.01543   0.01443         0   0.02987         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.08it/s]
                     all          29          56       0.907           1       0.989       0.848
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       214/299      1.2G   0.01588   0.01366         0   0.02954         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.47it/s]
                     all          29          56       0.891           1       0.989       0.854
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       215/299      1.2G   0.01647   0.01399         0   0.03046         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.92it/s]
                     all          29          56       0.864           1        0.99       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       216/299      1.2G   0.01552   0.01392         0   0.02944         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.10it/s]
                     all          29          56        0.89           1        0.99       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       217/299      1.2G   0.01676   0.01466         0   0.03143         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.55it/s]
                     all          29          56       0.854           1        0.99        0.85
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       218/299      1.2G   0.01731   0.01405         0   0.03135         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.16it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.71it/s]
                     all          29          56       0.846           1       0.992       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       219/299      1.2G    0.0166   0.01443         0   0.03103         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.28it/s]
                     all          29          56       0.836           1       0.993       0.859
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       220/299      1.2G   0.01541   0.01381         0   0.02922        10       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.50it/s]
                     all          29          56       0.873           1       0.992       0.858
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       221/299      1.2G    0.0165   0.01442         0   0.03092        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.16it/s]
                     all          29          56       0.886           1       0.992       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       222/299      1.2G    0.0159   0.01328         0   0.02918         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.91it/s]
                     all          29          56       0.867           1       0.991       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       223/299      1.2G   0.01646   0.01409         0   0.03056         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56       0.894           1       0.991       0.854
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       224/299      1.2G   0.01574   0.01374         0   0.02949         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.36it/s]
                     all          29          56       0.897           1        0.99        0.86
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       225/299      1.2G   0.01564   0.01324         0   0.02888         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.26it/s]
                     all          29          56       0.876           1       0.992        0.86
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       226/299      1.2G   0.01587   0.01369         0   0.02956         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.66it/s]
                     all          29          56       0.881           1       0.992       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       227/299      1.2G   0.01657    0.0141         0   0.03067         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.35it/s]
                     all          29          56       0.892           1        0.99       0.866
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       228/299      1.2G   0.01505   0.01412         0   0.02917         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.11it/s]
                     all          29          56       0.879           1       0.988       0.871
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       229/299      1.2G   0.01591   0.01359         0    0.0295         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56        0.88           1       0.991       0.868
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       230/299      1.2G   0.01488   0.01262         0    0.0275         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.97it/s]
                     all          29          56        0.89           1       0.989       0.874
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       231/299      1.2G   0.01506   0.01304         0   0.02809         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.67it/s]
                     all          29          56       0.897           1       0.989       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       232/299      1.2G   0.01452   0.01376         0   0.02828         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.38it/s]
                     all          29          56       0.928           1       0.991       0.852
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       233/299      1.2G   0.01533   0.01371         0   0.02904         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.35it/s]
                     all          29          56       0.928           1       0.987       0.854
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       234/299      1.2G   0.01529   0.01321         0   0.02849         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.40it/s]
                     all          29          56       0.911           1       0.988        0.85
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       235/299      1.2G   0.01591   0.01375         0   0.02966         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.70it/s]
                     all          29          56       0.903           1       0.989       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       236/299      1.2G   0.01542   0.01333         0   0.02875         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.75it/s]
                     all          29          56       0.898           1       0.988       0.859
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       237/299      1.2G   0.01544   0.01329         0   0.02873         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.87it/s]
                     all          29          56       0.891           1       0.986       0.858
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       238/299      1.2G   0.01463   0.01292         0   0.02755         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.27it/s]
                     all          29          56         0.9           1       0.989       0.871
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       239/299      1.2G   0.01487   0.01283         0   0.02769         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56       0.884           1       0.989       0.874
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       240/299      1.2G   0.01531   0.01308         0   0.02839         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.87it/s]
                     all          29          56       0.908           1       0.987       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       241/299      1.2G   0.01412   0.01245         0   0.02657         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.62it/s]
                     all          29          56       0.921           1       0.988       0.881
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       242/299      1.2G    0.0141   0.01202         0   0.02612         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.20it/s]
                     all          29          56       0.925           1       0.987       0.871
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       243/299      1.2G   0.01501   0.01332         0   0.02833         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.81it/s]
                     all          29          56       0.927           1       0.989        0.88
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       244/299      1.2G   0.01544   0.01361         0   0.02905         9       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.83it/s]
                     all          29          56       0.931           1       0.987       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       245/299      1.2G   0.01519   0.01346         0   0.02866         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.30it/s]
                     all          29          56       0.934           1       0.988       0.871
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       246/299      1.2G   0.01385    0.0123         0   0.02615         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.72it/s]
                     all          29          56       0.928           1       0.989       0.866
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       247/299      1.2G   0.01481   0.01243         0   0.02725         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.45it/s]
                     all          29          56       0.928           1       0.992        0.87
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       248/299      1.2G   0.01447   0.01276         0   0.02723         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.16it/s]
                     all          29          56       0.898           1       0.994       0.868
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       249/299      1.2G   0.01535   0.01402         0   0.02937         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.72it/s]
                     all          29          56       0.923           1       0.993       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       250/299      1.2G   0.01562   0.01268         0    0.0283         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.05it/s]
                     all          29          56       0.907           1       0.993       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       251/299      1.2G   0.01525   0.01339         0   0.02865         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 16.73it/s]
                     all          29          56       0.924           1       0.992       0.872
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       252/299      1.2G   0.01493   0.01354         0   0.02847         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.09it/s]
                     all          29          56       0.909           1       0.992        0.87
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       253/299      1.2G   0.01519   0.01318         0   0.02837         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.85it/s]
                     all          29          56       0.901           1       0.992       0.864
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       254/299      1.2G   0.01543   0.01444         0   0.02987         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.06it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.11it/s]
                     all          29          56       0.911           1       0.993       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       255/299      1.2G   0.01456   0.01312         0   0.02768         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.77it/s]
                     all          29          56       0.913           1       0.993       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       256/299      1.2G   0.01553   0.01353         0   0.02907         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.40it/s]
                     all          29          56       0.925           1       0.994       0.877
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       257/299      1.2G   0.01488   0.01389         0   0.02877         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.08it/s]
                     all          29          56       0.926           1       0.991       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       258/299      1.2G   0.01582   0.01292         0   0.02874         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.00it/s]
                     all          29          56       0.902           1       0.991        0.86
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       259/299      1.2G   0.01538   0.01367         0   0.02905         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.52it/s]
                     all          29          56       0.893           1        0.99       0.859
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       260/299      1.2G   0.01585   0.01396         0   0.02981         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.66it/s]
                     all          29          56        0.88           1       0.991        0.86
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       261/299      1.2G    0.0144   0.01269         0   0.02708        12       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.80it/s]
                     all          29          56       0.904           1        0.99       0.856
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       262/299      1.2G   0.01498    0.0135         0   0.02848         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.92it/s]
                     all          29          56       0.899           1       0.991       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       263/299      1.2G   0.01457   0.01324         0    0.0278         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.93it/s]
                     all          29          56       0.895           1       0.992       0.875
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       264/299      1.2G   0.01475   0.01259         0   0.02734         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.16it/s]
                     all          29          56       0.908           1       0.991       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       265/299      1.2G    0.0154   0.01377         0   0.02917         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.21it/s]
                     all          29          56       0.909           1       0.989       0.868
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       266/299      1.2G   0.01506   0.01311         0   0.02817         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.55it/s]
                     all          29          56       0.902           1        0.99       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       267/299      1.2G   0.01472   0.01306         0   0.02778         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.52it/s]
                     all          29          56       0.888           1        0.99       0.855
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       268/299      1.2G   0.01508   0.01314         0   0.02822         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.72it/s]
                     all          29          56       0.904           1       0.992       0.862
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       269/299      1.2G   0.01539   0.01376         0   0.02914         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.02it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.05it/s]
                     all          29          56       0.907           1       0.992       0.873
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       270/299      1.2G   0.01429    0.0123         0   0.02659         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.915           1        0.99       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       271/299      1.2G   0.01447   0.01303         0   0.02751         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.28it/s]
                     all          29          56       0.888           1       0.989       0.868
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       272/299      1.2G   0.01484   0.01343         0   0.02826         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.14it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.47it/s]
                     all          29          56       0.913           1       0.987       0.868
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       273/299      1.2G   0.01489   0.01371         0    0.0286         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.916           1       0.986       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       274/299      1.2G   0.01581   0.01309         0    0.0289        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.33it/s]
                     all          29          56        0.92           1       0.987       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       275/299      1.2G   0.01427   0.01233         0   0.02659         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.57it/s]
                     all          29          56       0.917           1       0.988        0.87
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       276/299      1.2G   0.01483   0.01376         0    0.0286         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.10it/s]
                     all          29          56       0.925           1       0.986       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       277/299      1.2G   0.01438   0.01352         0    0.0279         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.05it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.90it/s]
                     all          29          56        0.92           1       0.987       0.857
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       278/299      1.2G   0.01424   0.01279         0   0.02703         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.89it/s]
                     all          29          56       0.919           1       0.985       0.855
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       279/299      1.2G   0.01396   0.01236         0   0.02632         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.15it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.38it/s]
                     all          29          56       0.898           1       0.987       0.866
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       280/299      1.2G   0.01436    0.0122         0   0.02656         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.88it/s]
                     all          29          56       0.925           1       0.987       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       281/299      1.2G   0.01442    0.0126         0   0.02702         1       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.12it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.34it/s]
                     all          29          56       0.923           1       0.988       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       282/299      1.2G   0.01412   0.01178         0    0.0259         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.06it/s]
                     all          29          56       0.919           1        0.99       0.873
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       283/299      1.2G   0.01402   0.01299         0   0.02701         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.18it/s]
                     all          29          56       0.926           1       0.991       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       284/299      1.2G   0.01422   0.01284         0   0.02707         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.44it/s]
                     all          29          56       0.931           1       0.992       0.864
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       285/299      1.2G     0.014   0.01161         0   0.02561         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.55it/s]
                     all          29          56       0.921           1       0.992       0.875
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       286/299      1.2G   0.01352   0.01217         0   0.02569         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.07it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.08it/s]
                     all          29          56       0.934           1       0.992       0.874
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       287/299      1.2G   0.01416   0.01216         0   0.02632         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.30it/s]
                     all          29          56       0.934           1       0.992       0.862
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       288/299      1.2G   0.01329   0.01219         0   0.02549         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.92it/s]
                     all          29          56       0.934           1       0.991       0.867
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       289/299      1.2G   0.01503   0.01356         0   0.02859         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.08it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.57it/s]
                     all          29          56       0.934           1       0.992       0.869
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       290/299      1.2G   0.01358   0.01285         0   0.02643         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.90it/s]
                     all          29          56       0.934           1       0.993       0.878
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       291/299      1.2G   0.01428    0.0131         0   0.02738         5       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.10it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.98it/s]
                     all          29          56       0.934           1       0.992       0.873
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       292/299      1.2G   0.01397   0.01221         0   0.02618        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.49it/s]
                     all          29          56       0.934           1       0.992       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       293/299      1.2G   0.01401   0.01194         0   0.02595         2       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:30<00:00,  5.13it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.86it/s]
                     all          29          56       0.934           1       0.994       0.872
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       294/299      1.2G   0.01362   0.01216         0   0.02578         6       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.30it/s]
                     all          29          56       0.933           1       0.994       0.872
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       295/299      1.2G   0.01505   0.01397         0   0.02902        11       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.11it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.30it/s]
                     all          29          56       0.933           1       0.995       0.871
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       296/299      1.2G   0.01385   0.01193         0   0.02578         7       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.69it/s]
                     all          29          56       0.933           1       0.994       0.861
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       297/299      1.2G   0.01419   0.01255         0   0.02674         4       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.04it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 15.42it/s]
                     all          29          56       0.931           1       0.994       0.863
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       298/299      1.2G    0.0151   0.01255         0   0.02765         8       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.09it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:01<00:00, 14.95it/s]
                     all          29          56       0.925           1       0.994        0.87
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
       299/299      1.2G   0.01402   0.01212         0   0.02615         3       640: 100%|███████████████████████████████████████████████████████████████████| 159/159 [00:31<00:00,  5.00it/s]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 29/29 [00:02<00:00, 13.41it/s]
                     all          29          56       0.934           1       0.994       0.868
    Optimizer stripped from runs\train\exp2\weights\last.pt, 42.5MB
    Optimizer stripped from runs\train\exp2\weights\best.pt, 42.5MB
    300 epochs completed in 2.791 hours.
    
    
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    (wind_2021) F:\PytorchProject\yolov5_train_rebar_area>
    

      

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

    6、调用最优模型测试

     python detect_imgs_222050201.py --weights runs/train/exp2/weights/best.pt --source data/img
     

    测试效果:

     

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

  • 相关阅读:
    The .NET weak event pattern in C#
    Setting an Event to Null
    Android: INSTALL_FAILED_UPDATE_INCOMPATIBLE错误解决措施
    快速打开 Mac OS X 隐藏的用户资源库文件夹
    Complete uninstall on Mac, HELP!
    为什么MacBook装Windows这么火?
    mac 刻录ISO系统盘
    MySQL子查询慢现象的解决
    程序人生的四个象限和两条主线
    Xamarin.Android,Xamarin.iOS, Linking
  • 原文地址:https://www.cnblogs.com/herd/p/16215149.html
Copyright © 2020-2023  润新知