This commit is contained in:
Vincent Hanewinkel 2025-06-03 08:13:25 +02:00
commit a2803123fc
65 changed files with 8054 additions and 965 deletions

5
.gitignore vendored
View File

@ -27,6 +27,7 @@ var/
venv/ venv/
ENV/ ENV/
env/ env/
yolov8env/
.venv/ .venv/
.env/ .env/
.ENV/ .ENV/
@ -109,3 +110,7 @@ dmypy.json
#Models #Models
*.keras *.keras
*.h5 *.h5
runs/
Test/
yolo_dataset/

3
Readme.md Normal file
View File

@ -0,0 +1,3 @@
# Nao Robotererkennung
Trainingsdaten auf der Nextcloud

20
test_yolo.py Normal file
View File

@ -0,0 +1,20 @@
from ultralytics import YOLO
import os
# Ordner mit Bildern
image_dir = "Test"
model = YOLO("Test/best.pt")
# Schleife über alle Dateien im Ordner
for filename in os.listdir(image_dir):
if filename.lower().endswith((".jpg", ".jpeg", ".png")):
image_path = os.path.join(image_dir, filename)
results = model(image_path, save=True) # Speichert Bild mit BBox
# Alternativ: Zugriff auf erkannte Objekte
for r in results:
print(r.boxes.xyxy) # Koordinaten
print(r.boxes.conf) # Confidence
print(r.boxes.cls) # Klassen

View File

@ -6,6 +6,8 @@ import shutil
from pathlib import Path from pathlib import Path
import cv2 import cv2
import numpy as np import numpy as np
import torch
import torchvision
def verify_images(dataset_path): def verify_images(dataset_path):
"""Überprüfe alle Bilder auf Lesbarkeit und korrekte Dimensionen.""" """Überprüfe alle Bilder auf Lesbarkeit und korrekte Dimensionen."""
@ -79,7 +81,7 @@ def train_yolo():
epochs=50, epochs=50,
imgsz=640, # Bildgröße imgsz=640, # Bildgröße
batch=16, # Batch-Größe batch=16, # Batch-Größe
device='cpu', # Verwende CPU (oder 'cuda' für GPU) device=0, # Verwende CPU (oder 'cuda' für GPU)
patience=5, # Early Stopping patience=5, # Early Stopping
save=True, # Speichere die besten Gewichte save=True, # Speichere die besten Gewichte
project='yolo_training', # Projektname project='yolo_training', # Projektname

Binary file not shown.

After

Width:  |  Height:  |  Size: 109 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 79 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 97 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 105 KiB

View File

@ -10,7 +10,7 @@ imgsz: 640
save: true save: true
save_period: -1 save_period: -1
cache: false cache: false
device: cpu device: '0'
workers: 8 workers: 8
project: yolo_training project: yolo_training
name: NAO_detector name: NAO_detector

Binary file not shown.

After

Width:  |  Height:  |  Size: 101 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 107 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 205 KiB

After

Width:  |  Height:  |  Size: 203 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 187 KiB

View File

