当前位置: 首页 > news >正文

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文件中。

相关文章:

YOLOv5— Fruit Detection

&#x1f368; 本文为[&#x1f517;365天深度学习训练营学习记录博客 &#x1f366; 参考文章&#xff1a;365天深度学习训练营-第7周&#xff1a;咖啡豆识别&#xff08;训练营内部成员可读&#xff09; &#x1f356; 原作者&#xff1a;[K同学啊 | 接辅导、项目定制](https…...

(PyTorch)PyTorch中的常见运算(*、@、Mul、Matmul)

1. 矩阵与标量 矩阵&#xff08;张量&#xff09;每一个元素与标量进行操作。 import torch a torch.tensor([1,2]) print(a1) >>> tensor([2, 3]) 2. 哈达玛积&#xff08;Mul&#xff09; 两个相同尺寸的张量相乘&#xff0c;然后对应元素的相乘就是这个哈达玛…...

cmd 命令关闭占用端口

工作中还是偶尔会遇到端口号被占用的情况&#xff0c;之前也有写过另一种关闭方式&#xff0c;但是发现没有命令方便&#xff0c;所以记录一下。 1、 查看 8081 端口占用的 pid 。 命令&#xff1a;netstat -ano |findstr 8081 由上图可知&#xff0c;占用 8081 端口的进程 id…...

PG14启动报错“max_stack_depth“ must not exceed 7680kB

问题描述 PG14编译安装后启动报错"max_stack_depth" must not exceed 7680kB [roottop132:/pgdb/data]$ systemctl start postgres Job for postgres.service failed because the control process exited with error code. See "systemctl status postgres.se…...

BES2700 蓝牙协议之RFCOMM通道使用方法

是否需要申请加入数字音频系统研究开发交流答疑群(课题组)?可加我微信hezkz17, 本群提供音频技术答疑服务 BES2700 RFCOMM通道使用方法 RFCOMM_CHANNEL_NUM 枚举定义了一系列的通道号码,并为每个通道号码指定了一个具体的名称。以下是其中一些通道的中文含义: RFCOMM_CHAN…...

简单介绍一下迁移学习

迁移学习是一种机器学习技术&#xff0c;旨在利用从一个任务或领域学习到的知识来改善另一个任务或领域的学习性能。在传统的机器学习方法中&#xff0c;通常假设训练数据和测试数据是从相同的分布中独立同分布采样的。然而&#xff0c;在现实世界中&#xff0c;这个假设并不总…...

PHP 同城服务共享茶室小程序系统是如何实现的?

随着互联网的快速发展和共享经济的兴起&#xff0c;同城服务共享茶室作为一种新型的商业模式&#xff0c;越来越受到人们的关注。通过开发一款基于PHP的同城服务共享茶室小程序系统&#xff0c;可以提供更加便捷、高效、个性化的服务体验。本文将详细介绍PHP同城服务共享茶室小…...

JavaScript对象与原型

目录 对象的创建 原型与原型链 原型继承 总结 在JavaScript中&#xff0c;对象是非常重要的概念之一。它们允许我们以一种结构化的方式存储和组织数据&#xff0c;并提供了一种方便的方式来操作和访问这些数据。而对象的行为和属性则通过原型来定义。 对象的创建 在JavaS…...

论文解读:《DataPype:用于计算机辅助药物设计的全自动统一软件平台》

论文解读&#xff1a;《DataPype: A Fully Automated Unified Software Platform for Computer-Aided Drug Design》 1.文章概述2.背景2.方法2.1 DataPype概述2.2 数据2.3 分子和蛋白质数据的处理2.3.1 配体处理2.3.2 蛋白质加工 2.4 CADD方法2.5 基准研究2.5.1 单个 CADD 制备…...

2023年Flutter教程_Flutter+Getx仿小米商城项目实战视频教程-V3版

Flutter是谷歌公司开发的一款开源、免费的UI框架&#xff0c;可以让我们快速的在Android和iOS上构建高质量App。它最大的特点就是跨平台、以及高性能。 目前 Flutter 已经支持 iOS、Android、Web、Windows、macOS、Linux 的跨平台开发。 GetX 是 Flutter 上的一个轻量且强大的解…...

【Spring Boot系列】- Spring Boot事务应用详解

