model=yolov9-c.yaml
workers=0
epochs=100
batchsize=16
device=0——4090GPU训练
报错:AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
解决参考原文链接:
原因与解决方案:pillow版本问题,最新的10.0版本会产生上述问题,降低pillow版本为9.5。
pip install Pillow==9.5
AI解释:
您刚才遇到的问题是在使用YOLOv9进行模型验证时出现的,具体错误信息显示在`utils/plots.py`的`box_label`函数中,`FreeTypeFont`对象没有`getsize`方法,这导致了`AttributeError`异常。
这个问题通常是由于图像处理库Pillow(Python Imaging Library,简称PIL)的版本问题引起的。在某些版本的Pillow中,`ImageFont.FreeTypeFont`对象确实不包含`getsize`方法,而YOLOv9的代码中可能假设了该方法的存在,用于计算文本标签的尺寸,以便在图像上正确绘制边界框和标签。
解决这个问题的方法如下:
1. **更新Pillow库**:首先尝试更新您的Pillow库到最新版本,或者一个已知兼容YOLOv9的版本。您可以使用以下命令更新Pillow:
```bash
pip install --upgrade Pillow
```
2. **检查YOLOv9代码**:确认YOLOv9的代码是否明确要求了Pillow的特定版本。有时候,项目的README文件或文档会说明依赖库的推荐版本。
3. **回滚Pillow版本**:如果更新后问题依旧,或者代码要求特定版本的Pillow,您可能需要卸载当前版本并安装一个兼容的版本。例如:
```bash
pip uninstall Pillow
pip install Pillow==X.Y.Z
```
其中`X.Y.Z`应该是您确定的兼容版本号。
4. **修改代码**:如果上述方法都无法解决问题,您还可以尝试修改YOLOv9的代码,使其适应您当前Pillow版本的功能。例如,如果`getsize`方法不可用,您可以寻找替代方法来计算文本的尺寸。
5. **重启环境**:在做出任何更改或更新后,请确保重启您的Python环境或重新加载相关的模块,以确保新的库版本或代码更改生效。
请按照上述步骤尝试解决您遇到的问题。如果在更新Pillow后仍然遇到问题,建议检查YOLOv9的官方文档或社区论坛,看看是否有其他用户遇到类似问题及他们是如何解决的。此外,也可以尝试联系YOLOv9的开发者或维护者,询问关于Pillow版本的兼容性问题。
C:\Largesoftware\anaconda3\envs\yolov9\python.exe F:\yolov9\train.py
train: weights=F:\yolov9\pt\yolov9-c-converted.pt, cfg=F:\yolov9\models\detect\yolov9-c.yaml, data=F:\yolov9\datasets\data.yaml, hyp=data/hyps/hyp.scratch-high.yaml, epochs=100, batch_size=16, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, bucket=, cache=None, image_weights=False, device=0, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=0, project=F:/yolov9/runs/20240712_bruise_1, name=exp, exist_ok=False, quad=False, cos_lr=False, flat_cos_lr=False, fixed_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, seed=0, local_rank=-1, min_items=0, close_mosaic=0, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest
YOLO 2024-7-11 Python-3.9.19 torch-2.0.0+cu118 CUDA:0 (NVIDIA GeForce RTX 4090, 24563MiB)
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=7.5, cls=0.5, cls_pw=1.0, obj=0.7, obj_pw=1.0, dfl=1.5, iou_t=0.2, anchor_t=5.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.9, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.15, copy_paste=0.3
ClearML: run 'pip install clearml' to automatically track, visualize and remotely train YOLO in ClearML
Comet: run 'pip install comet_ml' to automatically track and visualize YOLO runs in Comet
TensorBoard: Start with 'tensorboard --logdir F:\yolov9\runs\20240712_bruise_1', view at http://localhost:6006/
Overriding model.yaml nc=80 with nc=1
from n params module arguments
0 -1 1 0 models.common.Silence []
1 -1 1 1856 models.common.Conv [3, 64, 3, 2]
2 -1 1 73984 models.common.Conv [64, 128, 3, 2]
3 -1 1 212864 models.common.RepNCSPELAN4 [128, 256, 128, 64, 1]
4 -1 1 164352 models.common.ADown [256, 256]
5 -1 1 847616 models.common.RepNCSPELAN4 [256, 512, 256, 128, 1]
6 -1 1 656384 models.common.ADown [512, 512]
7 -1 1 2857472 models.common.RepNCSPELAN4 [512, 512, 512, 256, 1]
8 -1 1 656384 models.common.ADown [512, 512]
9 -1 1 2857472 models.common.RepNCSPELAN4 [512, 512, 512, 256, 1]
10 -1 1 656896 models.common.SPPELAN [512, 512, 256]
11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
12 [-1, 7] 1 0 models.common.Concat [1]
13 -1 1 3119616 models.common.RepNCSPELAN4 [1024, 512, 512, 256, 1]
14 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
15 [-1, 5] 1 0 models.common.Concat [1]
16 -1 1 912640 models.common.RepNCSPELAN4 [1024, 256, 256, 128, 1]
17 -1 1 164352 models.common.ADown [256, 256]
18 [-1, 13] 1 0 models.common.Concat [1]
19 -1 1 2988544 models.common.RepNCSPELAN4 [768, 512, 512, 256, 1]
20 -1 1 656384 models.common.ADown [512, 512]
21 [-1, 10] 1 0 models.common.Concat [1]
22 -1 1 3119616 models.common.RepNCSPELAN4 [1024, 512, 512, 256, 1]
23 5 1 131328 models.common.CBLinear [512, [256]]
24 7 1 393984 models.common.CBLinear [512, [256, 512]]
25 9 1 656640 models.common.CBLinear [512, [256, 512, 512]]
26 0 1 1856 models.common.Conv [3, 64, 3, 2]
27 -1 1 73984 models.common.Conv [64, 128, 3, 2]
28 -1 1 212864 models.common.RepNCSPELAN4 [128, 256, 128, 64, 1]
29 -1 1 164352 models.common.ADown [256, 256]
30 [23, 24, 25, -1] 1 0 models.common.CBFuse [[0, 0, 0]]
31 -1 1 847616 models.common.RepNCSPELAN4 [256, 512, 256, 128, 1]
32 -1 1 656384 models.common.ADown [512, 512]
33 [24, 25, -1] 1 0 models.common.CBFuse [[1, 1]]
34 -1 1 2857472 models.common.RepNCSPELAN4 [512, 512, 512, 256, 1]
35 -1 1 656384 models.common.ADown [512, 512]
36 [25, -1] 1 0 models.common.CBFuse [[2]]
37 -1 1 2857472 models.common.RepNCSPELAN4 [512, 512, 512, 256, 1]
38[31, 34, 37, 16, 19, 22] 1 21542822 models.yolo.DualDDetect [1, [512, 512, 512, 256, 512, 512]]
yolov9-c summary: 962 layers, 50999590 parameters, 50999558 gradients, 238.9 GFLOPs
Transferred 18/1460 items from F:\yolov9\pt\yolov9-c-converted.pt
AMP: checks passed
optimizer: SGD(lr=0.01) with parameter groups 238 weight(decay=0.0), 255 weight(decay=0.0005), 253 bias
albumentations: Blur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01), CLAHE(p=0.01, clip_limit=(1, 4.0), tile_grid_size=(8, 8))
train: Scanning F:\yolov9\datasets\labels\train.cache... 1395 images, 0 backgrounds, 0 corrupt: 100%|██████████| 1395/1395 00:00
val: Scanning F:\yolov9\datasets\labels\val.cache... 174 images, 0 backgrounds, 0 corrupt: 100%|██████████| 174/174 00:00
Plotting labels to F:\yolov9\runs\20240712_bruise_1\exp3\labels.jpg...
Image sizes 640 train, 640 val
Using 0 dataloader workers
Logging results to F:\yolov9\runs\20240712_bruise_1\exp3
Starting training for 100 epochs...
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
0/99 18.3G 1.789 138.6 1.912 35 640: 0%| | 0/88 00:05Exception in thread Thread-3:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
WARNING TensorBoard graph visualization failure Only tensors, lists, tuples of tensors, or dictionary of tensors can be output from traced functions
0/99 21G 3.295 137.9 2.422 39 640: 2%|▏ | 2/88 00:10Exception in thread Thread-4:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
0/99 21.9G 2.601 137.9 1.876 63 640: 3%|▎ | 3/88 00:13Exception in thread Thread-5:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
0/99 21.9G 1.829 52.45 1.227 5 640: 100%|██████████| 88/88 02:55
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:07
all 174 429 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/99 23.1G 2.451 2.445 1.412 15 640: 100%|██████████| 88/88 03:55
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/99 23.1G 4.471 3.584 1.846 14 640: 100%|██████████| 88/88 02:48
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.00211 0.175 0.00242 0.00043
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/99 23.1G 4.149 3.427 1.566 2 640: 100%|██████████| 88/88 02:43
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.00589 0.28 0.00434 0.000881
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/99 23.1G 3.968 3.248 1.482 3 640: 100%|██████████| 88/88 02:45
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.00164 0.17 0.00514 0.00098
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/99 23.1G 3.764 3.011 1.41 5 640: 100%|██████████| 88/88 02:44
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.158 0.0326 0.0264 0.00705
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/99 23.1G 3.536 2.655 1.325 6 640: 100%|██████████| 88/88 02:46
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.418 0.0932 0.106 0.0273
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/99 23.1G 3.325 2.352 1.254 4 640: 100%|██████████| 88/88 02:42
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.475 0.212 0.22 0.0634
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/99 23.1G 3.105 2.173 1.244 3 640: 100%|██████████| 88/88 02:50
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:07
all 174 429 0.415 0.266 0.22 0.0595
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/99 23.1G 3.045 2.039 1.193 14 640: 100%|██████████| 88/88 02:39
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.477 0.329 0.301 0.0837
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/99 23.1G 2.977 2.004 1.185 3 640: 100%|██████████| 88/88 02:25
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.451 0.298 0.281 0.0851
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
11/99 23.1G 2.92 1.912 1.152 9 640: 100%|██████████| 88/88 02:27
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.499 0.364 0.336 0.0922
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
12/99 23.1G 2.869 1.881 1.151 13 640: 100%|██████████| 88/88 02:28
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.432 0.351 0.297 0.0799
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
13/99 23.1G 2.797 1.836 1.157 8 640: 100%|██████████| 88/88 02:30
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.579 0.448 0.465 0.151
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
14/99 23.1G 2.764 1.778 1.131 15 640: 100%|██████████| 88/88 02:30
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.559 0.41 0.441 0.141
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
15/99 23.1G 2.665 1.696 1.126 8 640: 100%|██████████| 88/88 02:28
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.508 0.415 0.436 0.149
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
16/99 23.1G 2.644 1.68 1.129 16 640: 100%|██████████| 88/88 02:27
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.545 0.417 0.436 0.138
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
17/99 23.1G 2.665 1.692 1.119 22 640: 100%|██████████| 88/88 02:30
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.586 0.429 0.461 0.14
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
18/99 23.1G 2.607 1.632 1.113 9 640: 100%|██████████| 88/88 02:27
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.548 0.41 0.455 0.159
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
19/99 23.1G 2.58 1.624 1.091 8 640: 100%|██████████| 88/88 02:27
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.531 0.385 0.438 0.156
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
20/99 23.1G 2.544 1.638 1.107 1 640: 100%|██████████| 88/88 02:29
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.559 0.413 0.457 0.166
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
21/99 23.1G 2.511 1.55 1.086 3 640: 100%|██████████| 88/88 02:25
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.583 0.501 0.512 0.178
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
22/99 23.1G 2.538 1.578 1.076 3 640: 100%|██████████| 88/88 02:23
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.584 0.49 0.538 0.191
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
23/99 23.1G 2.523 1.559 1.076 23 640: 100%|██████████| 88/88 02:22
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.634 0.45 0.512 0.172
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
24/99 23.1G 2.474 1.529 1.079 16 640: 100%|██████████| 88/88 02:30
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.607 0.452 0.499 0.185
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
25/99 23.1G 2.484 1.532 1.066 9 640: 100%|██████████| 88/88 02:23
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.515 0.487 0.503 0.19
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
26/99 23.1G 2.52 1.561 1.064 23 640: 100%|██████████| 88/88 02:26
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.642 0.472 0.525 0.19
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
27/99 23.1G 2.437 1.501 1.076 11 640: 100%|██████████| 88/88 02:20
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.534 0.488 0.516 0.194
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
28/99 23.1G 2.436 1.462 1.056 14 640: 100%|██████████| 88/88 02:20
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.608 0.452 0.52 0.176
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
29/99 23.1G 2.405 1.48 1.049 5 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.584 0.541 0.54 0.21
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
30/99 23.1G 2.401 1.455 1.075 11 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.617 0.546 0.573 0.227
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
31/99 23.1G 2.411 1.478 1.05 23 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.566 0.48 0.509 0.178
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
32/99 23.1G 2.399 1.445 1.056 11 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.649 0.508 0.561 0.218
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
33/99 23.1G 2.351 1.427 1.052 16 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.65 0.522 0.588 0.22
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
34/99 23.1G 2.379 1.456 1.061 19 640: 100%|██████████| 88/88 02:19
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.647 0.531 0.595 0.233
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
35/99 23.1G 2.324 1.42 1.048 6 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.671 0.494 0.581 0.225
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
36/99 23.1G 2.314 1.391 1.046 17 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.671 0.52 0.594 0.239
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
37/99 23.1G 2.326 1.414 1.032 8 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.629 0.557 0.589 0.228
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
38/99 23.1G 2.323 1.403 1.061 11 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.696 0.478 0.572 0.228
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
39/99 23.1G 2.279 1.398 1.033 17 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.649 0.483 0.553 0.197
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
40/99 23.1G 2.308 1.377 1.047 9 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.621 0.562 0.595 0.24
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
41/99 23.1G 2.308 1.372 1.04 6 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.558 0.521 0.564 0.221
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
42/99 23.1G 2.291 1.374 1.042 12 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.625 0.536 0.602 0.226
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
43/99 23.1G 2.296 1.371 1.029 19 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.685 0.524 0.615 0.239
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
44/99 23.1G 2.276 1.357 1.02 9 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.71 0.549 0.646 0.234
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
45/99 23.1G 2.272 1.359 1.027 20 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.623 0.494 0.569 0.217
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
46/99 23.1G 2.236 1.308 1.022 8 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.614 0.554 0.595 0.248
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
47/99 23.1G 2.234 1.334 1.03 9 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.632 0.569 0.62 0.235
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
48/99 23.1G 2.216 1.323 1.017 7 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.616 0.545 0.606 0.241
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
49/99 23.1G 2.254 1.34 1.032 17 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.66 0.573 0.624 0.249
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
50/99 23.1G 2.248 1.302 1.042 6 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.631 0.571 0.625 0.25
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
51/99 23.1G 2.238 1.305 1.03 13 640: 100%|██████████| 88/88 02:19
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.681 0.557 0.634 0.255
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
52/99 23.1G 2.219 1.325 1.032 16 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.617 0.545 0.599 0.241
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
53/99 23.1G 2.214 1.297 1.023 5 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.659 0.566 0.64 0.265
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
54/99 23.1G 2.162 1.296 1.018 6 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.668 0.567 0.631 0.264
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
55/99 23.1G 2.171 1.255 1.01 14 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.656 0.552 0.635 0.267
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
56/99 23.1G 2.224 1.3 1.015 17 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.649 0.564 0.617 0.253
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
57/99 23.1G 2.193 1.272 1.014 12 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.628 0.55 0.624 0.235
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
58/99 23.1G 2.146 1.253 1.008 4 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.653 0.559 0.632 0.263
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
59/99 23.1G 2.187 1.268 1.01 15 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.652 0.578 0.635 0.259
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
60/99 23.1G 2.148 1.251 1.001 5 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.659 0.587 0.665 0.283
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
61/99 23.1G 2.189 1.267 1.014 9 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.661 0.573 0.65 0.271
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
62/99 23.1G 2.169 1.24 1.012 8 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.631 0.557 0.636 0.259
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
63/99 23.1G 2.125 1.25 1.001 5 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.678 0.554 0.646 0.272
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
64/99 23.1G 2.11 1.231 1.012 5 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.63 0.625 0.674 0.28
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
65/99 23.1G 2.136 1.259 1.014 6 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.644 0.587 0.659 0.272
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
66/99 23.1G 2.122 1.249 1.008 28 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.657 0.615 0.676 0.278
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
67/99 23.1G 2.124 1.25 0.9971 9 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.645 0.59 0.648 0.272
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
68/99 23.1G 2.118 1.233 1.005 17 640: 100%|██████████| 88/88 02:19
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.676 0.55 0.653 0.27
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
69/99 23.1G 2.111 1.231 0.9939 8 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.621 0.599 0.649 0.273
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
70/99 23.1G 2.117 1.245 0.9941 9 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.694 0.561 0.658 0.272
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
71/99 23.1G 2.064 1.236 0.9838 15 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.647 0.59 0.653 0.265
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
72/99 23.1G 2.087 1.202 0.9921 7 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.653 0.564 0.648 0.277
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
73/99 23.1G 2.103 1.207 1.004 8 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.616 0.58 0.639 0.278
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
74/99 23.1G 2.075 1.198 0.9947 8 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.665 0.583 0.65 0.282
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
75/99 23.1G 2.093 1.22 0.9828 4 640: 100%|██████████| 88/88 02:19
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.658 0.564 0.645 0.276
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
76/99 23.1G 2.088 1.189 0.996 8 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.664 0.577 0.651 0.278
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
77/99 23.1G 2.058 1.189 0.976 10 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.69 0.545 0.647 0.287
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
78/99 23.1G 2.086 1.212 1.006 7 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.655 0.576 0.643 0.284
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
79/99 23.1G 2.109 1.197 0.9946 8 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.72 0.562 0.678 0.288
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
80/99 23.1G 2.071 1.186 0.9766 20 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.7 0.557 0.651 0.28
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
81/99 23.1G 2.06 1.182 0.9904 13 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.649 0.6 0.661 0.295
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
82/99 23.1G 2.057 1.154 0.9862 4 640: 100%|██████████| 88/88 02:12
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.698 0.592 0.673 0.289
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
83/99 23.1G 2.036 1.175 0.9802 22 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.643 0.59 0.668 0.285
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
84/99 23.1G 2.036 1.142 0.9984 15 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.663 0.622 0.691 0.297
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
85/99 23.1G 2.028 1.16 0.9786 15 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.675 0.569 0.66 0.285
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
86/99 23.1G 2.043 1.154 0.9873 8 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.686 0.599 0.679 0.289
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
87/99 23.1G 2.02 1.147 0.981 5 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.688 0.592 0.68 0.293
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
88/99 23.1G 2.018 1.131 0.9705 7 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.689 0.578 0.657 0.285
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
89/99 23.1G 1.966 1.132 0.9673 3 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.716 0.593 0.675 0.289
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
90/99 23.1G 2.039 1.159 0.9932 6 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.699 0.587 0.672 0.293
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
91/99 23.1G 2.005 1.151 0.978 13 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.718 0.599 0.681 0.288
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
92/99 23.1G 2.024 1.158 0.9796 5 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.679 0.594 0.676 0.29
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
93/99 23.1G 2.029 1.14 0.9815 20 640: 100%|██████████| 88/88 02:15
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.708 0.585 0.677 0.285
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
94/99 23.1G 1.996 1.129 0.9825 10 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.718 0.587 0.686 0.289
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
95/99 23.1G 1.978 1.123 0.972 13 640: 100%|██████████| 88/88 02:14
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.685 0.618 0.683 0.286
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
96/99 23.1G 2.011 1.149 0.9849 14 640: 100%|██████████| 88/88 02:18
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.668 0.597 0.663 0.281
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
97/99 23.1G 1.996 1.129 0.9642 17 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.717 0.587 0.682 0.291
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
98/99 23.1G 1.959 1.11 0.975 5 640: 100%|██████████| 88/88 02:16
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.684 0.594 0.679 0.292
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
99/99 23.1G 1.947 1.113 0.9752 17 640: 100%|██████████| 88/88 02:17
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:05
all 174 429 0.698 0.59 0.677 0.295
100 epochs completed in 4.554 hours.
Optimizer stripped from F:\yolov9\runs\20240712_bruise_1\exp3\weights\last.pt, saved as F:\yolov9\runs\20240712_bruise_1\exp3\weights\last_striped.pt, 102.9MB
Optimizer stripped from F:\yolov9\runs\20240712_bruise_1\exp3\weights\best.pt, saved as F:\yolov9\runs\20240712_bruise_1\exp3\weights\best_striped.pt, 102.9MB
Validating F:\yolov9\runs\20240712_bruise_1\exp3\weights\best.pt...
Fusing layers...
yolov9-c summary: 604 layers, 50698278 parameters, 0 gradients, 236.6 GFLOPs
Class Images Instances P R mAP50 mAP50-95: 17%|█▋ | 1/6 00:01Exception in thread Thread-6:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Exception in thread Thread-7:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Class Images Instances P R mAP50 mAP50-95: 33%|███▎ | 2/6 00:02Exception in thread Thread-8:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Exception in thread Thread-9:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Class Images Instances P R mAP50 mAP50-95: 50%|█████ | 3/6 00:03Exception in thread Thread-10:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Exception in thread Thread-11:
Traceback (most recent call last):
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 980, in _bootstrap_inner
self.run()
File "C:\Largesoftware\anaconda3\envs\yolov9\lib\threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "F:\yolov9\utils\plots.py", line 300, in plot_images
annotator.box_label(box, label, color=color)
File "F:\yolov9\utils\plots.py", line 86, in box_label
w, h = self.font.getsize(label) # text width, height
AttributeError: 'FreeTypeFont' object has no attribute 'getsize'
Class Images Instances P R mAP50 mAP50-95: 100%|██████████| 6/6 00:06
all 174 429 0.664 0.622 0.691 0.297
Results saved to F:\yolov9\runs\20240712_bruise_1\exp3
Process finished with exit code 0