@ -1,2 +1,25 @@
epoch,time,train/box_loss,train/cls_loss,train/dfl_loss,metrics/precision(B),metrics/recall(B),metrics/mAP50(B),metrics/mAP50-95(B),val/box_loss,val/cls_loss,val/dfl_loss,lr/pg0,lr/pg1,lr/pg2 epoch,time,train/box_loss,train/cls_loss,train/dfl_loss,metrics/precision(B),metrics/recall(B),metrics/mAP50(B),metrics/mAP50-95(B),val/box_loss,val/cls_loss,val/dfl_loss,lr/pg0,lr/pg1,lr/pg2
1,131.57,1.11402,2.41714,1.20281,1,0.37601,0.79951,0.55456,0.87553,2.60439,1.01905,0.00026,0.00026,0.00026 1,43.7328,1.25814,1.72863,1.17659,0.74518,0.84077,0.84291,0.48474,1.24266,1.73231,1.41437,0.000661654,0.000661654,0.000661654
2,85.9308,1.31019,1.25131,1.21989,0.71446,0.65,0.71046,0.40902,1.50998,1.53101,1.53065,0.00130202,0.00130202,0.00130202
3,128.01,1.33351,1.0706,1.24283,0.82519,0.675,0.75726,0.47482,1.28739,1.66125,1.38419,0.00191599,0.00191599,0.00191599
4,170.005,1.29976,0.99576,1.22534,0.85278,0.9125,0.95516,0.6481,1.14824,1.2724,1.25304,0.0018812,0.0018812,0.0018812
5,212.093,1.26398,0.91562,1.19885,0.90834,0.875,0.93973,0.63297,1.16508,0.85274,1.26465,0.0018416,0.0018416,0.0018416
6,254.328,1.21589,0.82583,1.18872,0.8238,0.87662,0.90482,0.59631,1.16718,0.94529,1.27788,0.001802,0.001802,0.001802
7,296.649,1.21417,0.82002,1.17498,0.90981,0.875,0.945,0.59768,1.24293,0.82515,1.34108,0.0017624,0.0017624,0.0017624
8,338.847,1.18677,0.79578,1.1575,0.97318,0.90724,0.95959,0.68662,1.07251,0.72583,1.18407,0.0017228,0.0017228,0.0017228
9,381.136,1.17178,0.76381,1.16491,0.95158,0.8375,0.91832,0.65263,1.03967,1.1827,1.21166,0.0016832,0.0016832,0.0016832
10,423.336,1.18489,0.74399,1.16868,0.94528,0.9625,0.96416,0.70055,1.06039,0.69439,1.20436,0.0016436,0.0016436,0.0016436
11,465.686,1.15965,0.73219,1.14847,0.87476,0.96038,0.94967,0.69634,1.02899,0.68159,1.14522,0.001604,0.001604,0.001604
12,508.067,1.15236,0.71709,1.14044,0.95194,0.9125,0.97032,0.74034,0.94112,0.59602,1.11346,0.0015644,0.0015644,0.0015644
13,550.483,1.13722,0.70397,1.14222,0.92314,0.90078,0.95561,0.69837,0.93819,0.72891,1.12948,0.0015248,0.0015248,0.0015248
14,592.651,1.12905,0.69081,1.14225,0.92667,0.9375,0.96263,0.70679,0.99774,0.59732,1.18065,0.0014852,0.0014852,0.0014852
15,635.008,1.12174,0.67997,1.12656,0.91732,0.875,0.94963,0.71413,0.95528,0.57018,1.13455,0.0014456,0.0014456,0.0014456
16,677.376,1.11231,0.65944,1.12721,0.93497,0.89861,0.96771,0.7444,0.93139,0.54339,1.11307,0.001406,0.001406,0.001406
17,719.657,1.07777,0.67041,1.09882,0.93645,0.92108,0.97476,0.75162,0.94171,0.51412,1.10385,0.0013664,0.0013664,0.0013664
18,761.969,1.07516,0.63592,1.10574,0.96448,0.9375,0.97748,0.75255,0.9098,0.48929,1.10691,0.0013268,0.0013268,0.0013268
19,804.231,1.0694,0.61849,1.10328,0.96186,0.925,0.9737,0.76578,0.86653,0.49392,1.08609,0.0012872,0.0012872,0.0012872
20,846.579,1.04875,0.61657,1.10205,0.96185,0.95,0.97948,0.76197,0.87411,0.51301,1.10399,0.0012476,0.0012476,0.0012476
21,888.791,1.0645,0.61355,1.1024,0.91306,0.9375,0.97366,0.73882,0.87144,0.50829,1.0843,0.001208,0.001208,0.001208
22,931.259,1.06394,0.60756,1.10152,0.92649,0.94529,0.98047,0.73572,0.89228,0.53384,1.07704,0.0011684,0.0011684,0.0011684
23,973.702,1.05014,0.60532,1.10591,0.94753,0.9375,0.97509,0.74799,0.89053,0.48995,1.08055,0.0011288,0.0011288,0.0011288
24,1015.97,1.03435,0.58299,1.07959,0.94908,0.93203,0.97254,0.76005,0.89917,0.47759,1.0904,0.0010892,0.0010892,0.0010892

