• yolov5训练表示识别模型日志记录


    yolov5训练表示识别模型日志记录

    1、标注数据

    2、整理数据

    3、训练:修改:myvoc.yaml

    train: VOC_2022060901/train.txt
    val: VOC_2022060901/val.txt
    
    # number of classes
    nc: 1
    
    # class names
    names: ["M_beacom"]

    4、开始训练

    python train_20220609.py --batch-size 2 --epochs 100 --data ./data/myvoc.yaml --cfg ./models/yolov5m.yaml --workers 0 

    训练日志:

    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>python train_20220609.py --batch-size 2 --epochs 100 --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=2, bucket='', cache_images=False, cfg='./models/yolov5m.yaml', data='./data/myvoc.yaml', device='', epochs=100, 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\\exp', single_cls=False, sync_bn=False, total_batch_size=2, 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_2022060901\labels' for images and labels... 169 found, 0 missing, 0 empty, 0 corrupted: 100%|█████████████████████████████████████████| 169/169 [00:00<00:00, 745.58it/s]
    New cache created: VOC_2022060901\labels.cache
    Scanning 'VOC_2022060901\labels.cache' for images and labels... 169 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████| 169/169 [00:00<?, ?it/s]
    Scanning 'VOC_2022060901\labels' for images and labels... 30 found, 0 missing, 0 empty, 0 corrupted: 100%|████████████████████████████████████████████| 30/30 [00:00<00:00, 828.55it/s]
    New cache created: VOC_2022060901\labels.cache
    Scanning 'VOC_2022060901\labels.cache' for images and labels... 30 found, 0 missing, 0 empty, 0 corrupted: 100%|███████████████████████████████████████████████| 30/30 [00:00<?, ?it/s]Plotting labels...
    Scanning 'VOC_2022060901\labels.cache' for images and labels... 30 found, 0 missing, 0 empty, 0 corrupted: 100%|███████████████████████████████████████████████| 30/30 [00:00<?, ?it/s]
    
    Analyzing anchors... anchors/target = 5.57, Best Possible Recall (BPR) = 1.0000
    Image sizes 640 train, 640 test
    Using 0 dataloader workers
    Logging results to runs\train\exp
    Starting training for 100 epochs...
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          0/99     1.14G    0.1192   0.02571         0    0.1449         2       640: 100%|████████████████████████████████████████████████████████████████| 85/85 [02:56<00:00,  2.07s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|████████████████████████████████████████████████████| 15/15 [00:12<00:00,  1.25it/s]
                     all          30          48           0           0     0.00178    0.000286
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          1/99      1.2G    0.1088   0.02571         0    0.1345         2       640: 100%|████████████████████████████████████████████████████████████████| 85/85 [02:44<00:00,  1.94s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48     0.00211       0.396     0.00257    0.000329
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          2/99      1.2G    0.1027    0.0267         0    0.1294         1       640: 100%|████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48     0.00129       0.125    0.000477    8.22e-05
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          3/99      1.2G   0.09805   0.02503         0    0.1231         0       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:40<00:00,  1.88s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.52it/s]
                     all          30          48     0.00307      0.0417     0.00683    0.000792
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          4/99      1.2G    0.0982   0.02556         0    0.1238         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:44<00:00,  1.93s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.53it/s]
                     all          30          48      0.0143       0.125     0.00422     0.00107
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          5/99      1.2G    0.1004   0.02547         0    0.1259         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.53it/s]
                     all          30          48     0.00539       0.208     0.00479    0.000806
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          6/99      1.2G   0.09814   0.02496         0    0.1231         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48     0.00499       0.271     0.00705    0.000879
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          7/99      1.2G   0.09564   0.02259         0    0.1182         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48     0.00615       0.312     0.00809     0.00102
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          8/99      1.2G   0.09611   0.02577         0    0.1219         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:43<00:00,  1.92s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95:  73%|█████████████████████████████████████████▊               | 11/15 [00:09<00:02,  1.48i                    Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:12<00:00,  1.24it/s]
                     all          30          48      0.0128       0.292     0.00983     0.00124
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
          9/99      1.2G   0.09301    0.0275         0    0.1205         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48      0.0117       0.188      0.0122     0.00233
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         10/99      1.2G   0.09286   0.02558         0    0.1184         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48      0.0139       0.208     0.00766     0.00141
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         11/99      1.2G   0.08887   0.02494         0    0.1138         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.53it/s]
                     all          30          48      0.0333       0.146       0.012     0.00195
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         12/99      1.2G   0.08873   0.02432         0    0.1131         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48      0.0925      0.0833      0.0295     0.00501
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         13/99      1.2G   0.08552   0.02752         0     0.113         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48           0           0     0.00926       0.002
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         14/99      1.2G   0.08189   0.02734         0    0.1092         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.52it/s]
                     all          30          48           0           0     0.00347    0.000624
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         15/99      1.2G   0.08222   0.02826         0    0.1105         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.53it/s]
                     all          30          48           0           0      0.0288     0.00498
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         16/99      1.2G   0.08151   0.02946         0     0.111         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.52it/s]
                     all          30          48           0           0      0.0247     0.00406
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         17/99      1.2G   0.08274   0.02873         0    0.1115         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48           0           0      0.0307     0.00514
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         18/99      1.2G   0.08013   0.02759         0    0.1077         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48           1      0.0208       0.115      0.0321
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         19/99      1.2G   0.07505   0.02907         0    0.1041         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48           1      0.0208       0.164      0.0294
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         20/99      1.2G   0.07397   0.03017         0    0.1041         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.53it/s]
                     all          30          48           1      0.0208      0.0919      0.0251
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         21/99      1.2G   0.07509   0.03165         0    0.1067         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48           0           0      0.0464     0.00842
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         22/99      1.2G   0.07355   0.02786         0    0.1014         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48           1      0.0208       0.191      0.0575
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         23/99      1.2G   0.07154   0.02885         0    0.1004         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48           0           0      0.0378      0.0112
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         24/99      1.2G   0.07079   0.02796         0   0.09874         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:39<00:00,  1.88s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48           0           0      0.0289     0.00568
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         25/99      1.2G     0.065   0.02882         0   0.09382         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48           1      0.0208        0.21      0.0559
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         26/99      1.2G   0.06747   0.02805         0   0.09551         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:35<00:00,  1.83s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48           1      0.0208       0.201      0.0574
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         27/99      1.2G   0.06349   0.02505         0   0.08853         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:35<00:00,  1.83s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.258       0.232       0.182      0.0389
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         28/99      1.2G   0.06072   0.02671         0   0.08743         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.529        0.25        0.35      0.0937
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         29/99      1.2G    0.0599   0.02485         0   0.08475         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.61it/s]
                     all          30          48       0.376       0.292       0.307      0.0637
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         30/99      1.2G   0.06177   0.02506         0   0.08682         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.63it/s]
                     all          30          48       0.358       0.465       0.425       0.127
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         31/99      1.2G   0.06351   0.02406         0   0.08757         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48        0.27       0.729       0.424      0.0927
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         32/99      1.2G   0.06224   0.02442         0   0.08666         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.125       0.354       0.221      0.0476
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         33/99      1.2G   0.05667   0.02386         0   0.08052         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48       0.128       0.479       0.261       0.074
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         34/99      1.2G   0.05578   0.02505         0   0.08083         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.119       0.688       0.381       0.204
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         35/99      1.2G   0.06349   0.02553         0   0.08902         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48       0.303       0.396       0.396       0.121
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         36/99      1.2G   0.05494   0.02548         0   0.08042         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.312        0.35       0.394       0.151
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         37/99      1.2G   0.05628   0.02565         0   0.08193         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.63it/s]
                     all          30          48       0.327       0.562       0.456       0.121
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         38/99      1.2G   0.06197   0.02223         0    0.0842         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.344       0.771       0.595        0.21
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         39/99      1.2G   0.04979   0.02413         0   0.07392         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.274       0.896       0.616       0.277
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         40/99      1.2G   0.04823    0.0229         0   0.07114         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.282       0.938       0.654       0.227
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         41/99      1.2G   0.05388   0.02201         0   0.07589         7       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48       0.152       0.958       0.606       0.219
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         42/99      1.2G   0.04999   0.02276         0   0.07275         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.232       0.958       0.764       0.375
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         43/99      1.2G   0.04668   0.02351         0   0.07019         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.259       0.958       0.779       0.387
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         44/99      1.2G   0.05087   0.01983         0    0.0707         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.341       0.958        0.81       0.408
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         45/99      1.2G   0.04625   0.02085         0   0.06711         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.198       0.979       0.761       0.396
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         46/99      1.2G   0.04665   0.01855         0    0.0652         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:36<00:00,  1.84s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.237           1       0.799       0.318
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         47/99      1.2G   0.04681   0.02006         0   0.06687         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.216       0.979       0.578       0.235
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         48/99      1.2G   0.04212   0.01705         0   0.05917         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.203       0.979       0.823        0.34
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         49/99      1.2G   0.04739   0.01641         0    0.0638         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48        0.16       0.958       0.774       0.341
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         50/99      1.2G   0.04488   0.01745         0   0.06233         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.195           1       0.794        0.44
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         51/99      1.2G   0.04094   0.01808         0   0.05902         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48       0.156           1       0.865       0.368
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         52/99      1.2G   0.04616    0.0173         0   0.06346         7       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.139           1        0.77       0.388
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         53/99      1.2G    0.0403   0.01735         0   0.05765         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.85s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48       0.279           1       0.952       0.538
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         54/99      1.2G   0.03747   0.01726         0   0.05473         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:54<00:00,  2.05s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.51it/s]
                     all          30          48       0.229           1       0.797       0.362
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         55/99      1.2G   0.04118   0.01524         0   0.05642         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.52it/s]
                     all          30          48       0.383           1       0.973       0.678
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         56/99      1.2G   0.03769   0.01624         0   0.05394         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:53<00:00,  2.04s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.49it/s]
                     all          30          48       0.296           1       0.978       0.557
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         57/99      1.2G   0.03821    0.0167         0   0.05491         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:54<00:00,  2.05s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.46it/s]
                     all          30          48       0.221           1       0.978       0.521
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         58/99      1.2G   0.03937   0.01607         0   0.05544         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.47it/s]
                     all          30          48       0.286           1       0.956       0.587
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         59/99      1.2G   0.03975   0.01459         0   0.05434         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:45<00:00,  1.95s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.362           1       0.986       0.696
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         60/99      1.2G   0.03623   0.01523         0   0.05146         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:43<00:00,  1.92s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48       0.274           1       0.917       0.513
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         61/99      1.2G   0.03704   0.01382         0   0.05086         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:43<00:00,  1.93s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.263           1       0.964       0.634
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         62/99      1.2G   0.03814   0.01626         0    0.0544         7       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.244           1        0.99       0.615
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         63/99      1.2G     0.034   0.01529         0   0.04928         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:43<00:00,  1.92s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48       0.227           1       0.984        0.67
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         64/99      1.2G   0.03637   0.01466         0   0.05102         0       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.319           1       0.989       0.662
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         65/99      1.2G   0.03235   0.01515         0    0.0475         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.316           1       0.992       0.705
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         66/99      1.2G   0.03376   0.01451         0   0.04827         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.57it/s]
                     all          30          48       0.262           1        0.98       0.655
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         67/99      1.2G   0.03835    0.0156         0   0.05395         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.54it/s]
                     all          30          48       0.341           1       0.987       0.656
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         68/99      1.2G   0.03332    0.0153         0   0.04862         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.335           1       0.986       0.732
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         69/99      1.2G   0.03092   0.01293         0   0.04384         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:40<00:00,  1.89s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48       0.284           1       0.964       0.656
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         70/99      1.2G   0.03333   0.01443         0   0.04775         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.61it/s]
                     all          30          48       0.294           1       0.992       0.617
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         71/99      1.2G   0.03115   0.01402         0   0.04517         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:40<00:00,  1.89s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.51it/s]
                     all          30          48       0.325           1       0.993       0.697
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         72/99      1.2G   0.03022   0.01388         0   0.04411         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.291           1        0.99       0.743
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         73/99      1.2G   0.02904   0.01268         0   0.04172         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.445           1       0.993       0.758
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         74/99      1.2G   0.02738   0.01288         0   0.04026         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.396           1       0.985        0.75
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         75/99      1.2G   0.02779   0.01188         0   0.03967         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.327           1       0.987       0.722
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         76/99      1.2G   0.02951   0.01299         0    0.0425         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:42<00:00,  1.91s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.365           1       0.992       0.749
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         77/99      1.2G   0.02957    0.0128         0   0.04237         3       640:  66%|█████████████████████████████████████████████▍                       | 56/85 [01:47<00:55,  1.91s     77/99      1.2G   0.02957   0.01302         0   0.04259        12       640:  66%|█████████████████████████████████████████████▍                       | 56/85 [01:49<00:55,  1.91s     77/99     77/99      1.2G   0.02879   0.01312         0    0.0419         5       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:41<00:00,  1.90s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.373           1       0.986       0.765
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         78/99      1.2G   0.02717   0.01244         0   0.03961         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.364           1       0.986       0.763
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         79/99      1.2G   0.02753   0.01255         0   0.04009         4       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:39<00:00,  1.87s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48        0.37           1       0.993       0.753
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         80/99      1.2G   0.02644   0.01247         0   0.03891         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:37<00:00,  1.86s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.60it/s]
                     all          30          48       0.458           1       0.987       0.772
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         81/99      1.2G   0.02911   0.01354         0   0.04265         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:39<00:00,  1.87s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.61it/s]
                     all          30          48       0.373           1       0.991       0.684
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         82/99      1.2G   0.03139   0.01412         0   0.04552         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:38<00:00,  1.87s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48         0.4           1       0.994       0.722
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         83/99      1.2G   0.02581   0.01258         0   0.03839         3       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:43<00:00,  1.92s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.441           1        0.99       0.701
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         84/99      1.2G   0.02689   0.01192         0   0.03881         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48        0.39           1       0.995       0.699
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         85/99      1.2G   0.02869   0.01226         0   0.04095         0       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:54<00:00,  2.05s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.433           1       0.995       0.788
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         86/99      1.2G   0.02389   0.01216         0   0.03605         0       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:55<00:00,  2.06s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.46it/s]
                     all          30          48       0.391           1       0.995       0.779
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         87/99      1.2G    0.0262    0.0125         0    0.0387         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:56<00:00,  2.08s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.45it/s]
                     all          30          48       0.409           1       0.993       0.785
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         88/99      1.2G   0.02746   0.01204         0   0.03949         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.47it/s]
                     all          30          48       0.428           1       0.994       0.761
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         89/99      1.2G   0.02382    0.0121         0   0.03591         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:54<00:00,  2.05s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.59it/s]
                     all          30          48       0.388           1       0.995       0.742
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         90/99      1.2G   0.02567   0.01273         0   0.03839         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:49<00:00,  1.99s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.47it/s]
                     all          30          48        0.45           1       0.993       0.779
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         91/99      1.2G   0.02643   0.01263         0   0.03906         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.44it/s]
                     all          30          48       0.475           1       0.989       0.781
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         92/99      1.2G    0.0247   0.01154         0   0.03624         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:52<00:00,  2.03s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.55it/s]
                     all          30          48       0.471           1       0.994       0.801
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         93/99      1.2G   0.02293   0.01198         0   0.03491         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:54<00:00,  2.05s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.45it/s]
                     all          30          48       0.446           1       0.995       0.792
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         94/99      1.2G   0.02419   0.01041         0    0.0346         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:51<00:00,  2.01s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.50it/s]
                     all          30          48       0.474           1       0.995       0.797
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         95/99      1.2G   0.02416   0.01209         0   0.03625         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:53<00:00,  2.04s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.58it/s]
                     all          30          48       0.508           1       0.995       0.803
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         96/99      1.2G   0.02375   0.01165         0    0.0354         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:48<00:00,  1.98s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:09<00:00,  1.56it/s]
                     all          30          48       0.459           1       0.993       0.785
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         97/99      1.2G   0.02403   0.01237         0   0.03639         1       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:50<00:00,  2.00s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.48it/s]
                     all          30          48       0.424           1       0.994       0.754
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         98/99      1.2G   0.02375   0.01155         0    0.0353         0       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:53<00:00,  2.04s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.49it/s]
                     all          30          48       0.445           1       0.995       0.795
    
         Epoch   gpu_mem       box       obj       cls     total   targets  img_size
         99/99      1.2G   0.02358   0.01132         0   0.03491         2       640: 100%|█████████████████████████████████████████████████████████████████████| 85/85 [02:49<00:00,  2.00s/it]
                   Class      Images     Targets           P           R      mAP@.5  mAP@.5:.95: 100%|█████████████████████████████████████████████████████████| 15/15 [00:10<00:00,  1.47it/s]
                     all          30          48       0.469           1       0.994       0.769
    Optimizer stripped from runs\train\exp\weights\last.pt, 42.5MB
    Optimizer stripped from runs\train\exp\weights\best.pt, 42.5MB
    100 epochs completed in 4.800 hours.
    
    
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    

      

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

     

     
     
     

    6、调用最优模型测试

    python detect_2022061101.py  --weights runs/train/exp/weights/best.pt --source data/img

     检测日志:

    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>python detect_2022050901.py  --weights runs/train/exp/weights/best.pt --source data/img
    Namespace(agnostic_nms=False, augment=False, classes=None, conf_thres=0.65, device='', exist_ok=False, img_size=640, iou_thres=0.45, name='exp', project='runs/detect', save_conf=False, save_txt=False, source='data/img', update=False, view_img=False, weights=['runs/train/exp/weights/best.pt'])
    Using torch 1.8.1+cu111 CUDA:0 (NVIDIA GeForce RTX 3080 Laptop GPU, 16383.5MB)
    
    
    Fusing layers...
    Model Summary: 308 layers, 21037638 parameters, 0 gradients, 50.3 GFLOPS
    image 1/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203245.jpg: 640x480 1 M_beacoms, Done. (0.025s)
    image 2/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203249.jpg: 640x480 1 M_beacoms, Done. (0.017s)
    image 3/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203259.jpg: 640x480 1 M_beacoms, Done. (0.015s)
    image 4/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203434.jpg: 640x480 1 M_beacoms, Done. (0.033s)
    image 5/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203512.jpg: 640x480 1 M_beacoms, Done. (0.037s)
    image 6/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203515.jpg: 640x480 1 M_beacoms, Done. (0.048s)
    image 7/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203814.jpg: 640x480 1 M_beacoms, Done. (0.074s)
    image 8/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_203822.jpg: 640x480 1 M_beacoms, Done. (0.068s)
    image 9/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_204241.jpg: 640x480 4 M_beacoms, Done. (0.062s)
    image 10/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_204614.jpg: 640x480 1 M_beacoms, Done. (0.070s)
    image 11/11 F:\PytorchProject\yolov5_train_M_beacon\data\img\IMG_20220608_212614.jpg: 640x480 1 M_beacoms, Done. (0.080s)
    Results saved to runs\detect\exp44
    Done. (5.951s)
    
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
    (wind_2021) F:\PytorchProject\yolov5_train_M_beacon>
     
     
    检测效果:

     

     

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

  • 相关阅读:
    NSString属性声明中的copy和retain区别
    Xcode6无法安装VVDocumenter插件的解决方法
    Xcode好用插件
    REVEAL APP for IOS 永久试用
    Foundation框架 ---- 结构体
    Foundation框架集合 ---- NSArray和NSMutableArray
    《 算法分析与设计》 实验一-分治算法
    B-浮点常量问题
    Servlet 404原因
    小C语言--词法分析程序
  • 原文地址:https://www.cnblogs.com/herd/p/16359162.html
Copyright © 2020-2023  润新知