YOLOv5— Fruit Detection

🍨 本文为[🔗365天深度学习训练营学习记录博客
🍦 参考文章:365天深度学习训练营-第7周:咖啡豆识别(训练营内部成员可读)
🍖 原作者:[K同学啊 | 接辅导、项目定制](https://mtyjkh.blog.csdn.net/)
🚀 文章来源:[K同学的学习圈子](https://www.yuque.com/mingtian-fkmxf/zxwb45)

一、 数据集详情:

数据集来源方式一:

Fruit Detection | Kaggle200 images belonging to 4 classesicon-default.png?t=N7T8https://www.kaggle.com/datasets/andrewmvd/fruit-detection/数据集来源方式二:

链接:https://pan.baidu.com/s/1XAjw6EkViD8WntscrYscYw?pwd=idfi 
提取码:idfi 

 二、前期准备:

安装Git

下载地址为 git-scm.com或者gitforwindows.org,或者阿里镜像

一直Next就可以 

配置环境变量

最后一步根据自己Git的bin目录路径设置

数据集位置

ImageSets文件下Main文件夹 及下图所示文本文件需自行创建,文本文件内容运行代码后得到 

voc_label.py代码内容: 

# 划分train、test、val文件
import os
import random
import argparseparser = argparse.ArgumentParser()
# xml文件的地址,根据自己的数据进行修改 xml一般存放在Annotations下
parser.add_argument('--xml_path', default='D:/yolov5-master/Y2/annotations', type=str, help='input txt label path')
# 数据集的划分,地址选择自己数据下的ImageSets/Main
parser.add_argument('--txt_path', default='D:/yolov5-master/Y2/ImageSets/Main', type=str, help='output txt label path')
opt = parser.parse_args()trainval_percent = 0.9
train_percent = 8/9
xmlfilepath = opt.xml_path
txtsavepath = opt.txt_path
total_xml = os.listdir(xmlfilepath)
if not os.path.exists(txtsavepath):os.makedirs(txtsavepath)num = len(total_xml)
list_index = range(num)
tv = int(num * trainval_percent)
tr = int(tv * train_percent)
trainval = random.sample(list_index, tv)
train = random.sample(trainval, tr)file_trainval = open(txtsavepath + '/trainval.txt', 'w')
file_test = open(txtsavepath + '/test.txt', 'w')
file_train = open(txtsavepath + '/train.txt', 'w')
file_val = open(txtsavepath + '/val.txt', 'w')for i in list_index:name = total_xml[i][:-4] + '\n'if i in trainval:file_trainval.write(name)if i in train:file_train.write(name)else:file_val.write(name)else:file_test.write(name)file_trainval.close()
file_train.close()
file_val.close()
file_test.close()

voc_label.py代码内容:

import xml.etree.ElementTree as ET
import os
from os import getcwdsets = ['train', 'val', 'test']
classes = ["banana", "snake fruit", "dragon fruit", "pineapple"]  # 改成自己的类别
abs_path = os.getcwd()
print(abs_path)def convert(size, box):dw = 1. / (size[0])dh = 1. / (size[1])x = (box[0] + box[1]) / 2.0 - 1y = (box[2] + box[3]) / 2.0 - 1w = box[1] - box[0]h = box[3] - box[2]x = x * dww = w * dwy = y * dhh = h * dhreturn x, y, w, hdef convert_annotation(image_id):in_file = open('D:/yolov5-master/Y2/annotations/%s.xml' % (image_id), encoding='UTF-8')out_file = open('D:/yolov5-master/Y2/labels/%s.txt' % (image_id), 'w')tree = ET.parse(in_file)root = tree.getroot()filename = root.find('filename').textfilenameFormat = filename.split(".")[1]size = root.find('size')w = int(size.find('width').text)h = int(size.find('height').text)for obj in root.iter('object'):difficult = obj.find('difficult').textcls = obj.find('name').textif cls not in classes or int(difficult) == 1:continuecls_id = classes.index(cls)xmlbox = obj.find('bndbox')b = (float(xmlbox.find('xmin').text), float(xmlbox.find('xmax').text), float(xmlbox.find('ymin').text),float(xmlbox.find('ymax').text))b1, b2, b3, b4 = b# 标注越界修正if b2 > w:b2 = wif b4 > h:b4 = hb = (b1, b2, b3, b4)bb = convert((w, h), b)out_file.write(str(cls_id) + " " + " ".join([str(a) for a in bb]) + '\n')return filenameFormatwd = getcwd()
for image_set in sets:if not os.path.exists('D:/yolov5-master/Y2/labels/'):os.makedirs('D:/yolov5-master/Y2/labels/')image_ids = open('D:/yolov5-master/Y2/ImageSets/Main/%s.txt' % (image_set)).read().strip().split()list_file = open('D:/yolov5-master/Y2/%s.txt' % (image_set),'w')for image_id in image_ids:filenameFormat = convert_annotation(image_id)list_file.write( ' D:/yolov5-master/Y2/images/%s.%s\n' % (image_id,filenameFormat))list_file.close()

​三、模型训练:

1.打开命令窗

2.命令窗中输入:

python D:/yolov5-master/train.py --img 900 --batch 2 --epoch 100 --data D:/yolov5-master/data/ab.yaml --cfg D:/yolov5-master/models/yolov5s.yaml --weights D:/yolov5-master/yolov5s.pt

3.运行结果:

D:\yolov5-master>python D:/yolov5-master/train.py --img 900 --batch 2 --epoch 100 --data D:/yolov5-master/data/ab.yaml --cfg D:/yolov5-master/models/yolov5s.yaml --weights D:/yolov5-master/yolov5s.pt
train: weights=D:/yolov5-master/yolov5s.pt, cfg=D:/yolov5-master/models/yolov5s.yaml, data=D:/yolov5-master/data/ab.yaml, hyp=data\hyps\hyp.scratch-low.yaml, epochs=100, batch_size=2, imgsz=900, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, bucket=, cache=None, image_weights=False, device=, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=8, project=runs\train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, seed=0, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest
github: skipping check (not a git repository), for updates see https://github.com/ultralytics/yolov5
YOLOv5  2023-10-15 Python-3.10.7 torch-2.0.1+cpu CPUhyperparameters: lr0=0.01, lrf=0.01, 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, copy_paste=0.0
Comet: run 'pip install comet_ml' to automatically track and visualize YOLOv5  runs in Comet
TensorBoard: Start with 'tensorboard --logdir runs\train', view at http://localhost:6006/
Overriding model.yaml nc=80 with nc=4from  n    params  module                                  arguments0                -1  1      3520  models.common.Conv                      [3, 32, 6, 2, 2]1                -1  1     18560  models.common.Conv                      [32, 64, 3, 2]2                -1  1     18816  models.common.C3                        [64, 64, 1]3                -1  1     73984  models.common.Conv                      [64, 128, 3, 2]4                -1  2    115712  models.common.C3                        [128, 128, 2]5                -1  1    295424  models.common.Conv                      [128, 256, 3, 2]6                -1  3    625152  models.common.C3                        [256, 256, 3]7                -1  1   1180672  models.common.Conv                      [256, 512, 3, 2]8                -1  1   1182720  models.common.C3                        [512, 512, 1]9                -1  1    656896  models.common.SPPF                      [512, 512, 5]10                -1  1    131584  models.common.Conv                      [512, 256, 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    361984  models.common.C3                        [512, 256, 1, False]14                -1  1     33024  models.common.Conv                      [256, 128, 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     90880  models.common.C3                        [256, 128, 1, False]18                -1  1    147712  models.common.Conv                      [128, 128, 3, 2]19          [-1, 14]  1         0  models.common.Concat                    [1]20                -1  1    296448  models.common.C3                        [256, 256, 1, False]21                -1  1    590336  models.common.Conv                      [256, 256, 3, 2]22          [-1, 10]  1         0  models.common.Concat                    [1]23                -1  1   1182720  models.common.C3                        [512, 512, 1, False]24      [17, 20, 23]  1     24273  models.yolo.Detect                      [4, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]]
YOLOv5s summary: 214 layers, 7030417 parameters, 7030417 gradients, 16.0 GFLOPsTransferred 342/349 items from D:\yolov5-master\yolov5s.pt
WARNING  --img-size 900 must be multiple of max stride 32, updating to 928
optimizer: SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 60 weight(decay=0.0005), 60 bias
train: Scanning D:\yolov5-master\Y2\train... 1 images, 0 backgrounds, 159 corrupt: 100%|██████████| 160/160 [00:15<00:0
AutoAnchor: 4.33 anchors/target, 1.000 Best Possible Recall (BPR). Current anchors are a good fit to dataset
Plotting labels to runs\train\exp10\labels.jpg...
Image sizes 928 train, 928 val
Using 0 dataloader workers
Logging results to runs\train\exp10
Starting training for 100 epochs...Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size0/99         0G     0.1304    0.06978     0.0441          7        928:   0%|          | 0/1 [00:01<?, ?it/s]WARNING  TensorBoard graph visualization failure Sizes of tensors must match except in dimension 1. Expected size 58 but got size 57 for tensor number 1 in the list.0/99         0G     0.1304    0.06978     0.0441          7        928: 100%|██████████| 1/1 [00:02<00:00,  2.67Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00803      0.667     0.0344    0.00344Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size1/99         0G     0.1225    0.07017     0.0438          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.38Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00831      0.667     0.0276     0.0107Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size2/99         0G     0.1215    0.06272    0.04777          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.30Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00831      0.667     0.0276     0.0107Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size3/99         0G    0.07185    0.05769    0.03491          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.42Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00901      0.667     0.0295     0.0102Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size4/99         0G    0.06636    0.05743    0.03418          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.33Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00901      0.667     0.0295     0.0102Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size5/99         0G     0.1135     0.1005    0.05154         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.37Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00901      0.667     0.0295     0.0102Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size6/99         0G     0.1286    0.07093    0.04479          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.38Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00238      0.333     0.0101    0.00704Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size7/99         0G    0.08015    0.05284    0.03359          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.28Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00238      0.333     0.0101    0.00704Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size8/99         0G     0.1286    0.06056    0.05875          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.34Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00238      0.333     0.0101    0.00704Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size9/99         0G     0.1279    0.05935     0.0491          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.37Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3    0.00238      0.333     0.0101    0.00704Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size10/99         0G     0.1191     0.0974    0.04818         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.49Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<0all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size11/99         0G     0.0738     0.0546    0.03086          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.32Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.73s/it]all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size12/99         0G     0.1205    0.08792    0.05034         10        928: 100%|██████████| 1/1 [00:01<00:00,  1.35s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.64s/it]all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size13/99         0G     0.1234    0.05631    0.04999          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.64s/it]all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size14/99         0G    0.07691    0.05385    0.03376          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.31s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.70s/it]all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size15/99         0G     0.1294     0.0546    0.05427          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.30s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.73s/it]all          1          3     0.0026      0.333    0.00691    0.00345Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size16/99         0G     0.1237     0.0579    0.04737          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.47s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.71s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size17/99         0G    0.07855    0.05206     0.0386          2        928: 100%|██████████| 1/1 [00:01<00:00,  1.31s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.72s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size18/99         0G     0.1335    0.05947    0.04614          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.31s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.76s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size19/99         0G     0.1285    0.05954    0.04496          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.32s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.71s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size20/99         0G     0.1216    0.07369    0.05041         10        928: 100%|██████████| 1/1 [00:01<00:00,  1.35s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.74s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size21/99         0G     0.1318    0.06007    0.04623          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.75s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size22/99         0G     0.1135    0.09987    0.04957         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.30s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.75s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size23/99         0G     0.1241    0.05618    0.05124          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.73s/it]all          1          3    0.00256      0.333    0.00296   0.000296Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size24/99         0G     0.1244    0.07268    0.04454          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.40s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.86s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size25/99         0G     0.1196     0.1022    0.05058         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.34s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.88s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size26/99         0G     0.1197    0.07976    0.04923          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.32s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.88s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size27/99         0G     0.1287    0.05756    0.04383          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.30s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.92s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size28/99         0G     0.0757    0.05765    0.03272          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.36s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.86s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size29/99         0G     0.1276    0.05891    0.03639          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.90s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size30/99         0G     0.1317    0.06803    0.04382          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.32s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.93s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size31/99         0G     0.1299    0.06131    0.04325          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.88s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size32/99         0G    0.08191    0.05392    0.03174          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.30s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.94s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size33/99         0G     0.1191     0.1003    0.05059         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.85s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size34/99         0G     0.1311    0.06081    0.04263          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.29s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.92s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size35/99         0G     0.1159    0.07512    0.04745          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.35s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.87s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size36/99         0G     0.1149     0.1004    0.04459         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.38s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.90s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size37/99         0G     0.1253     0.0711    0.04095          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.36s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.91s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size38/99         0G    0.08004    0.05136    0.03433          2        928: 100%|██████████| 1/1 [00:01<00:00,  1.32s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.96s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size39/99         0G     0.1246    0.07557    0.03903          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.36s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.90s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size40/99         0G     0.1238    0.07437    0.04864          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.34s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.95s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size41/99         0G     0.1269    0.07189    0.03934          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.00s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size42/99         0G     0.1268    0.06025    0.04664          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.97s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size43/99         0G     0.1211    0.06839    0.04457          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.36s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.92s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size44/99         0G     0.1208     0.0875    0.04761         10        928: 100%|██████████| 1/1 [00:01<00:00,  1.31s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.94s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size45/99         0G     0.1186     0.0645     0.0471          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.36s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.88s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size46/99         0G     0.0704    0.05326    0.03264          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.33s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.92s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size47/99         0G     0.1162    0.09532      0.049         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.31s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.99s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size48/99         0G       0.13    0.06316    0.04502          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.45s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.99s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size49/99         0G     0.1291    0.05592    0.05101          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.54s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.07s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size50/99         0G     0.1218    0.09533    0.04983         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.65s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.02s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size51/99         0G     0.1329    0.06112    0.03709          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.38s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.97s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size52/99         0G     0.1198    0.08183    0.04453          9        928: 100%|██████████| 1/1 [00:01<00:00,  1.53s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.04s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size53/99         0G    0.08057    0.05256    0.03162          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.38s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.92s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size54/99         0G     0.1144    0.09822    0.04822         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.30s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.98s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size55/99         0G      0.111    0.06732    0.05142          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.40s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.94s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size56/99         0G     0.1189    0.07694    0.04701          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.67s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.29s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size57/99         0G     0.1302    0.05621    0.04398          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.56s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.01s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size58/99         0G    0.07134     0.0695    0.03488          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.56s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.02s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size59/99         0G     0.1114     0.1002    0.04767         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.52s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.04s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size60/99         0G     0.1304    0.05492    0.03808          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.48s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.04s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size61/99         0G    0.07421    0.05768    0.03333          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.50s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.98s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size62/99         0G     0.1312    0.05631    0.04128          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.55s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.04s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size63/99         0G     0.1162      0.101    0.04856         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.66s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.01s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size64/99         0G     0.1218    0.06413    0.04065          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.55s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.07s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size65/99         0G     0.1286    0.07462    0.03956          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.57s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.10s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size66/99         0G     0.1292    0.06246    0.03856          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.70s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.07s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size67/99         0G     0.1201    0.06854    0.04829          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.49s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.09s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size68/99         0G     0.1225    0.05767    0.05573          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.67s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.08s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size69/99         0G     0.1235    0.07456    0.03709          8        928: 100%|██████████| 1/1 [00:01<00:00,  1.52s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.09s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size70/99         0G     0.1264    0.06684    0.03873          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.61s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.10s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size71/99         0G     0.1201    0.09532    0.04892         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.56s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.06s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size72/99         0G     0.1264    0.05659    0.04049          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.57s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.09s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size73/99         0G     0.1245    0.06176    0.04652          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.69s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.06s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size74/99         0G      0.118    0.09391    0.04688         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.53s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.29s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size75/99         0G    0.07645    0.05334    0.03268          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.58s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.19s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size76/99         0G    0.07917    0.05292    0.03387          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.67s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.26s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size77/99         0G     0.1243    0.05652    0.04255          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.59s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.16s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size78/99         0G     0.1218    0.06379    0.05082          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.60s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.08s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size79/99         0G    0.07753    0.05553    0.02843          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.58s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.11s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size80/99         0G    0.07642    0.05823    0.02988          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.88s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.15s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size81/99         0G    0.06926    0.05681    0.03332          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.73s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.05s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size82/99         0G       0.12    0.06574    0.04429          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.50s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.04s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size83/99         0G     0.1282    0.06618    0.03974          7        928: 100%|██████████| 1/1 [00:01<00:00,  1.49s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.05s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size84/99         0G     0.1215    0.08404    0.04465         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.54s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.02s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size85/99         0G     0.1204    0.06103    0.04294          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.53s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.05s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size86/99         0G     0.1185    0.09924    0.04871         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.60s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.98s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size87/99         0G     0.1208    0.06346       0.04          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.59s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.09s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size88/99         0G     0.1202    0.05665    0.04612          3        928: 100%|██████████| 1/1 [00:01<00:00,  1.51s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.05s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size89/99         0G     0.1223    0.05586    0.04203          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.62s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.03s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size90/99         0G     0.1273    0.05958    0.04368          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.54s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.06s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size91/99         0G     0.1191    0.06497    0.04302          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.57s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.12s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size92/99         0G     0.1171    0.08648    0.04909         10        928: 100%|██████████| 1/1 [00:01<00:00,  1.63s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.10s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size93/99         0G     0.1156    0.07428    0.04235          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.65s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.11s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size94/99         0G     0.1029    0.06194    0.06055          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.53s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.01s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size95/99         0G     0.1186    0.09823    0.05011         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.55s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.99s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size96/99         0G     0.1274    0.05968    0.03607          5        928: 100%|██████████| 1/1 [00:01<00:00,  1.54s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.99s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size97/99         0G     0.1268    0.06459    0.04045          6        928: 100%|██████████| 1/1 [00:01<00:00,  1.50s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.05s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size98/99         0G     0.1228    0.09686    0.03788         12        928: 100%|██████████| 1/1 [00:01<00:00,  1.47s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.99s/it]all          1          3          0          0          0          0Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size99/99         0G    0.07675     0.0578    0.03083          4        928: 100%|██████████| 1/1 [00:01<00:00,  1.51s/it]Class     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:02<00:00,  2.01s/it]all          1          3          0          0          0          0100 epochs completed in 0.101 hours.
Optimizer stripped from runs\train\exp10\weights\last.pt, 14.6MB
Optimizer stripped from runs\train\exp10\weights\best.pt, 14.6MBValidating runs\train\exp10\weights\best.pt...
Fusing layers...
YOLOv5s summary: 157 layers, 7020913 parameters, 0 gradients, 15.8 GFLOPsClass     Images  Instances          P          R      mAP50   mAP50-95:   0%|          | 0/1 [00:00<?, ?it/s]WARNING  NMS time limit 0.550s exceededClass     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 1/1 [00:01<00:00,  1.59s/it]all          1          3    0.00833      0.667     0.0276     0.0107banana          1          1          0          0          0          0snake fruit          1          1    0.00775          1     0.0474     0.0284pineapple          1          1     0.0172          1     0.0355    0.00355
Results saved to runs\train\exp10

训练结果保存在Results saved to runs\train\exp10文件中。

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.rhkb.cn/news/174668.html

如若内容造成侵权/违法违规/事实不符,请联系长河编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

CentOS 安装 tomcat 并设置 开机自启动

CentOS 安装 tomcat 并设置 开机自启动 下载jdk和tomcat curl https://download.oracle.com/java/21/latest/jdk-21_linux-x64_bin.tar.gz curl https://dlcdn.apache.org/tomcat/tomcat-10/v10.1.15/bin/apache-tomcat-10.1.15.tar.gz解压jdk和tomcat并修改目录名称 tar -z…

homeassistant安装HACS应用商店

环境&#xff1a;iStoreOS&#xff0c;已在商店中安装homeassistant。 homeassistant在iStoreOS中是以docker容器运行的。 1、进入终端&#xff0c;输入账号和密码&#xff08;默认&#xff1a;root&#xff0c;password&#xff09; 查看容器&#xff1a;docker ps 进入容…

3.3每日一题(变量可分离方程)

1、判断类型选方法&#xff1a;等式中分别提一个x、y出来&#xff0c;形成了x与y相乘的等式&#xff1b;为变量可分离类型 2、不一定非得把y解出来&#xff0c;化成上述的等式即可&#xff08;为隐函数的方程解&#xff09; 注&#xff1a;等式不定积分后记得&#xff0b;一个…

大数据-Storm流式框架(七)---Storm事务

storm 事务 需求 storm 对于保证消息处理&#xff0c;提供了最少一次的处理保证。最常见的问题是如果元组可以被 重发&#xff0c;可以用于计数吗&#xff1f;不会重复计数吗&#xff1f; strom0.7.0 引入了事务性拓扑的概念&#xff0c;可以保证消息仅被严格的处理一次。因此可…

【电路笔记】-交流电感和感抗

交流电感和感抗 文章目录 交流电感和感抗1、概述1.1 电感1.2 电感器 2、频率特性2.1 电抗(Reactance)2.2 相移2.3 感应现象 3、RL滤波器4、总结 在之前有 交流电阻的文章中&#xff0c;我们已经看到电阻器在正常频率下的直流或交流状态下的行为是相同的。 然而&#xff0c;其他…

【机器学习合集】人脸表情分类任务Pytorch实现TensorBoardX的使用 ->(个人学习记录笔记)

人脸表情分类任务 注意&#xff1a;整个项目来自阿里云天池&#xff0c;下面是开发人员的联系方式&#xff0c;本人仅作为学习记录&#xff01;&#xff01;&#xff01;该文章原因&#xff0c;学习该项目&#xff0c;完善注释内容&#xff0c;针对新版本的Pytorch进行部分代码…

山东大学开发可解释深度学习算法 RetroExplainer,4 步识别有机物的逆合成路线

逆合成旨在找到一系列合适的反应物&#xff0c;以高效合成目标产物。这是解决有机合成路线的重要方法&#xff0c;也是有机合成路线设计的最简单、最基本的方法。 早期的逆合成研究多依赖编程&#xff0c;随后这一工作被 AI 接替。然而&#xff0c;现有的逆合成方法多关注单步逆…

机器学习第一周

一、概述 机器学习大致会被划分为两类&#xff1a;监督学习&#xff0c;无监督学习 1.1 监督学习 监督学习其实就是&#xff0c;给计算机一些输入x和正确的输出y&#xff08;训练数据集&#xff09;&#xff0c;让他总结x->y的映射关系&#xff0c;从而给他其他的输入x&a…

【算法】动态规划之LeetCode 53.最大子数组和

目录 文章目录 **目录**&#x1f4d1;前言1.题目描述2. 动态规划法 &#x1f4d1;文章末尾 &#x1f4d1;前言 本文主要是leetcode题解析&#xff0c;如果有什么需要改进的地方还请大佬指出⛺️ &#x1f3ac;作者简介&#xff1a;大家好&#xff0c;我是青衿&#x1f947; ☁…

ThreadLocal 会出现内存泄漏吗?

ThreadLocal ThreadLocal 是一个用来解决线程安全性问题的工具。它相当于让每个线程都开辟一块内存空间&#xff0c;用来存储共享变量的副本。然后每个线程只需要访问和操作自己的共享变量副本即可&#xff0c;从而避免多线程竞争同一个共享资源。它的工作原理很简单&#xff0…

基于Ubuntu20.04安装ROS系统

文章目录 一、ROS简介二、ROS安装三、ROS安装测试四、安装问题解决1. sudo rosdepc init&#xff1a;找不到命令2. ERROR: cannot download default sources list from...3. Command roscore not found...4. Resource not found: roslaunch... 一、ROS简介 ROS是用于编写机器人…

[ubuntu系统下的文本编辑器nano,vim,gedit,文件使用,以及版本更新问题]

文本编辑器概要 在Ubuntu系统下&#xff0c;有许多文本编辑器可供选择&#xff0c;每个编辑器都有其独特的特性和用途。以下是一些常见的文本编辑器&#xff1a; Gedit&#xff1a; 这是Ubuntu默认的文本编辑器&#xff0c;它简单易用&#xff0c;适合基本的文本编辑任务。 安…

取石子

每一堆数量都>1的话可以把合并操作和取石子看成一种操作&#xff0c;总操作数就是sumn-1&#xff0c;为奇数就是Alice先手必胜&#xff0c;哪怕有一堆是2&#xff0c;Bob取后变为1&#xff0c;Alice也可以通过合并操作让1变成>1的数 可以分成两大板块a、b, a中方石子个数…

haproxy高可用集群

高可用集群 Haproxy &#xff1a;他是常用的负载均衡软件 Nginx 支持四层转发&#xff0c;和七层转发 Haproxy 也可以四层和七层转发 LVS的DR发和nat是基于四层还是七层的转&#xff1f; 都基于是四层转发&#xff08…

[SHCTF 2023 校外赛道] pwn

有19道题这么多,不过基本是入门题,都是在骗新生,看这么容易快来PWN吧! week1 四则计算器 这里用危险函数gets读入有个溢出.而且PIE也没开,地址是固定的.而且有后门.直接溢出到ret写上后门即可. from pwn import *p remote(112.6.51.212, 31473) context(archamd64, log_lev…

#stm32整理(二)关于MDK的编译过程及文件类型全解

参考野火开发指南如有侵权即刻删除&#xff0c;只是为了学习交流使用 1、编译 1、编译过程简介 (1&#xff09;编译&#xff0c;MDK 软件使用的编译器是 armcc 和 armasm&#xff0c;它们根据每个 c/c 和汇编源文件编译 成对应的以“.o”为后缀名的对象文件 (Object Code&…

修改el-date-picker宽度

<div style"width: 100%"><el-date-pickerstyle"width:100%"v-model"value"type"datetimerange"start-placeholder"开始日期"end-placeholder"结束日期":default-time"[12:00:00]"value-forma…

Redis队列Stream

1 缘起 项目中处理文件的场景&#xff1a; 将文件处理请求放入队列&#xff0c; 一方面&#xff0c;缓解服务器文件处理压力&#xff1b; 另一方面&#xff0c;可以根据文件大小拆分到不同的队列&#xff0c;提高文件处理效率。 这是Java开发组Leader佳汇提出的文件处理方案&a…

hdlbits系列verilog解答(8位宽移位寄存器)-24

文章目录 一、问题描述二、verilog源码三、仿真结果一、问题描述 这项练习是module_shift移位寄存器的延伸。模块端口不是只有单个引脚,我们现在有以向量作为端口的模块,您将在其上附加线向量而不是普通线网数据。与 Verilog 中的其他位置一样,端口的向量长度不必与连接到它…