1 epoch time train/box_loss train/cls_loss train/dfl_loss metrics/precision(B) metrics/recall(B) metrics/mAP50(B) metrics/mAP50-95(B) val/box_loss val/cls_loss val/dfl_loss lr/pg0 lr/pg1 lr/pg2
2 1 131.57 43.7328 1.11402 1.25814 2.41714 1.72863 1.20281 1.17659 1 0.74518 0.37601 0.84077 0.79951 0.84291 0.55456 0.48474 0.87553 1.24266 2.60439 1.73231 1.01905 1.41437 0.00026 0.000661654 0.00026 0.000661654 0.00026 0.000661654
3 2 85.9308 1.31019 1.25131 1.21989 0.71446 0.65 0.71046 0.40902 1.50998 1.53101 1.53065 0.00130202 0.00130202 0.00130202
4 3 128.01 1.33351 1.0706 1.24283 0.82519 0.675 0.75726 0.47482 1.28739 1.66125 1.38419 0.00191599 0.00191599 0.00191599
5 4 170.005 1.29976 0.99576 1.22534 0.85278 0.9125 0.95516 0.6481 1.14824 1.2724 1.25304 0.0018812 0.0018812 0.0018812
6 5 212.093 1.26398 0.91562 1.19885 0.90834 0.875 0.93973 0.63297 1.16508 0.85274 1.26465 0.0018416 0.0018416 0.0018416
7 6 254.328 1.21589 0.82583 1.18872 0.8238 0.87662 0.90482 0.59631 1.16718 0.94529 1.27788 0.001802 0.001802 0.001802
8 7 296.649 1.21417 0.82002 1.17498 0.90981 0.875 0.945 0.59768 1.24293 0.82515 1.34108 0.0017624 0.0017624 0.0017624
9 8 338.847 1.18677 0.79578 1.1575 0.97318 0.90724 0.95959 0.68662 1.07251 0.72583 1.18407 0.0017228 0.0017228 0.0017228
10 9 381.136 1.17178 0.76381 1.16491 0.95158 0.8375 0.91832 0.65263 1.03967 1.1827 1.21166 0.0016832 0.0016832 0.0016832
11 10 423.336 1.18489 0.74399 1.16868 0.94528 0.9625 0.96416 0.70055 1.06039 0.69439 1.20436 0.0016436 0.0016436 0.0016436
12 11 465.686 1.15965 0.73219 1.14847 0.87476 0.96038 0.94967 0.69634 1.02899 0.68159 1.14522 0.001604 0.001604 0.001604
13 12 508.067 1.15236 0.71709 1.14044 0.95194 0.9125 0.97032 0.74034 0.94112 0.59602 1.11346 0.0015644 0.0015644 0.0015644
14 13 550.483 1.13722 0.70397 1.14222 0.92314 0.90078 0.95561 0.69837 0.93819 0.72891 1.12948 0.0015248 0.0015248 0.0015248
15 14 592.651 1.12905 0.69081 1.14225 0.92667 0.9375 0.96263 0.70679 0.99774 0.59732 1.18065 0.0014852 0.0014852 0.0014852
16 15 635.008 1.12174 0.67997 1.12656 0.91732 0.875 0.94963 0.71413 0.95528 0.57018 1.13455 0.0014456 0.0014456 0.0014456
17 16 677.376 1.11231 0.65944 1.12721 0.93497 0.89861 0.96771 0.7444 0.93139 0.54339 1.11307 0.001406 0.001406 0.001406
18 17 719.657 1.07777 0.67041 1.09882 0.93645 0.92108 0.97476 0.75162 0.94171 0.51412 1.10385 0.0013664 0.0013664 0.0013664
19 18 761.969 1.07516 0.63592 1.10574 0.96448 0.9375 0.97748 0.75255 0.9098 0.48929 1.10691 0.0013268 0.0013268 0.0013268
20 19 804.231 1.0694 0.61849 1.10328 0.96186 0.925 0.9737 0.76578 0.86653 0.49392 1.08609 0.0012872 0.0012872 0.0012872
21 20 846.579 1.04875 0.61657 1.10205 0.96185 0.95 0.97948 0.76197 0.87411 0.51301 1.10399 0.0012476 0.0012476 0.0012476
22 21 888.791 1.0645 0.61355 1.1024 0.91306 0.9375 0.97366 0.73882 0.87144 0.50829 1.0843 0.001208 0.001208 0.001208
23 22 931.259 1.06394 0.60756 1.10152 0.92649 0.94529 0.98047 0.73572 0.89228 0.53384 1.07704 0.0011684 0.0011684 0.0011684
24 23 973.702 1.05014 0.60532 1.10591 0.94753 0.9375 0.97509 0.74799 0.89053 0.48995 1.08055 0.0011288 0.0011288 0.0011288
25 24 1015.97 1.03435 0.58299 1.07959 0.94908 0.93203 0.97254 0.76005 0.89917 0.47759 1.0904 0.0010892 0.0010892 0.0010892

