0% found this document useful (0 votes)
224 views43 pages

Yolov 8

The document discusses setting up and training a YOLOv8 neural network model using the ultralytics library. Several steps are shown to install required packages, load a dataset from Roboflow, set the environment variables, and train the model for 10 epochs.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
224 views43 pages

Yolov 8

The document discusses setting up and training a YOLOv8 neural network model using the ultralytics library. Several steps are shown to install required packages, load a dataset from Roboflow, set the environment variables, and train the model for 10 epochs.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 43

2/28/24, 11:31 AM yolov8

In [1]: !pip install ultralytics -q


!pip install pyyaml -q

━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 716.2/716.2 kB 4.8 MB/s eta 0:00:00

In [2]: from ultralytics import YOLO


import yaml
import cv2
from google.colab.patches import cv2_imshow

In [3]: model = YOLO("yolov8n.pt")

Downloading https://github.com/ultralytics/assets/releases/download/v8.1.0/yolov8
n.pt to 'yolov8n.pt'...
100%|██████████| 6.23M/6.23M [00:00<00:00, 78.5MB/s]

In [4]: !pip install roboflow

from roboflow import Roboflow


rf = Roboflow(api_key="76GCjbrULTdFgDoS5Gc0")
project = rf.workspace("raj-9mo0d").project("stock-pxex9")
dataset = project.version(3).download("yolov8")