【Spring Boot系列】- Spring Boot事务应用详解 一、事务简介 事务&#xff08;Transaction&#xff09;是数据库操作最基本单元&#xff0c;逻辑上一组操作&#xff0c;要么都成功。如果有一个操作失败。则事务操作都失败&#xff08;回滚&#xff08;Rollback&#xff09;&…...

28. 使用 k8e 玩转 kube-vip with Cilium‘s Egress Gateway 特性

因为在私有云环境下,我们需要保障集群服务 APIServer地址的高可用,所以提供的方案就是使用一个 VIP 让 API Server 的流量可以负载均衡的流入集群。另外,kube-vip 还支持 Service LB,方便SVC 服务的负载均衡,结合 cilium Egress Gateway 特性可以做到集群内的容器对外访问…...

webrtc ios build signing

构建命令 $ gn gen out/ios --argstarget_os"ios" target_cpu"arm64" rtc_include_testsfalse --idexcode报错&#xff0c;这个错误是因为存在多个签名的问题&#xff0c;通过错误信息知道其中有一个是无效的&#xff08;被吊销&#xff09;&#xff0c;移…...

【接口测试】Jmeter接口实战-Dubbo接口+造10W数据测试(详细)

目录&#xff1a;导读 前言一、Python编程入门到精通二、接口自动化项目实战三、Web自动化项目实战四、App自动化项目实战五、一线大厂简历六、测试开发DevOps体系七、常用自动化测试工具八、JMeter性能测试九、总结&#xff08;尾部小惊喜&#xff09; 前言 1、Windows环境通…...

RabbitMQ原理(四):MQ的可靠性

消息到达MQ以后,如果MQ不能及时保存,也会导致消息丢失,所以MQ的可靠性也非常重要。 文章目录 2.1.数据持久化2.1.1.交换机持久化2.1.2.队列持久化2.1.3.消息持久化2.2.LazyQueue2.2.1.控制台配置Lazy模式2.2.2.代码配置Lazy模式2.2.3.更新已有队列为lazy模式2.1.数据持久化…...

YOLOv5算法改进(20)— 如何去写YOLOv5相关的论文(包括论文阅读+规律总结+写作方法)

前言:Hello大家好,我是小哥谈。最近一直在阅读关于YOLOv5的相关论文,读着读着我发现一条可以发论文的规律,特此简单总结一下,希望能够对同学们有所启迪!🌈 前期回顾: YOLOv5算法改进(1)— 如何去改进YOLOv5算法...

Kotlin基础——函数、变量、字符串模板、类

函数、变量、字符串模板、类 函数变量字符串模板类 函数 函数组成为 fun 函数名(参数名: 参数类型, …): 返回值{} fun max(a: Int, b: Int): Int {return if (a > b) a else b }上面称为代码块函数体&#xff0c;当函数体由单个表达式构成时&#xff0c;可简化为表达式函…...

联邦存款保险公司与银行失败和失败银行列表数据集

分享目的&#xff1a;了解M国数据&#xff0c;分析美国银行业和保险行业 美国联邦存款保险公司&#xff08;FDIC&#xff09;以及通常与银行失败和失败银行列表相关的一些常见信息。 美国联邦存款保险公司&#xff08;FDIC&#xff09;&#xff1a;美国联邦存款保险公司是美国…...

【FPGA】IIC协议通用主机接口的设计与实现详解

一、认识IIC IIC&#xff08;I2C&#xff09;协议是一种串行通信协议&#xff0c;用于连接微控制器和外围设备。IIC协议只需要两根信号线&#xff08;时钟线SCL和数据线SDA&#xff09;就能完成设备之间的通信&#xff1b;支持多主机和多从机通信&#xff0c;通过设备地址区分不…...

《红蓝攻防对抗实战》八.利用OpenSSL对反弹shell流量进行加密

前文推荐&#xff1a; 《红蓝攻防对抗实战》一. 隧道穿透技术详解《红蓝攻防对抗实战》二.内网探测协议出网之TCP/UDP协议探测出网《红蓝攻防对抗实战》三.内网探测协议出网之HTTP/HTTPS协议探测出网《红蓝攻防对抗实战》四.内网探测协议出网之ICMP协议探测出网《红蓝攻防对抗…...

手机桌面待办事项APP推荐