Binary file not shown.

After

Width:  |  Height:  |  Size: 298 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 620 KiB

After

Width:  |  Height:  |  Size: 421 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 546 KiB

After

Width:  |  Height:  |  Size: 430 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 562 KiB

After

Width:  |  Height:  |  Size: 448 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 402 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 411 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 646 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 662 KiB

Binary file not shown.

File diff suppressed because it is too large Load Diff

View File

@ -0,0 +1,22 @@
description: Ultralytics best model trained on yolo_dataset\dataset.yaml
author: Ultralytics
date: '2025-06-02T11:00:39.061455'
version: 8.3.146
license: AGPL-3.0 License (https://ultralytics.com/license)
docs: https://docs.ultralytics.com
stride: 32
task: detect
batch: 1
imgsz:
- 640
- 640
names:
0: NAO-Roboter
args:
batch: 1
fraction: 1.0
half: false
int8: false
dynamic: false
nms: false
channels: 3

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset\dataset.yaml
epochs: 50
time: null
patience: 5
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector10
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector10

Binary file not shown.

Before

Width:  |  Height:  |  Size: 193 KiB

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset\dataset.yaml
epochs: 50
time: null
patience: 5
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector2
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector2

Binary file not shown.

Before

Width:  |  Height:  |  Size: 205 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 187 KiB

View File

@ -1,2 +0,0 @@
epoch,time,train/box_loss,train/cls_loss,train/dfl_loss,metrics/precision(B),metrics/recall(B),metrics/mAP50(B),metrics/mAP50-95(B),val/box_loss,val/cls_loss,val/dfl_loss,lr/pg0,lr/pg1,lr/pg2
1,133.159,1.11402,2.41714,1.20281,1,0.37601,0.79951,0.55456,0.87553,2.60439,1.01905,0.00026,0.00026,0.00026
1 epoch time train/box_loss train/cls_loss train/dfl_loss metrics/precision(B) metrics/recall(B) metrics/mAP50(B) metrics/mAP50-95(B) val/box_loss val/cls_loss val/dfl_loss lr/pg0 lr/pg1 lr/pg2
2 1 133.159 1.11402 2.41714 1.20281 1 0.37601 0.79951 0.55456 0.87553 2.60439 1.01905 0.00026 0.00026 0.00026

Binary file not shown.

Before

Width:  |  Height:  |  Size: 620 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 546 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 562 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 93 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 75 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 82 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 90 KiB

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset\dataset.yaml
epochs: 50
time: null
patience: 5
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector3
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector3

Binary file not shown.

Before

Width:  |  Height:  |  Size: 84 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 85 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 205 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 187 KiB

View File

@ -1,8 +0,0 @@
epoch,time,train/box_loss,train/cls_loss,train/dfl_loss,metrics/precision(B),metrics/recall(B),metrics/mAP50(B),metrics/mAP50-95(B),val/box_loss,val/cls_loss,val/dfl_loss,lr/pg0,lr/pg1,lr/pg2
1,140.47,1.11402,2.41714,1.20281,1,0.37601,0.79951,0.55456,0.87553,2.60439,1.01905,0.00026,0.00026,0.00026
2,316.983,0.99575,1.51901,1.10586,1,0.45683,0.90108,0.57564,1.10253,2.54986,1.13344,0.000529308,0.000529308,0.000529308
3,512.153,0.99078,1.43238,1.14146,0.93389,0.35323,0.7206,0.43569,1.22903,2.64606,1.23865,0.000787528,0.000787528,0.000787528
4,644.94,1.0202,1.33932,1.15516,0.61359,0.3,0.34609,0.22426,1.32221,2.85182,1.39251,0.00103466,0.00103466,0.00103466
5,772.698,1.04289,1.31,1.17156,0.475,0.45,0.4433,0.29879,1.17274,2.54752,1.27816,0.0012707,0.0012707,0.0012707
6,899.988,1.0882,1.2972,1.2043,0.7555,0.2875,0.31395,0.19236,1.42954,3.42743,1.67074,0.00149566,0.00149566,0.00149566
7,1025.24,1.05137,1.28863,1.18317,0.4076,0.45,0.36035,0.2224,1.21401,3.12466,1.48008,0.00170953,0.00170953,0.00170953
1 epoch time train/box_loss train/cls_loss train/dfl_loss metrics/precision(B) metrics/recall(B) metrics/mAP50(B) metrics/mAP50-95(B) val/box_loss val/cls_loss val/dfl_loss lr/pg0 lr/pg1 lr/pg2
2 1 140.47 1.11402 2.41714 1.20281 1 0.37601 0.79951 0.55456 0.87553 2.60439 1.01905 0.00026 0.00026 0.00026
3 2 316.983 0.99575 1.51901 1.10586 1 0.45683 0.90108 0.57564 1.10253 2.54986 1.13344 0.000529308 0.000529308 0.000529308
4 3 512.153 0.99078 1.43238 1.14146 0.93389 0.35323 0.7206 0.43569 1.22903 2.64606 1.23865 0.000787528 0.000787528 0.000787528
5 4 644.94 1.0202 1.33932 1.15516 0.61359 0.3 0.34609 0.22426 1.32221 2.85182 1.39251 0.00103466 0.00103466 0.00103466
6 5 772.698 1.04289 1.31 1.17156 0.475 0.45 0.4433 0.29879 1.17274 2.54752 1.27816 0.0012707 0.0012707 0.0012707
7 6 899.988 1.0882 1.2972 1.2043 0.7555 0.2875 0.31395 0.19236 1.42954 3.42743 1.67074 0.00149566 0.00149566 0.00149566
8 7 1025.24 1.05137 1.28863 1.18317 0.4076 0.45 0.36035 0.2224 1.21401 3.12466 1.48008 0.00170953 0.00170953 0.00170953

Binary file not shown.

Before

Width:  |  Height:  |  Size: 265 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 620 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 546 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 562 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 392 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 337 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 650 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 578 KiB

View File

@ -1,111 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data:
path: C:\Users\vincent.hanewinkel\Projekts\Hochschule\NAO_Roboter_Erkennung\yolo_dataset
train: train/images
val: val/images
names:
0: NAO-Roboter
nc: 1
epochs: 100
time: null
patience: 100
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector4
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector4

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset/dataset.yaml
epochs: 100
time: null
patience: 100
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector5
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector5

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset/dataset.yaml
epochs: 100
time: null
patience: 100
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector6
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector6

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset/dataset.yaml
epochs: 100
time: null
patience: 100
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector7
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector7

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset\dataset.yaml
epochs: 50
time: null
patience: 5
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector8
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector8

View File

@ -1,105 +0,0 @@
task: detect
mode: train
model: yolov8n.pt
data: yolo_dataset\dataset.yaml
epochs: 50
time: null
patience: 5
batch: 16
imgsz: 640
save: true
save_period: -1
cache: false
device: cpu
workers: 8
project: yolo_training
name: NAO_detector9
exist_ok: false
pretrained: true
optimizer: auto
verbose: true
seed: 0
deterministic: true
single_cls: false
rect: false
cos_lr: false
close_mosaic: 10
resume: false
amp: true
fraction: 1.0
profile: false
freeze: null
multi_scale: false
overlap_mask: true
mask_ratio: 4
dropout: 0.0
val: true
split: val
save_json: false
conf: null
iou: 0.7
max_det: 300
half: false
dnn: false
plots: true
source: null
vid_stride: 1
stream_buffer: false
visualize: false
augment: false
agnostic_nms: false
classes: null
retina_masks: false
embed: null
show: false
save_frames: false
save_txt: false
save_conf: false
save_crop: false
show_labels: true
show_conf: true
show_boxes: true
line_width: null
format: torchscript
keras: false
optimize: false
int8: false
dynamic: false
simplify: true
opset: null
workspace: null
nms: false
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
dfl: 1.5
pose: 12.0
kobj: 1.0
nbs: 64
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
bgr: 0.0
mosaic: 1.0
mixup: 0.0
cutmix: 0.0
copy_paste: 0.0
copy_paste_mode: flip
auto_augment: randaugment
erasing: 0.4
cfg: null
tracker: botsort.yaml
save_dir: yolo_training\NAO_detector9