file:///C:/Users/Windows/Downloads/yolov8.html 1/43
2/28/24, 11:31 AM yolov8
Collecting roboflow
Downloading roboflow-1.1.20-py3-none-any.whl (70 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 70.2/70.2 kB 1.1 MB/s eta 0:00:00
Collecting certifi==2023.7.22 (from roboflow)
Downloading certifi-2023.7.22-py3-none-any.whl (158 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 158.3/158.3 kB 3.1 MB/s eta 0:00:00
Collecting chardet==4.0.0 (from roboflow)
Downloading chardet-4.0.0-py2.py3-none-any.whl (178 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 178.7/178.7 kB 9.5 MB/s eta 0:00:00
Collecting cycler==0.10.0 (from roboflow)
Downloading cycler-0.10.0-py2.py3-none-any.whl (6.5 kB)
Collecting idna==2.10 (from roboflow)
Downloading idna-2.10-py2.py3-none-any.whl (58 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 58.8/58.8 kB 9.2 MB/s eta 0:00:00
Requirement already satisfied: kiwisolver>=1.3.1 in /usr/local/lib/python3.10/dist
-packages (from roboflow) (1.4.5)
Requirement already satisfied: matplotlib in /usr/local/lib/python3.10/dist-packag
es (from roboflow) (3.7.1)
Requirement already satisfied: numpy>=1.18.5 in /usr/local/lib/python3.10/dist-pac
kages (from roboflow) (1.25.2)
Collecting opencv-python-headless==4.8.0.74 (from roboflow)
Downloading opencv_python_headless-4.8.0.74-cp37-abi3-manylinux_2_17_x86_64.many
linux2014_x86_64.whl (49.1 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 49.1/49.1 MB 15.4 MB/s eta 0:00:00
Requirement already satisfied: Pillow>=7.1.2 in /usr/local/lib/python3.10/dist-pac
kages (from roboflow) (9.4.0)
Requirement already satisfied: python-dateutil in /usr/local/lib/python3.10/dist-p
ackages (from roboflow) (2.8.2)
Collecting python-dotenv (from roboflow)
Downloading python_dotenv-1.0.1-py3-none-any.whl (19 kB)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages
(from roboflow) (2.31.0)
Requirement already satisfied: six in /usr/local/lib/python3.10/dist-packages (fro
m roboflow) (1.16.0)
Collecting supervision (from roboflow)
Downloading supervision-0.18.0-py3-none-any.whl (86 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 86.7/86.7 kB 13.3 MB/s eta 0:00:00
Requirement already satisfied: urllib3>=1.26.6 in /usr/local/lib/python3.10/dist-p
ackages (from roboflow) (2.0.7)
Requirement already satisfied: tqdm>=4.41.0 in /usr/local/lib/python3.10/dist-pack
ages (from roboflow) (4.66.2)
Requirement already satisfied: PyYAML>=5.3.1 in /usr/local/lib/python3.10/dist-pac
kages (from roboflow) (6.0.1)
Collecting requests-toolbelt (from roboflow)
Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 54.5/54.5 kB 7.7 MB/s eta 0:00:00
Collecting python-magic (from roboflow)
Downloading python_magic-0.4.27-py2.py3-none-any.whl (13 kB)
Requirement already satisfied: contourpy>=1.0.1 in /usr/local/lib/python3.10/dist-
packages (from matplotlib->roboflow) (1.2.0)
Requirement already satisfied: fonttools>=4.22.0 in /usr/local/lib/python3.10/dist
-packages (from matplotlib->roboflow) (4.49.0)
Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-p
ackages (from matplotlib->roboflow) (23.2)
Requirement already satisfied: pyparsing>=2.3.1 in /usr/local/lib/python3.10/dist-
packages (from matplotlib->roboflow) (3.1.1)
Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.
10/dist-packages (from requests->roboflow) (3.3.2)
Requirement already satisfied: defusedxml<0.8.0,>=0.7.1 in /usr/local/lib/python3.
10/dist-packages (from supervision->roboflow) (0.7.1)
Requirement already satisfied: scipy<2.0.0,>=1.10.0 in /usr/local/lib/python3.10/d
ist-packages (from supervision->roboflow) (1.11.4)
Installing collected packages: python-magic, python-dotenv, opencv-python-headles
s, idna, cycler, chardet, certifi, supervision, requests-toolbelt, roboflow

file:///C:/Users/Windows/Downloads/yolov8.html 2/43
2/28/24, 11:31 AM yolov8
Attempting uninstall: opencv-python-headless
Found existing installation: opencv-python-headless 4.9.0.80
Uninstalling opencv-python-headless-4.9.0.80:
Successfully uninstalled opencv-python-headless-4.9.0.80
Attempting uninstall: idna
Found existing installation: idna 3.6
Uninstalling idna-3.6:
Successfully uninstalled idna-3.6
Attempting uninstall: cycler
Found existing installation: cycler 0.12.1
Uninstalling cycler-0.12.1:
Successfully uninstalled cycler-0.12.1
Attempting uninstall: chardet
Found existing installation: chardet 5.2.0
Uninstalling chardet-5.2.0:
Successfully uninstalled chardet-5.2.0
Attempting uninstall: certifi
Found existing installation: certifi 2024.2.2
Uninstalling certifi-2024.2.2:
Successfully uninstalled certifi-2024.2.2
Successfully installed certifi-2023.7.22 chardet-4.0.0 cycler-0.10.0 idna-2.10 ope
ncv-python-headless-4.8.0.74 python-dotenv-1.0.1 python-magic-0.4.27 requests-tool
belt-1.0.0 roboflow-1.1.20 supervision-0.18.0

loading Roboflow workspace...


loading Roboflow project...
Dependency ultralytics==8.0.196 is required but found version=8.1.19, to fix: `pip
install ultralytics==8.0.196`
Downloading Dataset Version Zip in stock-3 to yolov8:: 100%|██████████| 181829/181
829 [00:03<00:00, 56237.59it/s]

Extracting Dataset Version Zip to stock-3 in yolov8:: 100%|██████████| 13156/13156


[00:01<00:00, 6895.07it/s]

In [19]: # set up environment


os.environ["DATASET_DIRECTORY"] = "/content/datasets"

In [8]: import os

In [9]: os.environ["DATASET_DIRECTORY"] = "/content/stock-3"

In [26]: model.train(data="/content/stock-3/data.yaml",epochs=10)

file:///C:/Users/Windows/Downloads/yolov8.html 3/43
2/28/24, 11:31 AM yolov8
Ultralytics YOLOv8.1.19 🚀 Python-3.10.12 torch-2.1.0+cu121 CUDA:0 (Tesla T4, 1510
2MiB)
engine/trainer: task=detect, mode=train, model=yolov8n.pt, data=/content/stock-3/d
ata.yaml, epochs=10, time=None, patience=100, batch=16, imgsz=640, save=True, save
_period=-1, cache=False, device=None, workers=8, project=None, name=train9, exist_
ok=False, pretrained=True, optimizer=auto, verbose=True, seed=0, deterministic=Tru
e, single_cls=False, rect=False, cos_lr=False, close_mosaic=10, resume=False, amp=
True, fraction=1.0, profile=False, freeze=None, multi_scale=False, overlap_mask=Tr
ue, mask_ratio=4, dropout=0.0, val=True, split=val, save_json=False, save_hybrid=F
alse, conf=None, iou=0.7, max_det=300, half=False, dnn=False, plots=True, source=N
one, vid_stride=1, stream_buffer=False, visualize=False, augment=False, agnostic_n
ms=False, classes=None, retina_masks=False, embed=None, show=False, save_frames=Fa
lse, save_txt=False, save_conf=False, save_crop=False, show_labels=True, show_conf
=True, show_boxes=True, line_width=None, format=torchscript, keras=False, optimize
=False, int8=False, dynamic=False, simplify=False, opset=None, workspace=4, nms=Fa
lse, lr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, w
armup_momentum=0.8, warmup_bias_lr=0.1, box=7.5, cls=0.5, dfl=1.5, pose=12.0, kobj
=1.0, label_smoothing=0.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, mosa
ic=1.0, mixup=0.0, copy_paste=0.0, auto_augment=randaugment, erasing=0.4, crop_fra
ction=1.0, cfg=None, tracker=botsort.yaml, save_dir=runs/detect/train9
Overriding model.yaml nc=80 with nc=6

from n params module


arguments
0 -1 1 464 ultralytics.nn.modules.conv.Conv
[3, 16, 3, 2]
1 -1 1 4672 ultralytics.nn.modules.conv.Conv
[16, 32, 3, 2]
2 -1 1 7360 ultralytics.nn.modules.block.C2f
[32, 32, 1, True]
3 -1 1 18560 ultralytics.nn.modules.conv.Conv
[32, 64, 3, 2]
4 -1 2 49664 ultralytics.nn.modules.block.C2f
[64, 64, 2, True]
5 -1 1 73984 ultralytics.nn.modules.conv.Conv
[64, 128, 3, 2]
6 -1 2 197632 ultralytics.nn.modules.block.C2f
[128, 128, 2, True]
7 -1 1 295424 ultralytics.nn.modules.conv.Conv
[128, 256, 3, 2]
8 -1 1 460288 ultralytics.nn.modules.block.C2f
[256, 256, 1, True]
9 -1 1 164608 ultralytics.nn.modules.block.SPPF
[256, 256, 5]
10 -1 1 0 torch.nn.modules.upsampling.Upsample
[None, 2, 'nearest']
11 [-1, 6] 1 0 ultralytics.nn.modules.conv.Concat
[1]
12 -1 1 148224 ultralytics.nn.modules.block.C2f
[384, 128, 1]
13 -1 1 0 torch.nn.modules.upsampling.Upsample
[None, 2, 'nearest']
14 [-1, 4] 1 0 ultralytics.nn.modules.conv.Concat
[1]
15 -1 1 37248 ultralytics.nn.modules.block.C2f
[192, 64, 1]
16 -1 1 36992 ultralytics.nn.modules.conv.Conv
[64, 64, 3, 2]
17 [-1, 12] 1 0 ultralytics.nn.modules.conv.Concat
[1]
18 -1 1 123648 ultralytics.nn.modules.block.C2f
[192, 128, 1]
19 -1 1 147712 ultralytics.nn.modules.conv.Conv

file:///C:/Users/Windows/Downloads/yolov8.html 4/43
2/28/24, 11:31 AM yolov8
[128, 128, 3, 2]
20 [-1, 9] 1 0 ultralytics.nn.modules.conv.Concat
[1]
21 -1 1 493056 ultralytics.nn.modules.block.C2f
[384, 256, 1]
22 [15, 18, 21] 1 752482 ultralytics.nn.modules.head.Detect
[6, [64, 128, 256]]
Model summary: 225 layers, 3012018 parameters, 3012002 gradients, 8.2 GFLOPs

Transferred 319/355 items from pretrained weights


TensorBoard: Start with 'tensorboard --logdir runs/detect/train9', view at http://
localhost:6006/
Freezing layer 'model.22.dfl.conv.weight'
AMP: running Automatic Mixed Precision (AMP) checks with YOLOv8n...
AMP: checks passed ✅
train: Scanning /content/stock-3/train/labels... 5254 images, 0 backgrounds, 0 cor
rupt: 100%|██████████| 5254/5254 [00:02<00:00, 2182.43it/s]
train: New cache created: /content/stock-3/train/labels.cache
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))
val: Scanning /content/stock-3/valid/labels... 869 images, 0 backgrounds, 0 corrup
t: 100%|██████████| 869/869 [00:00<00:00, 962.03it/s]
val: New cache created: /content/stock-3/valid/labels.cache
Plotting labels to runs/detect/train9/labels.jpg...
optimizer: 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and de
termining best 'optimizer', 'lr0' and 'momentum' automatically...
optimizer: AdamW(lr=0.001, momentum=0.9) with parameter groups 57 weight(decay=0.
0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
TensorBoard: model graph visualization added ✅
Image sizes 640 train, 640 val
Using 2 dataloader workers
Logging results to runs/detect/train9
Starting training for 10 epochs...
Closing dataloader mosaic
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))

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


1/10 2.41G 1.402 3.257 1.383 9 640: 10
0%|██████████| 329/329 [01:44<00:00, 3.16it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:10<00:00, 2.75it/s]
all 869 1323 0.537 0.421 0.354
0.229

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


2/10 2.28G 1.262 2.218 1.287 9 640: 10
0%|██████████| 329/329 [01:36<00:00, 3.43it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.24it/s]
all 869 1323 0.581 0.388 0.38
0.251

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


3/10 2.28G 1.244 1.852 1.27 9 640: 10
0%|██████████| 329/329 [01:37<00:00, 3.39it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:07<00:00, 3.57it/s]
all 869 1323 0.611 0.449 0.434
0.289

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size

file:///C:/Users/Windows/Downloads/yolov8.html 5/43
2/28/24, 11:31 AM yolov8

4/10 2.27G 1.207 1.674 1.251 8 640: 10


0%|██████████| 329/329 [01:36<00:00, 3.43it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.17it/s]
all 869 1323 0.678 0.418 0.465
0.311

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


5/10 2.28G 1.187 1.584 1.237 9 640: 10
0%|██████████| 329/329 [01:33<00:00, 3.50it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.29it/s]
all 869 1323 0.646 0.476 0.483
0.326

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


6/10 2.28G 1.147 1.5 1.216 10 640: 10
0%|██████████| 329/329 [01:34<00:00, 3.50it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:09<00:00, 2.96it/s]
all 869 1323 0.638 0.482 0.494
0.331

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


7/10 2.28G 1.128 1.406 1.189 9 640: 10
0%|██████████| 329/329 [01:33<00:00, 3.52it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.43it/s]
all 869 1323 0.515 0.512 0.505
0.353

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


8/10 2.27G 1.099 1.348 1.179 7 640: 10
0%|██████████| 329/329 [01:33<00:00, 3.52it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:07<00:00, 3.54it/s]
all 869 1323 0.639 0.473 0.515
0.36

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


9/10 2.28G 1.069 1.286 1.153 12 640: 10
0%|██████████| 329/329 [01:35<00:00, 3.44it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.35it/s]
all 869 1323 0.574 0.489 0.552
0.388

Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size


10/10 2.28G 1.039 1.229 1.143 8 640: 10
0%|██████████| 329/329 [01:38<00:00, 3.34it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 28/28 [00:08<00:00, 3.15it/s]
all 869 1323 0.527 0.537 0.564
0.398

10 epochs completed in 0.295 hours.


Optimizer stripped from runs/detect/train9/weights/last.pt, 6.2MB
Optimizer stripped from runs/detect/train9/weights/best.pt, 6.2MB

Validating runs/detect/train9/weights/best.pt...
Ultralytics YOLOv8.1.19 🚀 Python-3.10.12 torch-2.1.0+cu121 CUDA:0 (Tesla T4, 1510
2MiB)
Model summary (fused): 168 layers, 3006818 parameters, 0 gradients, 8.1 GFLOPs

file:///C:/Users/Windows/Downloads/yolov8.html 6/43
2/28/24, 11:31 AM yolov8

Class Images Instances Box(P R mAP50 mAP


50-95): 100%|██████████| 28/28 [00:11<00:00, 2.47it/s]
all 869 1323 0.53 0.536 0.564
0.397
Head and shoulders bottom 869 231 0.508 0.622 0.627
0.462
Head and shoulders top 869 305 0.67 0.616 0.644
0.454
M_Head 869 399 0.62 0.644 0.699
0.495
Triangle 869 79 0.29 0.0886 0.169
0.093
W_Bottom 869 309 0.564 0.709 0.682
0.483
Speed: 0.3ms preprocess, 2.4ms inference, 0.0ms loss, 2.1ms postprocess per image
Results saved to runs/detect/train9

file:///C:/Users/Windows/Downloads/yolov8.html 7/43
2/28/24, 11:31 AM yolov8
ultralytics.utils.metrics.DetMetrics object with attributes:
Out[26]:

ap_class_index: array([0, 1, 2, 4, 5])


box: ultralytics.utils.metrics.Metric object
confusion_matrix: <ultralytics.utils.metrics.ConfusionMatrix object at 0x7b8d99381
960>
curves: ['Precision-Recall(B)', 'F1-Confidence(B)', 'Precision-Confidence(B)', 'Re
call-Confidence(B)']
curves_results: [[array([ 0, 0.001001, 0.002002, 0.003003, 0.
004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009, 0.010
01, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016016,
0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022, 0.02
3023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33

file:///C:/Users/Windows/Downloads/yolov8.html 8/43
2/28/24, 11:31 AM yolov8
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71

file:///C:/Users/Windows/Downloads/yolov8.html 9/43
2/28/24, 11:31 AM yolov8
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 1, 1,
1, ..., 0.051736, 0.051736, 0],
[ 1, 1, 1, ..., 0.011761, 0.0058803,
0],
[ 1, 1, 1, ..., 0.013642, 0.0068211,
0],
[ 0.66667, 0.66667, 0.66667, ..., 0.00088214, 0.00044107,
0],
[ 0.95, 0.95, 0.95, ..., 0.0088732, 0.0044366,
0]]), 'Recall', 'Precision'], [array([ 0, 0.001001, 0.002002, 0.
003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.0090
09, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015,
0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.02
2022, 0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04

file:///C:/Users/Windows/Downloads/yolov8.html 10/43
2/28/24, 11:31 AM yolov8
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42

file:///C:/Users/Windows/Downloads/yolov8.html 11/43
2/28/24, 11:31 AM yolov8
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810

file:///C:/Users/Windows/Downloads/yolov8.html 12/43
2/28/24, 11:31 AM yolov8
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 0.098068, 0.098068,
0.12961, ..., 0, 0, 0],
[ 0.14292, 0.14292, 0.17974, ..., 0, 0,
0],
[ 0.15719, 0.15719, 0.207, ..., 0, 0,
0],
[ 0.032893, 0.032893, 0.043851, ..., 0, 0,
0],
[ 0.10844, 0.10844, 0.15099, ..., 0, 0,
0]]), 'Confidence', 'F1'], [array([ 0, 0.001001, 0.002002, 0.003
003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009,
0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016
016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022,
0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13

file:///C:/Users/Windows/Downloads/yolov8.html 13/43
2/28/24, 11:31 AM yolov8
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52

file:///C:/Users/Windows/Downloads/yolov8.html 14/43
2/28/24, 11:31 AM yolov8
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906

file:///C:/Users/Windows/Downloads/yolov8.html 15/43
2/28/24, 11:31 AM yolov8
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 0.051562, 0.051562,
0.069317, ..., 1, 1, 1],
[ 0.077041, 0.077041, 0.098909, ..., 1, 1,
1],
[ 0.085392, 0.085392, 0.11565, ..., 1, 1,
1],
[ 0.016733, 0.016733, 0.022451, ..., 1, 1,
1],
[ 0.057374, 0.057374, 0.081745, ..., 1, 1,
1]]), 'Confidence', 'Precision'], [array([ 0, 0.001001, 0.002002,
0.003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.00
9009, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.01501
5, 0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021,
0.022022, 0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23

file:///C:/Users/Windows/Downloads/yolov8.html 16/43
2/28/24, 11:31 AM yolov8
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61

file:///C:/Users/Windows/Downloads/yolov8.html 17/43
2/28/24, 11:31 AM yolov8
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 1, 1,

file:///C:/Users/Windows/Downloads/yolov8.html 18/43
2/28/24, 11:31 AM yolov8
0.99567, ..., 0, 0, 0],
[ 0.98689, 0.98689, 0.98361, ..., 0, 0,
0],
[ 0.98747, 0.98747, 0.98496, ..., 0, 0,
0],
[ 0.96203, 0.96203, 0.93671, ..., 0, 0,
0],
[ 0.98706, 0.98706, 0.98706, ..., 0, 0,
0]]), 'Confidence', 'Recall']]
fitness: 0.4141116931040904
keys: ['metrics/precision(B)', 'metrics/recall(B)', 'metrics/mAP50(B)', 'metrics/m
AP50-95(B)']
maps: array([ 0.46199, 0.4541, 0.49461, 0.39743, 0.092997,
0.48344])
names: {0: 'Head and shoulders bottom', 1: 'Head and shoulders top', 2: 'M_Head',
3: 'StockLine', 4: 'Triangle', 5: 'W_Bottom'}
plot: True
results_dict: {'metrics/precision(B)': 0.5303314596139037, 'metrics/recall(B)': 0.
5359353264974682, 'metrics/mAP50(B)': 0.5642739626091152, 'metrics/mAP50-95(B)':
0.39742699649242097, 'fitness': 0.4141116931040904}
save_dir: PosixPath('runs/detect/train9')
speed: {'preprocess': 0.25056173941345566, 'inference': 2.429843360453124, 'loss':
0.0004938474595889672, 'postprocess': 2.0891753110018643}
task: 'detect'

In [43]: model.val(data="/content/stock-3/data.yaml")

Ultralytics YOLOv8.1.19 🚀 Python-3.10.12 torch-2.1.0+cu121 CUDA:0 (Tesla T4, 1510


2MiB)
Model summary (fused): 168 layers, 3006818 parameters, 0 gradients, 8.1 GFLOPs
val: Scanning /content/stock-3/valid/labels.cache... 869 images, 0 backgrounds, 0
corrupt: 100%|██████████| 869/869 [00:00<?, ?it/s]
Class Images Instances Box(P R mAP50 mAP
50-95): 100%|██████████| 55/55 [00:12<00:00, 4.47it/s]
all 869 1323 0.528 0.537 0.564
0.397
Head and shoulders bottom 869 231 0.506 0.628 0.627
0.461
Head and shoulders top 869 305 0.666 0.616 0.644
0.455
M_Head 869 399 0.618 0.644 0.699
0.495
Triangle 869 79 0.287 0.0886 0.169
0.0935
W_Bottom 869 309 0.562 0.709 0.683
0.483
Speed: 0.4ms preprocess, 4.7ms inference, 0.0ms loss, 2.0ms postprocess per image
Results saved to runs/detect/train92

file:///C:/Users/Windows/Downloads/yolov8.html 19/43
2/28/24, 11:31 AM yolov8
ultralytics.utils.metrics.DetMetrics object with attributes:
Out[43]:
ap_class_index: array([0, 1, 2, 4, 5])
box: ultralytics.utils.metrics.Metric object
confusion_matrix: <ultralytics.utils.metrics.ConfusionMatrix object at 0x7b8d824f3
eb0>
curves: ['Precision-Recall(B)', 'F1-Confidence(B)', 'Precision-Confidence(B)', 'Re
call-Confidence(B)']
curves_results: [[array([ 0, 0.001001, 0.002002, 0.003003, 0.
004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009, 0.010
01, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016016,
0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022, 0.02
3023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33

file:///C:/Users/Windows/Downloads/yolov8.html 20/43
2/28/24, 11:31 AM yolov8
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71

file:///C:/Users/Windows/Downloads/yolov8.html 21/43
2/28/24, 11:31 AM yolov8
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 1, 1,
1, ..., 0.051678, 0.051678, 0],
[ 1, 1, 1, ..., 0.011743, 0.0058713,
0],
[ 1, 1, 1, ..., 0.01363, 0.0068152,
0],
[ 0.66667, 0.66667, 0.66667, ..., 0.00088001, 0.00044,
0],
[ 0.95, 0.95, 0.95, ..., 0.0088382, 0.0044191,
0]]), 'Recall', 'Precision'], [array([ 0, 0.001001, 0.002002, 0.
003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.0090
09, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015,
0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.02
2022, 0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04

file:///C:/Users/Windows/Downloads/yolov8.html 22/43
2/28/24, 11:31 AM yolov8
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42

file:///C:/Users/Windows/Downloads/yolov8.html 23/43
2/28/24, 11:31 AM yolov8
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810

file:///C:/Users/Windows/Downloads/yolov8.html 24/43
2/28/24, 11:31 AM yolov8
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 0.09811, 0.098172,
0.12965, ..., 0, 0, 0],
[ 0.14272, 0.14276, 0.17968, ..., 0, 0,
0],
[ 0.15707, 0.15707, 0.20716, ..., 0, 0,
0],
[ 0.032815, 0.032828, 0.043806, ..., 0, 0,
0],
[ 0.10804, 0.10807, 0.15066, ..., 0, 0,
0]]), 'Confidence', 'F1'], [array([ 0, 0.001001, 0.002002, 0.003
003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009,
0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016
016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022,
0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13

file:///C:/Users/Windows/Downloads/yolov8.html 25/43
2/28/24, 11:31 AM yolov8
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52

file:///C:/Users/Windows/Downloads/yolov8.html 26/43
2/28/24, 11:31 AM yolov8
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906

file:///C:/Users/Windows/Downloads/yolov8.html 27/43
2/28/24, 11:31 AM yolov8
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 0.051586, 0.05162,
0.069337, ..., 1, 1, 1],
[ 0.076923, 0.076944, 0.098873, ..., 1, 1,
1],
[ 0.085318, 0.085318, 0.11575, ..., 1, 1,
1],
[ 0.016692, 0.016699, 0.022427, ..., 1, 1,
1],
[ 0.057148, 0.057165, 0.081552, ..., 1, 1,
1]]), 'Confidence', 'Precision'], [array([ 0, 0.001001, 0.002002,
0.003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.00
9009, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.01501
5, 0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021,
0.022022, 0.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.02902
9, 0.03003, 0.031031, 0.032032, 0.033033, 0.034034, 0.035035,
0.036036, 0.037037, 0.038038, 0.039039, 0.04004, 0.041041, 0.04
2042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.05305
3, 0.054054, 0.055055, 0.056056, 0.057057, 0.058058, 0.059059,
0.06006, 0.061061, 0.062062, 0.063063, 0.064064, 0.065065, 0.066
066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.07707
7, 0.078078, 0.079079, 0.08008, 0.081081, 0.082082, 0.083083,
0.084084, 0.085085, 0.086086, 0.087087, 0.088088, 0.089089, 0.0
9009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.101
1, 0.1021, 0.1031, 0.1041, 0.10511, 0.10611, 0.10711,
0.10811, 0.10911, 0.11011, 0.11111, 0.11211, 0.11311, 0.11
411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.1251
3, 0.12613, 0.12713, 0.12813, 0.12913, 0.13013, 0.13113,
0.13213, 0.13313, 0.13413, 0.13514, 0.13614, 0.13714, 0.13
814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.1491
5, 0.15015, 0.15115, 0.15215, 0.15315, 0.15415, 0.15516,
0.15616, 0.15716, 0.15816, 0.15916, 0.16016, 0.16116, 0.16
216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.1731
7, 0.17417, 0.17518, 0.17618, 0.17718, 0.17818, 0.17918,
0.18018, 0.18118, 0.18218, 0.18318, 0.18418, 0.18519, 0.18
619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.197
2, 0.1982, 0.1992, 0.2002, 0.2012, 0.2022, 0.2032,
0.2042, 0.20521, 0.20621, 0.20721, 0.20821, 0.20921, 0.210
21, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.2212
2, 0.22222, 0.22322, 0.22422, 0.22523, 0.22623, 0.22723,
0.22823, 0.22923, 0.23023, 0.23123, 0.23223, 0.23323, 0.23

file:///C:/Users/Windows/Downloads/yolov8.html 28/43
2/28/24, 11:31 AM yolov8
423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.2452
5, 0.24625, 0.24725, 0.24825, 0.24925, 0.25025, 0.25125,
0.25225, 0.25325, 0.25425, 0.25526, 0.25626, 0.25726, 0.25
826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.2692
7, 0.27027, 0.27127, 0.27227, 0.27327, 0.27427, 0.27528,
0.27628, 0.27728, 0.27828, 0.27928, 0.28028, 0.28128, 0.28
228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.2932
9, 0.29429, 0.2953, 0.2963, 0.2973, 0.2983, 0.2993,
0.3003, 0.3013, 0.3023, 0.3033, 0.3043, 0.30531, 0.306
31, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.3173
2, 0.31832, 0.31932, 0.32032, 0.32132, 0.32232, 0.32332,
0.32432, 0.32533, 0.32633, 0.32733, 0.32833, 0.32933, 0.33
033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.3413
4, 0.34234, 0.34334, 0.34434, 0.34535, 0.34635, 0.34735,
0.34835, 0.34935, 0.35035, 0.35135, 0.35235, 0.35335, 0.35
435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.3653
7, 0.36637, 0.36737, 0.36837, 0.36937, 0.37037, 0.37137,
0.37237, 0.37337, 0.37437, 0.37538, 0.37638, 0.37738, 0.37
838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.3893
9, 0.39039, 0.39139, 0.39239, 0.39339, 0.39439, 0.3954,
0.3964, 0.3974, 0.3984, 0.3994, 0.4004, 0.4014, 0.40
24, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.4134
1, 0.41441, 0.41542, 0.41642, 0.41742, 0.41842, 0.41942,
0.42042, 0.42142, 0.42242, 0.42342, 0.42442, 0.42543, 0.42
643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.4374
4, 0.43844, 0.43944, 0.44044, 0.44144, 0.44244, 0.44344,
0.44444, 0.44545, 0.44645, 0.44745, 0.44845, 0.44945, 0.45
045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.4614
6, 0.46246, 0.46346, 0.46446, 0.46547, 0.46647, 0.46747,
0.46847, 0.46947, 0.47047, 0.47147, 0.47247, 0.47347, 0.47
447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.4854
9, 0.48649, 0.48749, 0.48849, 0.48949, 0.49049, 0.49149,
0.49249, 0.49349, 0.49449, 0.4955, 0.4965, 0.4975, 0.4
985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.5095
1, 0.51051, 0.51151, 0.51251, 0.51351, 0.51451, 0.51552,
0.51652, 0.51752, 0.51852, 0.51952, 0.52052, 0.52152, 0.52
252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.5335
3, 0.53453, 0.53554, 0.53654, 0.53754, 0.53854, 0.53954,
0.54054, 0.54154, 0.54254, 0.54354, 0.54454, 0.54555, 0.54
655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.5575
6, 0.55856, 0.55956, 0.56056, 0.56156, 0.56256, 0.56356,
0.56456, 0.56557, 0.56657, 0.56757, 0.56857, 0.56957, 0.57
057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.5815
8, 0.58258, 0.58358, 0.58458, 0.58559, 0.58659, 0.58759,
0.58859, 0.58959, 0.59059, 0.59159, 0.59259, 0.59359, 0.59
459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.6056
1, 0.60661, 0.60761, 0.60861, 0.60961, 0.61061, 0.61161,
0.61261, 0.61361, 0.61461, 0.61562, 0.61662, 0.61762, 0.61

file:///C:/Users/Windows/Downloads/yolov8.html 29/43
2/28/24, 11:31 AM yolov8
862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.6296
3, 0.63063, 0.63163, 0.63263, 0.63363, 0.63463, 0.63564,
0.63664, 0.63764, 0.63864, 0.63964, 0.64064, 0.64164, 0.64
264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.6536
5, 0.65465, 0.65566, 0.65666, 0.65766, 0.65866, 0.65966,
0.66066, 0.66166, 0.66266, 0.66366, 0.66466, 0.66567, 0.66
667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.6776
8, 0.67868, 0.67968, 0.68068, 0.68168, 0.68268, 0.68368,
0.68468, 0.68569, 0.68669, 0.68769, 0.68869, 0.68969, 0.69
069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.701
7, 0.7027, 0.7037, 0.7047, 0.70571, 0.70671, 0.70771,
0.70871, 0.70971, 0.71071, 0.71171, 0.71271, 0.71371, 0.71
471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.7257
3, 0.72673, 0.72773, 0.72873, 0.72973, 0.73073, 0.73173,
0.73273, 0.73373, 0.73473, 0.73574, 0.73674, 0.73774, 0.73
874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.7497
5, 0.75075, 0.75175, 0.75275, 0.75375, 0.75475, 0.75576,
0.75676, 0.75776, 0.75876, 0.75976, 0.76076, 0.76176, 0.76
276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.7737
7, 0.77477, 0.77578, 0.77678, 0.77778, 0.77878, 0.77978,
0.78078, 0.78178, 0.78278, 0.78378, 0.78478, 0.78579, 0.78
679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.797
8, 0.7988, 0.7998, 0.8008, 0.8018, 0.8028, 0.8038,
0.8048, 0.80581, 0.80681, 0.80781, 0.80881, 0.80981, 0.810
81, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.8218
2, 0.82282, 0.82382, 0.82482, 0.82583, 0.82683, 0.82783,
0.82883, 0.82983, 0.83083, 0.83183, 0.83283, 0.83383, 0.83
483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.8458
5, 0.84685, 0.84785, 0.84885, 0.84985, 0.85085, 0.85185,
0.85285, 0.85385, 0.85485, 0.85586, 0.85686, 0.85786, 0.85
886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.8698
7, 0.87087, 0.87187, 0.87287, 0.87387, 0.87487, 0.87588,
0.87688, 0.87788, 0.87888, 0.87988, 0.88088, 0.88188, 0.88
288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.8938
9, 0.89489, 0.8959, 0.8969, 0.8979, 0.8989, 0.8999,
0.9009, 0.9019, 0.9029, 0.9039, 0.9049, 0.90591, 0.906
91, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.9179
2, 0.91892, 0.91992, 0.92092, 0.92192, 0.92292, 0.92392,
0.92492, 0.92593, 0.92693, 0.92793, 0.92893, 0.92993, 0.93
093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.9419
4, 0.94294, 0.94394, 0.94494, 0.94595, 0.94695, 0.94795,
0.94895, 0.94995, 0.95095, 0.95195, 0.95295, 0.95395, 0.95
495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.9659
7, 0.96697, 0.96797, 0.96897, 0.96997, 0.97097, 0.97197,
0.97297, 0.97397, 0.97497, 0.97598, 0.97698, 0.97798, 0.97
898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.9899
9, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996,
0.997, 0.998, 0.999, 1]), array([[ 1, 1,

file:///C:/Users/Windows/Downloads/yolov8.html 30/43
2/28/24, 11:31 AM yolov8
0.99567, ..., 0, 0, 0],
[ 0.98689, 0.98689, 0.98361, ..., 0, 0,
0],
[ 0.98747, 0.98747, 0.98496, ..., 0, 0,
0],
[ 0.96203, 0.96203, 0.93671, ..., 0, 0,
0],
[ 0.98706, 0.98706, 0.98706, ..., 0, 0,
0]]), 'Confidence', 'Recall']]
fitness: 0.4141039883081856
keys: ['metrics/precision(B)', 'metrics/recall(B)', 'metrics/mAP50(B)', 'metrics/m
AP50-95(B)']
maps: array([ 0.4612, 0.45472, 0.4948, 0.39742, 0.093517,
0.48288])
names: {0: 'Head and shoulders bottom', 1: 'Head and shoulders top', 2: 'M_Head',
3: 'StockLine', 4: 'Triangle', 5: 'W_Bottom'}
plot: True
results_dict: {'metrics/precision(B)': 0.527797410878651, 'metrics/recall(B)': 0.5
371109610064361, 'metrics/mAP50(B)': 0.5642197941804354, 'metrics/mAP50-95(B)': 0.
39742445432238005, 'fitness': 0.4141039883081856}
save_dir: PosixPath('runs/detect/train92')
speed: {'preprocess': 0.4468526609747813, 'inference': 4.702961760368391, 'loss':
0.0009487358418103604, 'postprocess': 1.9919279666984042}
task: 'detect'

In [50]: model.test(data="/content/stock-3/data.yaml")

---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-50-39fb1bb013cd> in <cell line: 1>()
----> 1 model.test(data="/content/stock-3/data.yaml")

/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py in __getattr__
(self, name)
1693 if name in modules:
1694 return modules[name]
-> 1695 raise AttributeError(f"'{type(self).__name__}' object has no attri
bute '{name}'")
1696
1697 def __setattr__(self, name: str, value: Union[Tensor, 'Module']) -> No
ne:

AttributeError: 'YOLO' object has no attribute 'test'

In [55]: %env LC_ALL=en_US.UTF-8


import os
os.environ['LC_ALL'] = 'en_US.UTF-8'

!yolo task=detect mode=detect data="/content/stock-3/data.yaml" weights="/content/r

env: LC_ALL=en_US.UTF-8

file:///C:/Users/Windows/Downloads/yolov8.html 31/43
2/28/24, 11:31 AM yolov8

---------------------------------------------------------------------------
NotImplementedError Traceback (most recent call last)
<ipython-input-55-74332d7cc30f> in <cell line: 5>()
3 os.environ['LC_ALL'] = 'en_US.UTF-8'
4
----> 5 get_ipython().system('yolo task=detect mode=detect data="/content/stock-3/
data.yaml" weights="/content/runs/detect/train9/weights/best.pt"')

/usr/local/lib/python3.10/dist-packages/google/colab/_shell.py in system(self, *ar


gs, **kwargs)
97 kwargs.update({'also_return_output': True})
98
---> 99 output = _system_commands._system_compat(self, *args, **kwargs) # pyl
int:disable=protected-access
100
101 if pip_warn:

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _syste
m_compat(shell, cmd, also_return_output)
452 # is expected to call this function, thus adding one level of nesting to
the
453 # stack.
--> 454 result = _run_command(
455 shell.var_expand(cmd, depth=2), clear_streamed_output=False
456 )

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _run_c
ommand(cmd, clear_streamed_output)
166 locale_encoding = locale.getpreferredencoding()
167 if locale_encoding != _ENCODING:
--> 168 raise NotImplementedError(
169 'A UTF-8 locale is required. Got {}'.format(locale_encoding)
170 )

NotImplementedError: A UTF-8 locale is required. Got ANSI_X3.4-1968

In [57]: import subprocess

# Set the command you want to execute


command = 'yolo task=detect mode=val data="/content/stock-3/data.yaml" weights="/co

# Execute the command using subprocess


result = subprocess.run(command, shell=True, capture_output=True, text=True)

# Print the output


print("STDOUT:", result.stdout)
print("STDERR:", result.stderr)

file:///C:/Users/Windows/Downloads/yolov8.html 32/43
2/28/24, 11:31 AM yolov8
STDOUT:
STDERR: Traceback (most recent call last):
File "/usr/local/bin/yolo", line 8, in <module>
sys.exit(entrypoint())
File "/usr/local/lib/python3.10/dist-packages/ultralytics/cfg/__init__.py", line
501, in entrypoint
check_dict_alignment(full_args_dict, overrides)
File "/usr/local/lib/python3.10/dist-packages/ultralytics/cfg/__init__.py", line
308, in check_dict_alignment
raise SyntaxError(string + CLI_HELP_MSG) from e
SyntaxError: 'weights' is not a valid YOLO argument. Similar arguments are i.e.
['weight_decay=0.0005'].

Arguments received: ['yolo', 'task=detect', 'mode=val', 'data=/content/stock-


3/data.yaml', 'weights=/content/runs/detect/train9/weights/best.pt']. Ultralytics
'yolo' commands use the following syntax:

yolo TASK MODE ARGS

Where TASK (optional) is one of ('detect', 'segment', 'classify', 'pos


e', 'obb')
MODE (required) is one of ('train', 'val', 'predict', 'export', 't
rack', 'benchmark')
ARGS (optional) are any number of custom 'arg=value' pairs like 'i
mgsz=320' that override defaults.
See all ARGS at https://docs.ultralytics.com/usage/cfg or with
'yolo cfg'

1. Train a detection model for 10 epochs with an initial learning_rate of 0.01


yolo train data=coco128.yaml model=yolov8n.pt epochs=10 lr0=0.01

2. Predict a YouTube video using a pretrained segmentation model at image size


320:
yolo predict model=yolov8n-seg.pt source='https://youtu.be/LNwODJXcvt4' im
gsz=320

3. Val a pretrained detection model at batch-size 1 and image size 640:


yolo val model=yolov8n.pt data=coco128.yaml batch=1 imgsz=640

4. Export a YOLOv8n classification model to ONNX format at image size 224 by 1


28 (no TASK required)
yolo export model=yolov8n-cls.pt format=onnx imgsz=224,128

6. Explore your datasets using semantic search and SQL with a simple GUI power
ed by Ultralytics Explorer API
yolo explorer

5. Run special commands:


yolo help
yolo checks
yolo version
yolo settings
yolo copy-cfg
yolo cfg

Docs: https://docs.ultralytics.com
Community: https://community.ultralytics.com
GitHub: https://github.com/ultralytics/ultralytics

In [54]: %env LC_ALL=en_US.UTF-8

env: LC_ALL=en_US.UTF-8

file:///C:/Users/Windows/Downloads/yolov8.html 33/43
2/28/24, 11:31 AM yolov8

In [40]: !locale

---------------------------------------------------------------------------
NotImplementedError Traceback (most recent call last)
<ipython-input-40-3156e0244c83> in <cell line: 1>()
----> 1 get_ipython().system('locale')

/usr/local/lib/python3.10/dist-packages/google/colab/_shell.py in system(self, *ar


gs, **kwargs)
97 kwargs.update({'also_return_output': True})
98
---> 99 output = _system_commands._system_compat(self, *args, **kwargs) # pyl
int:disable=protected-access
100
101 if pip_warn:

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _syste
m_compat(shell, cmd, also_return_output)
452 # is expected to call this function, thus adding one level of nesting to
the
453 # stack.
--> 454 result = _run_command(
455 shell.var_expand(cmd, depth=2), clear_streamed_output=False
456 )

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _run_c
ommand(cmd, clear_streamed_output)
166 locale_encoding = locale.getpreferredencoding()
167 if locale_encoding != _ENCODING:
--> 168 raise NotImplementedError(
169 'A UTF-8 locale is required. Got {}'.format(locale_encoding)
170 )

NotImplementedError: A UTF-8 locale is required. Got ANSI_X3.4-1968

In [33]: import locale


locale.setlocale(locale.LC_ALL, 'en_US.UTF-8')

'en_US.UTF-8'
Out[33]:

In [30]: import locale


locale.setlocale(locale.LC_ALL, 'en_US.UTF-8')

'en_US.UTF-8'
Out[30]:

In [58]: !python detect.py --weights runs/train/exp/weights/best.pt --img 416 --conf 0.1 --s

file:///C:/Users/Windows/Downloads/yolov8.html 34/43
2/28/24, 11:31 AM yolov8

---------------------------------------------------------------------------
NotImplementedError Traceback (most recent call last)
<ipython-input-58-75ce302339bd> in <cell line: 1>()
----> 1 get_ipython().system('python detect.py --weights runs/train/exp/weights/be
st.pt --img 416 --conf 0.1 --source {dataset.location}/test/imag')

/usr/local/lib/python3.10/dist-packages/google/colab/_shell.py in system(self, *ar


gs, **kwargs)
97 kwargs.update({'also_return_output': True})
98
---> 99 output = _system_commands._system_compat(self, *args, **kwargs) # pyl
int:disable=protected-access
100
101 if pip_warn:

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _syste
m_compat(shell, cmd, also_return_output)
452 # is expected to call this function, thus adding one level of nesting to
the
453 # stack.
--> 454 result = _run_command(
455 shell.var_expand(cmd, depth=2), clear_streamed_output=False
456 )

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _run_c
ommand(cmd, clear_streamed_output)
166 locale_encoding = locale.getpreferredencoding()
167 if locale_encoding != _ENCODING:
--> 168 raise NotImplementedError(
169 'A UTF-8 locale is required. Got {}'.format(locale_encoding)
170 )

NotImplementedError: A UTF-8 locale is required. Got ANSI_X3.4-1968

In [60]: #export your model's weights for future use


from google.colab import files
files.download('/content/runs/detect/train9')

In [ ]: /content/Screenshot (10).png

In [ ]:

In [63]: import torch


from PIL import Image
from pathlib import Path
from matplotlib import pyplot as plt
from IPython.display import display

# Load the model


model = torch.hub.load('ultralytics/yolov8', 'yolov8n')

# Load the image


image_path = "/content/Screenshot (10).png"
img = Image.open(image_path)

# Perform inference
results = model(img)

# Display the results


results.show()

file:///C:/Users/Windows/Downloads/yolov8.html 35/43
2/28/24, 11:31 AM yolov8
# Alternatively, you can save the annotated image
# results.save('path_to_save_result_image.jpg')

You are about to download and run code from an untrusted repository. In a future r
elease, this won't be allowed. To add the repository to your trusted list, change
the command to {calling_fn}(..., trust_repo=False) and a command prompt will appea
r asking for an explicit confirmation of trust, or load(..., trust_repo=True), whi
ch will assume that the prompt is to be answered with 'yes'. You can also use load
(..., trust_repo='check') which will only prompt for confirmation if the repo is n
ot already trusted. This will eventually be the default behaviour

file:///C:/Users/Windows/Downloads/yolov8.html 36/43
2/28/24, 11:31 AM yolov8

---------------------------------------------------------------------------
HTTPError Traceback (most recent call last)
<ipython-input-63-e8c1ce415211> in <cell line: 8>()
6
7 # Load the model
----> 8 model = torch.hub.load('ultralytics/yolov8', 'yolov8n')
9
10 # Load the image

/usr/local/lib/python3.10/dist-packages/torch/hub.py in load(repo_or_dir, model, s


ource, trust_repo, force_reload, verbose, skip_validation, *args, **kwargs)
561
562 if source == 'github':
--> 563 repo_or_dir = _get_cache_or_reload(repo_or_dir, force_reload, trus
t_repo, "load",
564 verbose=verbose, skip_validatio
n=skip_validation)
565

/usr/local/lib/python3.10/dist-packages/torch/hub.py in _get_cache_or_reload(githu
b, force_reload, trust_repo, calling_fn, verbose, skip_validation)
228 # Validate the tag/branch is from the original repo instead of a f
orked repo
229 if not skip_validation:
--> 230 _validate_not_a_forked_repo(repo_owner, repo_name, ref)
231
232 cached_file = os.path.join(hub_dir, normalized_br + '.zip')

/usr/local/lib/python3.10/dist-packages/torch/hub.py in _validate_not_a_forked_rep
o(repo_owner, repo_name, ref)
187 page += 1
188 url = f'{url_prefix}?per_page=100&page={page}'
--> 189 response = json.loads(_read_url(Request(url, headers=header
s)))
190 # Empty response means no more data to process
191 if not response:

/usr/local/lib/python3.10/dist-packages/torch/hub.py in _read_url(url)
170
171 def _read_url(url):
--> 172 with urlopen(url) as r:
173 return r.read().decode(r.headers.get_content_charset('utf-8'))
174

/usr/lib/python3.10/urllib/request.py in urlopen(url, data, timeout, cafile, capat


h, cadefault, context)
214 else:
215 opener = _opener
--> 216 return opener.open(url, data, timeout)
217
218 def install_opener(opener):

/usr/lib/python3.10/urllib/request.py in open(self, fullurl, data, timeout)


523 for processor in self.process_response.get(protocol, []):
524 meth = getattr(processor, meth_name)
--> 525 response = meth(req, response)
526
527 return response

/usr/lib/python3.10/urllib/request.py in http_response(self, request, response)


632 # request was successfully received, understood, and accepted.
633 if not (200 <= code < 300):
--> 634 response = self.parent.error(
635 'http', request, response, code, msg, hdrs)
file:///C:/Users/Windows/Downloads/yolov8.html 37/43
2/28/24, 11:31 AM yolov8
636

/usr/lib/python3.10/urllib/request.py in error(self, proto, *args)


561 if http_err:
562 args = (dict, 'default', 'http_error_default') + orig_args
--> 563 return self._call_chain(*args)
564
565 # XXX probably also want an abstract factory that knows when it makes

/usr/lib/python3.10/urllib/request.py in _call_chain(self, chain, kind, meth_name,


*args)
494 for handler in handlers:
495 func = getattr(handler, meth_name)
--> 496 result = func(*args)
497 if result is not None:
498 return result

/usr/lib/python3.10/urllib/request.py in http_error_default(self, req, fp, code, m


sg, hdrs)
641 class HTTPDefaultErrorHandler(BaseHandler):
642 def http_error_default(self, req, fp, code, msg, hdrs):
--> 643 raise HTTPError(req.full_url, code, msg, hdrs, fp)
644
645 class HTTPRedirectHandler(BaseHandler):

HTTPError: HTTP Error 404: Not Found

In [67]: import torch


from PIL import Image
from pathlib import Path
from matplotlib import pyplot as plt
from IPython.display import display
image_path = "/content/Screenshot (10).png"
img = Image.open(image_path)

results=model(img)
results.show()

0: 384x640 1 M_Head, 12.4ms


Speed: 3.6ms preprocess, 12.4ms inference, 2.1ms postprocess per image at shape
(1, 3, 384, 640)
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-67-3d887255a35c> in <cell line: 10>()
8
9 results=model(img)
---> 10 results.show()

AttributeError: 'list' object has no attribute 'show'

In [70]: r=model("/content/Screenshot (10).png")

image 1/1 /content/Screenshot (10).png: 384x640 1 M_Head, 42.6ms


Speed: 3.3ms preprocess, 42.6ms inference, 7.2ms postprocess per image at shape
(1, 3, 384, 640)

In [71]: r.show()

---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-71-c0d33905e895> in <cell line: 1>()
----> 1 r.show()

AttributeError: 'list' object has no attribute 'show'

file:///C:/Users/Windows/Downloads/yolov8.html 38/43
2/28/24, 11:31 AM yolov8

In [79]: r[0]

file:///C:/Users/Windows/Downloads/yolov8.html 39/43
2/28/24, 11:31 AM yolov8
ultralytics.engine.results.Results object with attributes:
Out[79]:
boxes: ultralytics.engine.results.Boxes object
keypoints: None
masks: None
names: {0: 'Head and shoulders bottom', 1: 'Head and shoulders top', 2: 'M_Head',
3: 'StockLine', 4: 'Triangle', 5: 'W_Bottom'}
obb: None
orig_img: array([[[234, 217, 255],
[234, 217, 255],
[234, 217, 255],
...,
[234, 217, 255],
[234, 217, 255],
[234, 217, 255]],

[[234, 217, 255],


[234, 217, 255],
[234, 217, 255],
...,
[234, 217, 255],
[234, 217, 255],
[234, 217, 255]],

[[234, 217, 255],


[234, 217, 255],
[234, 217, 255],
...,
[234, 217, 255],
[234, 217, 255],
[234, 217, 255]],

...,

[[ 35, 39, 40],


[ 31, 34, 35],
[ 32, 35, 36],
...,
[ 34, 29, 31],
[ 35, 30, 32],
[ 35, 30, 32]],

[[ 32, 35, 36],


[ 31, 34, 35],
[ 32, 35, 36],
...,
[ 34, 29, 31],
[ 35, 30, 32],
[ 35, 30, 32]],

[[ 32, 35, 36],


[ 32, 35, 36],
[ 31, 34, 35],
...,
[ 34, 29, 31],
[ 32, 28, 30],
[ 35, 30, 32]]], dtype=uint8)
orig_shape: (768, 1366)
path: '/content/Screenshot (10).png'
probs: None
save_dir: None
speed: {'preprocess': 3.2720565795898438, 'inference': 42.63663291931152, 'postpro
cess': 7.167577743530273}

file:///C:/Users/Windows/Downloads/yolov8.html 40/43
2/28/24, 11:31 AM yolov8

In [73]: r[0].save(filename="output/annotated_image.png")

'output/annotated_image.png'
Out[73]:

In [77]: r[0].show()

In [78]: import matplotlib.pyplot as plt


import matplotlib.patches as patches
from PIL import Image

# Load the original image


image_path = '/content/Screenshot (10).png'
image = Image.open(image_path)

# Plot the image


plt.figure(figsize=(10, 10))
plt.imshow(image)

# Access the detected objects


results = {r} # This should be replaced with the actual results object

# Get bounding boxes and labels


boxes = results.boxes.xyxy[0].cpu().numpy()
labels = results.names[results.boxes.get_field('labels')[0].cpu().numpy()]

# Plot bounding boxes and labels


for box, label in zip(boxes, labels):
x1, y1, x2, y2 = box
width = x2 - x1
height = y2 - y1
rect = patches.Rectangle((x1, y1), width, height, linewidth=1, edgecolor='r', f
plt.gca().add_patch(rect)
plt.text(x1, y1 - 5, label, color='r')

plt.axis('off')
plt.show()

---------------------------------------------------------------------------
TypeError Traceback (most recent call last)
<ipython-input-78-e803a641d256> in <cell line: 14>()
12
13 # Access the detected objects
---> 14 results = {r} # This should be replaced with the actual results object
15
16 # Get bounding boxes and labels

TypeError: unhashable type: 'list'

file:///C:/Users/Windows/Downloads/yolov8.html 41/43
2/28/24, 11:31 AM yolov8

In [80]: from PIL import Image

# Assuming `model` is your YOLOv8 model


results = model('/content/Screenshot (10).png') # Perform object detection on an i

# Show the annotated image


results.show()

image 1/1 /content/Screenshot (10).png: 384x640 1 M_Head, 52.0ms


Speed: 25.1ms preprocess, 52.0ms inference, 2.7ms postprocess per image at shape
(1, 3, 384, 640)
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-80-fdbee73be9c8> in <cell line: 7>()
5
6 # Show the annotated image
----> 7 results.show()

AttributeError: 'list' object has no attribute 'show'

In [81]: from PIL import Image

# Assuming `model` is your YOLOv8 model


results = model('/content/Screenshot (10).png') # Perform object detection on an i

# Iterate through each detection result in the list


for result in results:
# Show the annotated image
result.show()

image 1/1 /content/Screenshot (10).png: 384x640 1 M_Head, 9.2ms


Speed: 2.2ms preprocess, 9.2ms inference, 1.4ms postprocess per image at shape (1,
3, 384, 640)

In [82]: import os

# Assuming your new image is named "new_image.jpg" and is located in the "/content"
new_image_path = "/content/Screenshot (10).png"
# Run inference using YOLOv5 detect.py script
!python detect.py --source $/content/Screenshot (10).png --weights //content/runs/d

# Display the annotated image


file:///C:/Users/Windows/Downloads/yolov8.html 42/43
2/28/24, 11:31 AM yolov8
annotated_image_path = os.path.join("/content", os.path.basename("/content/Screensh
display(Image(filename=annotated_image_path))

---------------------------------------------------------------------------
NotImplementedError Traceback (most recent call last)
<ipython-input-82-67f56f437af7> in <cell line: 6>()
4 new_image_path = "/content/Screenshot (10).png"
5 # Run inference using YOLOv5 detect.py script
----> 6 get_ipython().system('python detect.py --source $/content/Screenshot (10).
png --weights //content/runs/detect/train9/weights/best.pt')
7
8 # Display the annotated image

/usr/local/lib/python3.10/dist-packages/google/colab/_shell.py in system(self, *ar


gs, **kwargs)
97 kwargs.update({'also_return_output': True})
98
---> 99 output = _system_commands._system_compat(self, *args, **kwargs) # pyl
int:disable=protected-access
100
101 if pip_warn:

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _syste
m_compat(shell, cmd, also_return_output)
452 # is expected to call this function, thus adding one level of nesting to
the
453 # stack.
--> 454 result = _run_command(
455 shell.var_expand(cmd, depth=2), clear_streamed_output=False
456 )

/usr/local/lib/python3.10/dist-packages/google/colab/_system_commands.py in _run_c
ommand(cmd, clear_streamed_output)
166 locale_encoding = locale.getpreferredencoding()
167 if locale_encoding != _ENCODING:
--> 168 raise NotImplementedError(
169 'A UTF-8 locale is required. Got {}'.format(locale_encoding)
170 )

NotImplementedError: A UTF-8 locale is required. Got ANSI_X3.4-1968

file:///C:/Users/Windows/Downloads/yolov8.html 43/43

You might also like