🍨 本文为[🔗365天深度学习训练营学习记录博客
🍦 参考文章:365天深度学习训练营-第7周:咖啡豆识别(训练营内部成员可读)
🍖 原作者:[K同学啊 | 接辅导、项目定制](https://mtyjkh.blog.csdn.net/)
🚀 文章来源:[K同学的学习圈子](https://www.yuque.com/mingtian-fkmxf/zxwb45)
一、 数据集详情:
数据集来源方式一:
Fruit Detection | Kaggle200 images belonging to 4 classeshttps://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 argparse
parser = 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 getcwd
sets = ['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 - 1
y = (box[2] + box[3]) / 2.0 - 1
w = box[1] - box[0]
h = box[3] - box[2]
x = x * dw
w = w * dw
y = y * dh
h = h * dh
return x, y, w, h
def 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').text
filenameFormat = 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').text
cls = obj.find('name').text
if cls not in classes or int(difficult) == 1:
continue
cls_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 = w
if b4 > h:
b4 = h
b = (b1, b2, b3, b4)
bb = convert((w, h), b)
out_file.write(str(cls_id) + " " + " ".join([str(a) for a in bb]) + '\n')
return filenameFormat
wd = 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 CPU
hyperparameters: 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=4
from n params module arguments
0 -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 GFLOPs
Transferred 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 Size
0/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.67
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00803 0.667 0.0344 0.00344
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
1/99 0G 0.1225 0.07017 0.0438 6 928: 100%|██████████| 1/1 [00:01<00:00, 1.38
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00831 0.667 0.0276 0.0107
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
2/99 0G 0.1215 0.06272 0.04777 6 928: 100%|██████████| 1/1 [00:01<00:00, 1.30
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00831 0.667 0.0276 0.0107
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
3/99 0G 0.07185 0.05769 0.03491 3 928: 100%|██████████| 1/1 [00:01<00:00, 1.42
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00901 0.667 0.0295 0.0102
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
4/99 0G 0.06636 0.05743 0.03418 3 928: 100%|██████████| 1/1 [00:01<00:00, 1.33
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00901 0.667 0.0295 0.0102
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
5/99 0G 0.1135 0.1005 0.05154 12 928: 100%|██████████| 1/1 [00:01<00:00, 1.37
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00901 0.667 0.0295 0.0102
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
6/99 0G 0.1286 0.07093 0.04479 6 928: 100%|██████████| 1/1 [00:01<00:00, 1.38
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00238 0.333 0.0101 0.00704
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
7/99 0G 0.08015 0.05284 0.03359 4 928: 100%|██████████| 1/1 [00:01<00:00, 1.28
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00238 0.333 0.0101 0.00704
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
8/99 0G 0.1286 0.06056 0.05875 5 928: 100%|██████████| 1/1 [00:01<00:00, 1.34
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00238 0.333 0.0101 0.00704
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
9/99 0G 0.1279 0.05935 0.0491 4 928: 100%|██████████| 1/1 [00:01<00:00, 1.37
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.00238 0.333 0.0101 0.00704
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
10/99 0G 0.1191 0.0974 0.04818 12 928: 100%|██████████| 1/1 [00:01<00:00, 1.49
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?WARNING NMS time limit 0.550s exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<0
all 1 3 0.0026 0.333 0.00691 0.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
11/99 0G 0.0738 0.0546 0.03086 3 928: 100%|██████████| 1/1 [00:01<00:00, 1.32
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?, ?it/s]WARNING NMS time limit 0.550s exceeded
Class 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.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
12/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 exceeded
Class 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.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
13/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 exceeded
Class 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.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
14/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 exceeded
Class 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.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
15/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 exceeded
Class 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.00345
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
16/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
17/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
18/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
19/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
20/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
21/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
22/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
23/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 exceeded
Class 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.000296
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
24/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.86s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
25/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.88s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
26/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.88s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
27/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.92s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
28/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.86s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
29/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.90s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
30/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.93s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
31/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.88s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
32/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.94s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
33/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.85s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
34/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.92s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
35/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.87s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
36/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.90s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
37/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.91s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
38/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.96s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
39/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.90s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
40/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.95s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
41/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.00s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
42/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.97s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
43/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.92s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
44/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.94s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
45/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.88s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
46/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.92s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
47/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.99s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
48/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.99s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
49/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.07s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
50/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.02s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
51/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.97s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
52/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.04s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
53/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.92s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
54/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.98s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
55/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.94s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
56/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.29s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
57/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.01s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
58/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.02s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
59/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.04s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
60/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.04s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
61/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.98s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
62/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.04s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
63/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.01s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
64/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.07s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
65/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.10s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
66/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.07s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
67/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.09s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
68/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.08s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
69/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.09s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
70/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.10s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
71/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.06s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
72/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.09s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
73/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.06s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
74/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.29s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
75/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.19s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
76/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.26s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
77/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.16s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
78/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.08s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
79/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.11s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
80/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.15s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
81/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.05s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
82/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.04s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
83/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.05s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
84/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.02s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
85/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.05s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
86/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.98s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
87/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.09s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
88/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.05s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
89/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.03s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
90/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.06s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
91/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.12s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
92/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.10s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
93/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.11s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
94/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.01s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
95/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.99s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
96/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.99s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
97/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.05s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
98/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:01<00:00, 1.99s/it]
all 1 3 0 0 0 0
Epoch GPU_mem box_loss obj_loss cls_loss Instances Size
99/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 exceeded
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 1/1 [00:02<00:00, 2.01s/it]
all 1 3 0 0 0 0
100 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.6MB
Validating runs\train\exp10\weights\best.pt...
Fusing layers...
YOLOv5s summary: 157 layers, 7020913 parameters, 0 gradients, 15.8 GFLOPs
Class Images Instances P R mAP50 mAP50-95: 0%| | 0/1 [00:00<?, ?it/s]WARNING NMS time limit 0.550s exceeded
Class 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.0107
banana 1 1 0 0 0 0
snake fruit 1 1 0.00775 1 0.0474 0.0284
pineapple 1 1 0.0172 1 0.0355 0.00355
Results saved to runs\train\exp10
训练结果保存在Results saved to runs\train\exp10文件中。