每天&#xff0c;我们每个人都面临着繁琐的事务和任务&#xff0c;而手机成了我们日常生活中不可或缺的伙伴。手机上的待办事项工具像一个可靠的助手&#xff0c;可以帮助我们更好地记录、管理和完成任务。在手机桌面上使用的待办事项APP推荐用哪一个呢&#xff1f; 手机是我们…...

2023NOIP A层联测18 划分

题目大意 对于一个长度为 n n n的 01 01 01字符串 S S S&#xff0c;请求出将其分为至少 k k k段&#xff0c;将每段看成二进制数求和后的最大值以及取到这个最大值的划分方案的数量。 输出最大值模 998244353 998244353 998244353后的值和划分方案的数量模 998244353 998244…...

pc与android设备进行通信

首先&#xff1a;根据此博客 Android模拟器调试TCP通讯_.emulator_console_auth_token-CSDN博客 思考&#xff1a; 只在本机电脑中&#xff1a; 服务器IP地址设为为0.0.0.0&#xff0c;并开始监听&#xff0c;客户端IP地址127.0.0.1&#xff0c;192.168.1.114都可连接。 12…...

【网安大模型专题10.19】论文6:Java漏洞自动修复+数据集 VJBench+大语言模型、APR技术+代码转换方法+LLM和DL-APR模型的挑战与机会

How Effective Are Neural Networks for Fixing Security Vulnerabilities 写在最前面摘要贡献发现 介绍背景&#xff1a;漏洞修复需求和Java漏洞修复方向动机方法贡献 数据集先前的数据集和Java漏洞Benchmark数据集扩展要求数据处理工作最终数据集 VJBenchVJBench 与 Vul4J 的…...

const 和 volatile 在实例成员函数的应用

const 和 volatile 的使用范围几乎没有限制 实例成员函数的参数后面可以出现 const 或 volatile&#xff0c;它们都用于修饰函数隐含参数 this 指向的对象 实例函数对象的参数表后面出现 const 说明this 所指向的对象是不能修改的只读对象 但是可以修改this所指向对象的非只读类…...

比Nginx测试桩更方便,ShenYu网关的Mock插件

有时候为了方便测试&#xff0c;我们需要模拟 HTTP 外部接口的返回结果。通常情况下&#xff0c;我们可以使用 Nginx 测试桩来实现这个目的。然而&#xff0c;Nginx 的使用门槛较高&#xff0c;可能对一些初级开发和测试人员来说有一定的难度。相比之下&#xff0c;Apache Shen…...

IDEA: 自用主题及字体搭配推荐

文章目录 1. 字体设置推荐2. 主题推荐3. Rainbow Brackets(彩虹括号)4. 设置背景图片 下面是我的 IDEA 主题和字体&#xff0c;它们的搭配效果如下&#xff1a; 1. 字体设置推荐 在使用 IntelliJ IDEA 进行编码和开发时&#xff0c;一个合适的字体设置可以提高你的工作效率和舒…...

Qt中的枚举变量,Q_ENUM,Q_FLAG以及Qt中自定义结构体、枚举型做信号参数传递

Qt中的枚举变量,Q_ENUM,Q_FLAG,Q_NAMESPACE,Q_ENUM_NS,Q_FLAG_NS以及其他 理论基础&#xff1a;一、Q_ENUM二、QMetaEnum三、Q_FLAG四、示例 Chapter1 Qt中的枚举变量,Q_ENUM,Q_FLAG,Q_NAMESPACE,Q_ENUM_NS,Q_FLAG_NS以及其他前言Q_ENUM的使用Q_FLAG的引入解决什么问题&#xf…...

【C++】priority_queue仿函数

今天我们来学习C中另一个容器适配器&#xff1a;优先级队列——priority_queue&#xff1b;和C一个重要组件仿函数&#xff1a; 目录 一、priority_queue 1.1 priority_queue是什么 1.2 priority_queue的接口 1.2.1 priority_queue使用举例 二、仿函数 三、关于priority…...

如何驾驭ChatGPT:掌控有效对话!

&#x1f4e2;&#x1f4e2;&#x1f4e2;&#x1f4e3;&#x1f4e3;&#x1f4e3; 哈喽&#xff01;大家好&#xff0c;我是【一心同学】&#xff0c;一位上进心十足的【后端领域博主】&#xff01;&#x1f61c;&#x1f61c;&#x1f61c; ✨【一心同学】的写作风格&#x…...