Path: blob/main/Custom Object Detection using YOLOv8/Custom Object Detection - YOLOv8.ipynb
578 views
Kernel: Python 3 (ipykernel)
Install Modules
In [1]:
In [2]:
Import Modules
In [3]:
Load the Dataset
In [4]:
Out[4]:
In [5]:
Out[5]:
In [6]:
In [7]:
In [8]:
In [9]:
Out[9]:
Exploratory Data Analysis
In [10]:
Out[10]:
In [11]:
Out[11]:
In [12]:
In [13]:
Out[13]:
In [14]:
Out[14]:
Create Annotations for YOLO Format
In [15]:
In [16]:
In [17]:
In [18]:
In [19]:
In [20]:
Model Training
In [21]:
Out[21]:
New https://pypi.org/project/ultralytics/8.2.68 available Update with 'pip install -U ultralytics'
Ultralytics YOLOv8.2.66 Python-3.12.3 torch-2.4.0 CUDA:0 (NVIDIA GeForce GTX 1050 Ti, 4096MiB)
engine\trainer: task=detect, mode=train, model=yolov8n.yaml, data=data.yaml, epochs=50, time=None, patience=100, batch=16, imgsz=676, save=True, save_period=-1, cache=False, device=None, workers=2, project=None, name=train, exist_ok=False, pretrained=True, optimizer=auto, verbose=True, seed=0, deterministic=True, single_cls=False, rect=False, cos_lr=False, close_mosaic=10, resume=False, amp=True, fraction=1.0, profile=False, freeze=None, multi_scale=False, overlap_mask=True, mask_ratio=4, dropout=0.0, val=True, split=val, save_json=False, save_hybrid=False, conf=None, iou=0.7, max_det=300, half=False, dnn=False, plots=True, source=None, vid_stride=1, stream_buffer=False, visualize=False, augment=False, agnostic_nms=False, classes=None, retina_masks=False, embed=None, show=False, save_frames=False, save_txt=False, save_conf=False, save_crop=False, show_labels=True, show_conf=True, show_boxes=True, line_width=None, format=torchscript, keras=False, optimize=False, int8=False, dynamic=False, simplify=False, opset=None, workspace=4, nms=False, lr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=7.5, cls=0.5, dfl=1.5, pose=12.0, kobj=1.0, 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, bgr=0.0, mosaic=1.0, mixup=0.0, copy_paste=0.0, auto_augment=randaugment, erasing=0.4, crop_fraction=1.0, cfg=None, tracker=botsort.yaml, save_dir=runs\detect\train
Overriding model.yaml nc=80 with nc=1
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 [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 751507 ultralytics.nn.modules.head.Detect [1, [64, 128, 256]]
YOLOv8n summary: 225 layers, 3,011,043 parameters, 3,011,027 gradients, 8.2 GFLOPs
Freezing layer 'model.22.dfl.conv.weight'
AMP: running Automatic Mixed Precision (AMP) checks with YOLOv8n...
AMP: checks passed
WARNING imgsz=[676] must be multiple of max stride 32, updating to [704]
C:\Users\Aswin\anaconda3\Lib\site-packages\ultralytics\engine\trainer.py:268: FutureWarning: `torch.cuda.amp.GradScaler(args...)` is deprecated. Please use `torch.amp.GradScaler('cuda', args...)` instead.
self.scaler = torch.cuda.amp.GradScaler(enabled=self.amp)
train: Scanning D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\train_im
train: New cache created: D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\train_images.cache
val: Scanning D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\test_image
val: New cache created: D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\test_images.cache
Plotting labels to runs\detect\train\labels.jpg...
optimizer: 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and determining best 'optimizer', 'lr0' and 'momentum' automatically...
optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
Image sizes 704 train, 704 val
Using 2 dataloader workers
Logging results to runs\detect\train
Starting training for 50 epochs...
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/50 2.58G 4.802 5.365 4.228 25 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/50 2.58G 3.708 4.318 3.925 44 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/50 2.58G 2.99 3.268 3.365 30 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/50 2.58G 2.648 2.612 2.806 33 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/50 2.58G 2.421 2.361 2.515 31 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/50 2.58G 2.27 2.136 2.329 43 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0 0 0 0
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/50 2.58G 2.201 2.009 2.296 39 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.000552 0.0504 0.000351 0.000139
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/50 2.58G 2.104 1.779 2.18 25 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.637 0.0588 0.137 0.0481
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/50 2.58G 2.066 1.64 2.125 29 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.611 0.41 0.45 0.221
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/50 2.58G 2.054 1.615 2.116 52 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.817 0.655 0.767 0.402
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
11/50 2.58G 1.934 1.443 2.019 30 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.738 0.779 0.765 0.368
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
12/50 2.58G 1.862 1.345 1.945 27 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.862 0.84 0.902 0.462
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
13/50 2.58G 1.855 1.358 1.97 21 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.86 0.778 0.876 0.476
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
14/50 2.58G 1.748 1.237 1.845 35 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.953 0.856 0.924 0.493
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
15/50 2.58G 1.736 1.205 1.811 43 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.876 0.891 0.915 0.505
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
16/50 2.58G 1.662 1.109 1.78 28 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.924 0.84 0.921 0.542
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
17/50 2.58G 1.656 1.12 1.771 39 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.96 0.807 0.916 0.515
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
18/50 2.58G 1.643 1.066 1.763 37 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.953 0.84 0.94 0.524
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
19/50 2.58G 1.609 1.025 1.709 21 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.936 0.908 0.944 0.548
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
20/50 2.58G 1.603 1.017 1.722 22 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.953 0.846 0.91 0.48
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
21/50 2.58G 1.576 1.009 1.701 27 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.981 0.848 0.941 0.54
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
22/50 2.58G 1.565 0.9774 1.698 34 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.963 0.866 0.956 0.559
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
23/50 2.58G 1.619 0.9488 1.726 41 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.921 0.885 0.95 0.56
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
24/50 2.58G 1.543 0.9321 1.639 38 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.959 0.899 0.958 0.517
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
25/50 2.58G 1.554 0.9106 1.636 33 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.92 0.916 0.955 0.555
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
26/50 2.58G 1.504 0.8987 1.595 29 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.987 0.891 0.953 0.586
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
27/50 2.58G 1.522 0.9251 1.643 30 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.974 0.891 0.946 0.579
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
28/50 2.58G 1.49 0.8887 1.596 42 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.931 0.907 0.945 0.573
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
29/50 2.58G 1.527 0.916 1.613 51 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.931 0.916 0.952 0.537
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
30/50 2.58G 1.481 0.8685 1.614 32 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.925 0.932 0.949 0.586
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
31/50 2.58G 1.469 0.8318 1.571 34 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.977 0.924 0.952 0.577
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
32/50 2.58G 1.422 0.8208 1.579 28 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.958 0.899 0.95 0.579
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
33/50 2.58G 1.408 0.8027 1.523 28 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.947 0.907 0.954 0.596
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
34/50 2.58G 1.439 0.8083 1.606 34 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.927 0.899 0.95 0.58
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
35/50 2.58G 1.398 0.7983 1.51 41 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.982 0.903 0.96 0.595
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
36/50 2.58G 1.401 0.7645 1.526 46 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.98 0.933 0.956 0.615
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
37/50 2.58G 1.382 0.7625 1.507 30 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.972 0.924 0.956 0.599
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
38/50 2.58G 1.358 0.7435 1.494 36 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.97 0.916 0.954 0.61
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
39/50 2.58G 1.376 0.7575 1.494 49 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.985 0.916 0.964 0.597
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
40/50 2.58G 1.362 0.7527 1.485 25 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.985 0.916 0.968 0.63
Closing dataloader mosaic
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
41/50 2.58G 1.317 0.8025 1.537 15 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.982 0.907 0.965 0.618
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
42/50 2.58G 1.296 0.7658 1.492 15 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.972 0.908 0.959 0.597
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
43/50 2.58G 1.294 0.7724 1.522 18 704: 100%|██████████| 18/18 [00:11<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.956 0.916 0.955 0.602
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
44/50 2.58G 1.254 0.7474 1.501 25 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.982 0.93 0.962 0.61
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
45/50 2.58G 1.233 0.7139 1.479 15 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.983 0.924 0.963 0.615
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
46/50 2.58G 1.268 0.7314 1.49 11 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.99 0.924 0.963 0.601
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
47/50 2.58G 1.238 0.717 1.464 19 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.989 0.924 0.965 0.62
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
48/50 2.58G 1.21 0.698 1.447 19 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.989 0.916 0.963 0.611
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
49/50 2.58G 1.24 0.7071 1.498 22 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.991 0.922 0.966 0.608
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
50/50 2.58G 1.209 0.7075 1.449 12 704: 100%|██████████| 18/18 [00:12<00:00, 1.
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.988 0.924 0.965 0.623
50 epochs completed in 0.180 hours.
Optimizer stripped from runs\detect\train\weights\last.pt, 6.2MB
Optimizer stripped from runs\detect\train\weights\best.pt, 6.2MB
Validating runs\detect\train\weights\best.pt...
Ultralytics YOLOv8.2.66 Python-3.12.3 torch-2.4.0 CUDA:0 (NVIDIA GeForce GTX 1050 Ti, 4096MiB)
YOLOv8n summary (fused): 168 layers, 3,005,843 parameters, 0 gradients, 8.1 GFLOPs
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<0
all 71 119 0.985 0.916 0.968 0.63
Speed: 0.3ms preprocess, 6.4ms inference, 0.0ms loss, 0.7ms postprocess per image
Results saved to runs\detect\train
ultralytics.utils.metrics.DetMetrics object with attributes:
ap_class_index: array([0])
box: ultralytics.utils.metrics.Metric object
confusion_matrix: <ultralytics.utils.metrics.ConfusionMatrix object at 0x000001652B6D1310>
curves: ['Precision-Recall(B)', 'F1-Confidence(B)', 'Precision-Confidence(B)', 'Recall-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.01001, 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.023023,
0.024024, 0.025025, 0.026026, 0.027027, 0.028028, 0.029029, 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.042042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.053053, 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.066066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.077077, 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.09009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.1011, 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.11411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.12513, 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.13814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.14915, 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.16216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.17317, 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.18619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.1972, 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.21021, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.22122, 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.23423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.24525, 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.25826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.26927, 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.28228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.29329, 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.30631, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.31732, 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.33033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.34134, 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.35435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.36537, 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.37838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.38939, 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.4024, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.41341, 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.42643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.43744, 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.45045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.46146, 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.47447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.48549, 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.4985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.50951, 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.52252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.53353, 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.54655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.55756, 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.57057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.58158, 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.59459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.60561, 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.61862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.62963, 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.64264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.65365, 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.66667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.67768, 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.69069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.7017, 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.71471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.72573, 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.73874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.74975, 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.76276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.77377, 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.78679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.7978, 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.81081, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.82182, 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.83483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.84585, 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.85886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.86987, 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.88288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.89389, 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.90691, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.91792, 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.93093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.94194, 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.95495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.96597, 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.97898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.98999, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996, 0.997, 0.998, 0.999, 1]), array([[ 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091,
0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091,
0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.99091, 0.98214, 0.98214, 0.98214, 0.98214,
0.98214, 0.98214, 0.98214, 0.98214, 0.94872, 0.94872, 0.94872, 0.94872, 0.94872, 0.94872, 0.94872, 0.94872, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388,
0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.93388, 0.85714, 0.85714, 0.85714, 0.85714, 0.85714, 0.85714, 0.85714, 0.85714, 0.85714, 0.74675, 0.74675, 0.74675, 0.74675, 0.74675, 0.74675, 0.74675, 0.74675,
0.57711, 0.57711, 0.57711, 0.57711, 0.57711, 0.57711, 0.57711, 0.57711, 0.235, 0.2256, 0.2162, 0.2068, 0.1974, 0.188, 0.1786, 0.1692, 0.1598, 0.1504, 0.141, 0.1316, 0.1222, 0.1128, 0.1034,
0.093999, 0.084599, 0.075199, 0.065799, 0.056399, 0.046999, 0.0376, 0.0282, 0.0188, 0.0093999, 0]]), 'Recall', 'Precision'], [array([ 0, 0.001001, 0.002002, 0.003003, 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.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.029029, 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.042042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.053053, 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.066066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.077077, 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.09009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.1011, 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.11411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.12513, 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.13814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.14915, 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.16216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.17317, 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.18619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.1972, 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.21021, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.22122, 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.23423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.24525, 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.25826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.26927, 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.28228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.29329, 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.30631, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.31732, 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.33033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.34134, 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.35435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.36537, 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.37838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.38939, 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.4024, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.41341, 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.42643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.43744, 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.45045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.46146, 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.47447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.48549, 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.4985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.50951, 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.52252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.53353, 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.54655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.55756, 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.57057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.58158, 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.59459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.60561, 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.61862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.62963, 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.64264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.65365, 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.66667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.67768, 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.69069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.7017, 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.71471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.72573, 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.73874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.74975, 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.76276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.77377, 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.78679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.7978, 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.81081, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.82182, 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.83483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.84585, 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.85886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.86987, 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.88288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.89389, 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.90691, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.91792, 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.93093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.94194, 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.95495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.96597, 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.97898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.98999, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996, 0.997, 0.998, 0.999, 1]), array([[ 0.38095, 0.38095, 0.48833, 0.54964, 0.60194, 0.63516, 0.66423, 0.68549, 0.70459, 0.71884, 0.72585, 0.73317, 0.75485, 0.76172, 0.7646, 0.76796, 0.78596, 0.79999, 0.80726, 0.80962, 0.8205, 0.82531, 0.83169,
0.836, 0.83825, 0.84119, 0.8389, 0.83902, 0.83993, 0.84083, 0.84781, 0.84932, 0.85085, 0.85299, 0.85595, 0.85776, 0.85867, 0.85959, 0.86061, 0.86234, 0.8654, 0.86835, 0.87015, 0.87273, 0.87633, 0.87766,
0.87852, 0.87938, 0.88024, 0.88462, 0.88758, 0.88849, 0.8894, 0.89031, 0.891, 0.89159, 0.89217, 0.89275, 0.89333, 0.89391, 0.89459, 0.89533, 0.89606, 0.8968, 0.89753, 0.90198, 0.90292, 0.90385, 0.90042,
0.90162, 0.90283, 0.90403, 0.905, 0.90598, 0.90696, 0.90778, 0.90829, 0.90879, 0.90929, 0.90979, 0.91029, 0.91079, 0.91129, 0.91216, 0.91304, 0.91392, 0.91479, 0.91652, 0.91849, 0.91902, 0.91937, 0.91973,
0.92009, 0.92044, 0.9208, 0.92115, 0.92151, 0.92186, 0.92222, 0.92265, 0.92324, 0.92382, 0.92441, 0.92499, 0.92558, 0.92616, 0.92699, 0.92784, 0.9287, 0.92955, 0.93098, 0.93315, 0.93425, 0.93481, 0.93537,
0.93593, 0.93649, 0.93704, 0.9376, 0.9389, 0.9405, 0.94157, 0.94124, 0.9409, 0.94056, 0.94022, 0.93988, 0.93954, 0.9392, 0.93886, 0.93852, 0.93818, 0.93784, 0.9375, 0.93712, 0.93658, 0.93604, 0.93551,
0.93497, 0.93443, 0.93389, 0.93335, 0.93281, 0.93286, 0.93294, 0.93303, 0.93312, 0.93321, 0.9333, 0.93338, 0.93347, 0.93356, 0.93365, 0.93373, 0.93382, 0.93391, 0.934, 0.93409, 0.93417, 0.93426, 0.93435,
0.93444, 0.93453, 0.93461, 0.9347, 0.93479, 0.93488, 0.93496, 0.93505, 0.93514, 0.93523, 0.93531, 0.9354, 0.93549, 0.93558, 0.93566, 0.93575, 0.93584, 0.93593, 0.93601, 0.9361, 0.93619, 0.93628, 0.93636,
0.93645, 0.93654, 0.93663, 0.93672, 0.93698, 0.93725, 0.93751, 0.93777, 0.93803, 0.93829, 0.93855, 0.93881, 0.93907, 0.93933, 0.93959, 0.93985, 0.94011, 0.94037, 0.94063, 0.93881, 0.9365, 0.93623, 0.9363,
0.93637, 0.93645, 0.93652, 0.93659, 0.93666, 0.93673, 0.9368, 0.93688, 0.93695, 0.93702, 0.93709, 0.93716, 0.93723, 0.9373, 0.93738, 0.93745, 0.93752, 0.93759, 0.93766, 0.93773, 0.9378, 0.93788, 0.93795,
0.93802, 0.93809, 0.93816, 0.93823, 0.9383, 0.93838, 0.93845, 0.93852, 0.93859, 0.93866, 0.93873, 0.9388, 0.93887, 0.93895, 0.93902, 0.93909, 0.93916, 0.93923, 0.9393, 0.93937, 0.93944, 0.93951, 0.93959,
0.93966, 0.93973, 0.9398, 0.93987, 0.93994, 0.94001, 0.94008, 0.94015, 0.94041, 0.94071, 0.94102, 0.94133, 0.94163, 0.94194, 0.94225, 0.94255, 0.94286, 0.94317, 0.94347, 0.94378, 0.94408, 0.94445, 0.94486,
0.94526, 0.94567, 0.94608, 0.94649, 0.94689, 0.9473, 0.94771, 0.94811, 0.94837, 0.94852, 0.94867, 0.94882, 0.94897, 0.94913, 0.94928, 0.94943, 0.94958, 0.94973, 0.94989, 0.95004, 0.95019, 0.95034, 0.95049,
0.95064, 0.9508, 0.95095, 0.9511, 0.95125, 0.9514, 0.95155, 0.9517, 0.95186, 0.95201, 0.95216, 0.95231, 0.95198, 0.9512, 0.95042, 0.94965, 0.94887, 0.94809, 0.9479, 0.948, 0.94811, 0.94822, 0.94832,
0.94843, 0.94854, 0.94864, 0.94875, 0.94885, 0.94896, 0.94907, 0.94917, 0.94928, 0.94939, 0.94949, 0.9496, 0.9497, 0.94981, 0.94992, 0.95002, 0.95013, 0.95023, 0.95034, 0.95045, 0.95055, 0.95066, 0.95076,
0.95087, 0.95098, 0.95108, 0.95119, 0.95129, 0.9514, 0.9515, 0.95161, 0.95172, 0.95182, 0.95193, 0.95087, 0.94916, 0.94744, 0.94733, 0.94728, 0.94724, 0.9472, 0.94715, 0.94711, 0.94707, 0.94703, 0.94698,
0.94694, 0.9469, 0.94685, 0.94681, 0.94677, 0.94672, 0.94668, 0.94664, 0.9466, 0.94655, 0.94651, 0.94647, 0.94642, 0.94638, 0.94634, 0.94629, 0.94625, 0.94621, 0.94616, 0.94612, 0.94608, 0.94603, 0.94599,
0.94595, 0.94591, 0.94586, 0.94582, 0.94578, 0.94573, 0.94569, 0.94565, 0.9456, 0.94556, 0.94552, 0.94547, 0.94543, 0.94539, 0.94534, 0.9453, 0.94526, 0.94521, 0.94517, 0.94513, 0.94508, 0.94504, 0.945,
0.94496, 0.94491, 0.94487, 0.94483, 0.94478, 0.94474, 0.9447, 0.94465, 0.94461, 0.94457, 0.94452, 0.94448, 0.94444, 0.94439, 0.94435, 0.94431, 0.94426, 0.94422, 0.94418, 0.94413, 0.94409, 0.94405, 0.944,
0.94396, 0.94392, 0.94387, 0.94383, 0.94379, 0.94374, 0.9437, 0.94366, 0.94361, 0.94357, 0.94353, 0.94348, 0.94344, 0.9434, 0.94335, 0.94331, 0.94327, 0.94322, 0.94318, 0.94314, 0.94309, 0.94305, 0.94301,
0.94296, 0.94292, 0.94288, 0.94283, 0.94279, 0.94275, 0.9417, 0.94011, 0.9385, 0.93796, 0.93783, 0.9377, 0.93757, 0.93744, 0.93731, 0.93718, 0.93705, 0.93692, 0.93679, 0.93666, 0.93653, 0.93639, 0.93626,
0.93613, 0.936, 0.93587, 0.93574, 0.93561, 0.93548, 0.93535, 0.93522, 0.93509, 0.93496, 0.93483, 0.93469, 0.93456, 0.93443, 0.9343, 0.93417, 0.93404, 0.93391, 0.93378, 0.93365, 0.93351, 0.93338, 0.93308,
0.93268, 0.93227, 0.93186, 0.93146, 0.93105, 0.93064, 0.93024, 0.92983, 0.92942, 0.92901, 0.92861, 0.92707, 0.92543, 0.92379, 0.9243, 0.92483, 0.92537, 0.9259, 0.92643, 0.92696, 0.92749, 0.92781, 0.9272,
0.92658, 0.92595, 0.92533, 0.92471, 0.92409, 0.92346, 0.92213, 0.91962, 0.91746, 0.91578, 0.91409, 0.91305, 0.91265, 0.91226, 0.91187, 0.91148, 0.91109, 0.91069, 0.9103, 0.90991, 0.90951, 0.90912, 0.90872,
0.90833, 0.90803, 0.90775, 0.90747, 0.9072, 0.90692, 0.90664, 0.90636, 0.90608, 0.9058, 0.90553, 0.90525, 0.90497, 0.90469, 0.90441, 0.90413, 0.90385, 0.90357, 0.90329, 0.90256, 0.9017, 0.90083, 0.89996,
0.89909, 0.89822, 0.89782, 0.89746, 0.8971, 0.89673, 0.89637, 0.89601, 0.89565, 0.89529, 0.89492, 0.89456, 0.8942, 0.89383, 0.89347, 0.89311, 0.89282, 0.89256, 0.89229, 0.89203, 0.89176, 0.8915, 0.89123,
0.89097, 0.8907, 0.89044, 0.89017, 0.88991, 0.88964, 0.88938, 0.88911, 0.88885, 0.88858, 0.88831, 0.88805, 0.88251, 0.88204, 0.88157, 0.8811, 0.88063, 0.88016, 0.87969, 0.87922, 0.87875, 0.87828, 0.87781,
0.87731, 0.8761, 0.87489, 0.87368, 0.87246, 0.87026, 0.8675, 0.86538, 0.86353, 0.86167, 0.86085, 0.86034, 0.85984, 0.85933, 0.85882, 0.85831, 0.8578, 0.85728, 0.85677, 0.85626, 0.85566, 0.85283, 0.8499,
0.84609, 0.84424, 0.84356, 0.84288, 0.8422, 0.84152, 0.84084, 0.84016, 0.83948, 0.83515, 0.83223, 0.83092, 0.82962, 0.8283, 0.82624, 0.82326, 0.82027, 0.81727, 0.81544, 0.81458, 0.81371, 0.81285, 0.81198,
0.81111, 0.81024, 0.80328, 0.80225, 0.80122, 0.80018, 0.79915, 0.79811, 0.79746, 0.79687, 0.79628, 0.79568, 0.79509, 0.79449, 0.79389, 0.7933, 0.7927, 0.7921, 0.79075, 0.78895, 0.78714, 0.78482, 0.78056,
0.77708, 0.77385, 0.76335, 0.75281, 0.74945, 0.74564, 0.74111, 0.73948, 0.73811, 0.73674, 0.73536, 0.72719, 0.72519, 0.72319, 0.72118, 0.71955, 0.71813, 0.71671, 0.71529, 0.71387, 0.71173, 0.70934, 0.70695,
0.70355, 0.69992, 0.68802, 0.68306, 0.67806, 0.65806, 0.65479, 0.65359, 0.65239, 0.65118, 0.64998, 0.64877, 0.64699, 0.64172, 0.62854, 0.62341, 0.61932, 0.61592, 0.61454, 0.61316, 0.61178, 0.6104, 0.60901,
0.60591, 0.60031, 0.59466, 0.59089, 0.58918, 0.58746, 0.58574, 0.58402, 0.57985, 0.56615, 0.5653, 0.56446, 0.56361, 0.56277, 0.56192, 0.56107, 0.56022, 0.55937, 0.55852, 0.55766, 0.55611, 0.55448, 0.55284,
0.5512, 0.54955, 0.54771, 0.54569, 0.54366, 0.54163, 0.53945, 0.53638, 0.5333, 0.52124, 0.51888, 0.51651, 0.51414, 0.51052, 0.50412, 0.49767, 0.49313, 0.49174, 0.49033, 0.48893, 0.48752, 0.48612, 0.4847,
0.47856, 0.46255, 0.45915, 0.45573, 0.45185, 0.44771, 0.44295, 0.43596, 0.42624, 0.42305, 0.42203, 0.42101, 0.41998, 0.41896, 0.41793, 0.41691, 0.41588, 0.41485, 0.41382, 0.41102, 0.40666, 0.40255, 0.40108,
0.39961, 0.39814, 0.39667, 0.39519, 0.39371, 0.39222, 0.38611, 0.37919, 0.37351, 0.35582, 0.34802, 0.3442, 0.34082, 0.33742, 0.33438, 0.33172, 0.32905, 0.32638, 0.32378, 0.32205, 0.32032, 0.31858, 0.31684,
0.31509, 0.31335, 0.31165, 0.31012, 0.30858, 0.30704, 0.30549, 0.30394, 0.30239, 0.30084, 0.29857, 0.29545, 0.29231, 0.28917, 0.28071, 0.27458, 0.27323, 0.27187, 0.27052, 0.26916, 0.2678, 0.26644, 0.26508,
0.26371, 0.26141, 0.25706, 0.25269, 0.2361, 0.23366, 0.23121, 0.22876, 0.2263, 0.21038, 0.20346, 0.19599, 0.18187, 0.16866, 0.16383, 0.15898, 0.1494, 0.13712, 0.13213, 0.12711, 0.12363, 0.12059, 0.11754,
0.11449, 0.11142, 0.10803, 0.1046, 0.10116, 0.097701, 0.095308, 0.093949, 0.092587, 0.091224, 0.089858, 0.088491, 0.087121, 0.08575, 0.084377, 0.083001, 0.081624, 0.078342, 0.070356, 0.06426, 0.061952, 0.059638, 0.057319,
0.054994, 0.052663, 0.050328, 0.033017, 0.031164, 0.029307, 0.027447, 0.025583, 0.023716, 0.021845, 0.019971, 0.018093, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'Confidence', 'F1'], [array([ 0, 0.001001, 0.002002, 0.003003, 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.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.029029, 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.042042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.053053, 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.066066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.077077, 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.09009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.1011, 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.11411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.12513, 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.13814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.14915, 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.16216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.17317, 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.18619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.1972, 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.21021, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.22122, 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.23423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.24525, 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.25826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.26927, 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.28228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.29329, 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.30631, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.31732, 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.33033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.34134, 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.35435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.36537, 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.37838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.38939, 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.4024, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.41341, 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.42643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.43744, 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.45045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.46146, 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.47447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.48549, 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.4985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.50951, 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.52252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.53353, 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.54655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.55756, 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.57057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.58158, 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.59459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.60561, 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.61862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.62963, 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.64264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.65365, 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.66667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.67768, 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.69069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.7017, 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.71471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.72573, 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.73874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.74975, 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.76276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.77377, 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.78679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.7978, 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.81081, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.82182, 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.83483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.84585, 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.85886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.86987, 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.88288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.89389, 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.90691, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.91792, 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.93093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.94194, 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.95495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.96597, 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.97898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.98999, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996, 0.997, 0.998, 0.999, 1]), array([[ 0.23673, 0.23673, 0.32576, 0.38272, 0.4354, 0.47104, 0.50375, 0.52861, 0.55168, 0.56935, 0.58119, 0.59064, 0.61929, 0.6286, 0.63253, 0.63713, 0.66231, 0.68248, 0.69313, 0.69662, 0.71288, 0.72018, 0.72994,
0.73661, 0.74012, 0.74471, 0.74535, 0.74635, 0.74777, 0.7492, 0.76037, 0.7628, 0.76527, 0.76873, 0.77356, 0.77652, 0.77802, 0.77952, 0.78121, 0.78406, 0.78913, 0.79405, 0.79708, 0.8014, 0.80751, 0.80977,
0.81123, 0.8127, 0.81417, 0.82169, 0.82681, 0.82839, 0.82998, 0.83156, 0.83278, 0.8338, 0.83481, 0.83583, 0.83685, 0.83787, 0.83907, 0.84036, 0.84166, 0.84296, 0.84426, 0.85217, 0.85384, 0.8555, 0.85609,
0.85828, 0.86047, 0.86264, 0.86443, 0.86621, 0.86799, 0.86951, 0.87043, 0.87136, 0.87228, 0.8732, 0.87412, 0.87504, 0.87596, 0.87758, 0.87921, 0.88083, 0.88246, 0.88569, 0.88937, 0.89036, 0.89103, 0.8917,
0.89237, 0.89304, 0.89371, 0.89438, 0.89505, 0.89572, 0.89639, 0.89721, 0.89832, 0.89943, 0.90054, 0.90165, 0.90276, 0.90387, 0.90544, 0.90708, 0.90872, 0.91036, 0.91309, 0.91728, 0.91942, 0.9205, 0.92158,
0.92267, 0.92375, 0.92483, 0.92592, 0.92846, 0.9316, 0.93387, 0.93383, 0.93379, 0.93375, 0.9337, 0.93366, 0.93362, 0.93358, 0.93354, 0.93349, 0.93345, 0.93341, 0.93337, 0.93332, 0.93325, 0.93318, 0.93312,
0.93305, 0.93298, 0.93291, 0.93285, 0.93278, 0.93294, 0.93311, 0.93329, 0.93347, 0.93364, 0.93382, 0.93399, 0.93417, 0.93435, 0.93452, 0.9347, 0.93487, 0.93505, 0.93523, 0.9354, 0.93558, 0.93576, 0.93593,
0.93611, 0.93628, 0.93646, 0.93664, 0.93681, 0.93699, 0.93716, 0.93734, 0.93752, 0.93769, 0.93787, 0.93805, 0.93822, 0.9384, 0.93857, 0.93875, 0.93893, 0.9391, 0.93928, 0.93945, 0.93963, 0.93981, 0.93998,
0.94016, 0.94034, 0.94051, 0.94071, 0.94123, 0.94176, 0.94229, 0.94282, 0.94334, 0.94387, 0.9444, 0.94493, 0.94545, 0.94598, 0.94651, 0.94704, 0.94756, 0.94809, 0.94862, 0.94853, 0.94831, 0.9484, 0.94855,
0.9487, 0.94884, 0.94899, 0.94914, 0.94928, 0.94943, 0.94958, 0.94973, 0.94987, 0.95002, 0.95017, 0.95031, 0.95046, 0.95061, 0.95075, 0.9509, 0.95105, 0.95119, 0.95134, 0.95149, 0.95164, 0.95178, 0.95193,
0.95208, 0.95222, 0.95237, 0.95252, 0.95266, 0.95281, 0.95296, 0.95311, 0.95325, 0.9534, 0.95355, 0.95369, 0.95384, 0.95399, 0.95413, 0.95428, 0.95443, 0.95458, 0.95472, 0.95487, 0.95502, 0.95516, 0.95531,
0.95546, 0.9556, 0.95575, 0.9559, 0.95605, 0.95619, 0.95634, 0.95649, 0.95701, 0.95764, 0.95828, 0.95892, 0.95956, 0.96019, 0.96083, 0.96147, 0.9621, 0.96274, 0.96338, 0.96402, 0.96465, 0.96542, 0.96627,
0.96713, 0.96798, 0.96883, 0.96969, 0.97054, 0.9714, 0.97225, 0.9731, 0.97364, 0.97396, 0.97428, 0.9746, 0.97493, 0.97525, 0.97557, 0.97589, 0.97621, 0.97653, 0.97685, 0.97717, 0.97749, 0.97782, 0.97814,
0.97846, 0.97878, 0.9791, 0.97942, 0.97974, 0.98006, 0.98038, 0.9807, 0.98103, 0.98135, 0.98167, 0.98199, 0.98213, 0.9821, 0.98207, 0.98205, 0.98202, 0.98199, 0.98213, 0.98236, 0.98259, 0.98282, 0.98305,
0.98328, 0.98351, 0.98374, 0.98396, 0.98419, 0.98442, 0.98465, 0.98488, 0.98511, 0.98534, 0.98557, 0.98579, 0.98602, 0.98625, 0.98648, 0.98671, 0.98694, 0.98717, 0.9874, 0.98762, 0.98785, 0.98808, 0.98831,
0.98854, 0.98877, 0.989, 0.98923, 0.98945, 0.98968, 0.98991, 0.99014, 0.99037, 0.9906, 0.99083, 0.99089, 0.99086, 0.99083, 0.99082, 0.99082, 0.99082, 0.99082, 0.99082, 0.99082, 0.99082, 0.99082, 0.99082,
0.99082, 0.99082, 0.99082, 0.99082, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.99081, 0.9908, 0.9908, 0.9908, 0.9908, 0.9908, 0.9908,
0.9908, 0.9908, 0.9908, 0.9908, 0.9908, 0.9908, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99079, 0.99078, 0.99078, 0.99078, 0.99078,
0.99078, 0.99078, 0.99078, 0.99078, 0.99078, 0.99078, 0.99078, 0.99078, 0.99078, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99077, 0.99076, 0.99076,
0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99076, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075, 0.99075,
0.99074, 0.99074, 0.99074, 0.99074, 0.99074, 0.99074, 0.99072, 0.99069, 0.99066, 0.99065, 0.99065, 0.99065, 0.99065, 0.99064, 0.99064, 0.99064, 0.99064, 0.99063, 0.99063, 0.99063, 0.99063, 0.99062, 0.99062,
0.99062, 0.99062, 0.99061, 0.99061, 0.99061, 0.99061, 0.9906, 0.9906, 0.9906, 0.9906, 0.99059, 0.99059, 0.99059, 0.99059, 0.99058, 0.99058, 0.99058, 0.99058, 0.99057, 0.99057, 0.99057, 0.99057, 0.99056,
0.99055, 0.99055, 0.99054, 0.99053, 0.99052, 0.99052, 0.99051, 0.9905, 0.99049, 0.99048, 0.99048, 0.99045, 0.99042, 0.99038, 0.9916, 0.99283, 0.99407, 0.9953, 0.99653, 0.99776, 0.99899, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]]), 'Confidence', 'Precision'], [array([ 0, 0.001001, 0.002002, 0.003003, 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.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.029029, 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.042042, 0.043043, 0.044044, 0.045045, 0.046046, 0.047047,
0.048048, 0.049049, 0.05005, 0.051051, 0.052052, 0.053053, 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.066066, 0.067067, 0.068068, 0.069069, 0.07007, 0.071071,
0.072072, 0.073073, 0.074074, 0.075075, 0.076076, 0.077077, 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.09009, 0.091091, 0.092092, 0.093093, 0.094094, 0.095095,
0.096096, 0.097097, 0.098098, 0.099099, 0.1001, 0.1011, 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.11411, 0.11512, 0.11612, 0.11712, 0.11812, 0.11912,
0.12012, 0.12112, 0.12212, 0.12312, 0.12412, 0.12513, 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.13814, 0.13914, 0.14014, 0.14114, 0.14214, 0.14314,
0.14414, 0.14515, 0.14615, 0.14715, 0.14815, 0.14915, 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.16216, 0.16316, 0.16416, 0.16517, 0.16617, 0.16717,
0.16817, 0.16917, 0.17017, 0.17117, 0.17217, 0.17317, 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.18619, 0.18719, 0.18819, 0.18919, 0.19019, 0.19119,
0.19219, 0.19319, 0.19419, 0.1952, 0.1962, 0.1972, 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.21021, 0.21121, 0.21221, 0.21321, 0.21421, 0.21522,
0.21622, 0.21722, 0.21822, 0.21922, 0.22022, 0.22122, 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.23423, 0.23524, 0.23624, 0.23724, 0.23824, 0.23924,
0.24024, 0.24124, 0.24224, 0.24324, 0.24424, 0.24525, 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.25826, 0.25926, 0.26026, 0.26126, 0.26226, 0.26326,
0.26426, 0.26527, 0.26627, 0.26727, 0.26827, 0.26927, 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.28228, 0.28328, 0.28428, 0.28529, 0.28629, 0.28729,
0.28829, 0.28929, 0.29029, 0.29129, 0.29229, 0.29329, 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.30631, 0.30731, 0.30831, 0.30931, 0.31031, 0.31131,
0.31231, 0.31331, 0.31431, 0.31532, 0.31632, 0.31732, 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.33033, 0.33133, 0.33233, 0.33333, 0.33433, 0.33534,
0.33634, 0.33734, 0.33834, 0.33934, 0.34034, 0.34134, 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.35435, 0.35536, 0.35636, 0.35736, 0.35836, 0.35936,
0.36036, 0.36136, 0.36236, 0.36336, 0.36436, 0.36537, 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.37838, 0.37938, 0.38038, 0.38138, 0.38238, 0.38338,
0.38438, 0.38539, 0.38639, 0.38739, 0.38839, 0.38939, 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.4024, 0.4034, 0.4044, 0.40541, 0.40641, 0.40741,
0.40841, 0.40941, 0.41041, 0.41141, 0.41241, 0.41341, 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.42643, 0.42743, 0.42843, 0.42943, 0.43043, 0.43143,
0.43243, 0.43343, 0.43443, 0.43544, 0.43644, 0.43744, 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.45045, 0.45145, 0.45245, 0.45345, 0.45445, 0.45546,
0.45646, 0.45746, 0.45846, 0.45946, 0.46046, 0.46146, 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.47447, 0.47548, 0.47648, 0.47748, 0.47848, 0.47948,
0.48048, 0.48148, 0.48248, 0.48348, 0.48448, 0.48549, 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.4985, 0.4995, 0.5005, 0.5015, 0.5025, 0.5035,
0.5045, 0.50551, 0.50651, 0.50751, 0.50851, 0.50951, 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.52252, 0.52352, 0.52452, 0.52553, 0.52653, 0.52753,
0.52853, 0.52953, 0.53053, 0.53153, 0.53253, 0.53353, 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.54655, 0.54755, 0.54855, 0.54955, 0.55055, 0.55155,
0.55255, 0.55355, 0.55455, 0.55556, 0.55656, 0.55756, 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.57057, 0.57157, 0.57257, 0.57357, 0.57457, 0.57558,
0.57658, 0.57758, 0.57858, 0.57958, 0.58058, 0.58158, 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.59459, 0.5956, 0.5966, 0.5976, 0.5986, 0.5996,
0.6006, 0.6016, 0.6026, 0.6036, 0.6046, 0.60561, 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.61862, 0.61962, 0.62062, 0.62162, 0.62262, 0.62362,
0.62462, 0.62563, 0.62663, 0.62763, 0.62863, 0.62963, 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.64264, 0.64364, 0.64464, 0.64565, 0.64665, 0.64765,
0.64865, 0.64965, 0.65065, 0.65165, 0.65265, 0.65365, 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.66667, 0.66767, 0.66867, 0.66967, 0.67067, 0.67167,
0.67267, 0.67367, 0.67467, 0.67568, 0.67668, 0.67768, 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.69069, 0.69169, 0.69269, 0.69369, 0.69469, 0.6957,
0.6967, 0.6977, 0.6987, 0.6997, 0.7007, 0.7017, 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.71471, 0.71572, 0.71672, 0.71772, 0.71872, 0.71972,
0.72072, 0.72172, 0.72272, 0.72372, 0.72472, 0.72573, 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.73874, 0.73974, 0.74074, 0.74174, 0.74274, 0.74374,
0.74474, 0.74575, 0.74675, 0.74775, 0.74875, 0.74975, 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.76276, 0.76376, 0.76476, 0.76577, 0.76677, 0.76777,
0.76877, 0.76977, 0.77077, 0.77177, 0.77277, 0.77377, 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.78679, 0.78779, 0.78879, 0.78979, 0.79079, 0.79179,
0.79279, 0.79379, 0.79479, 0.7958, 0.7968, 0.7978, 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.81081, 0.81181, 0.81281, 0.81381, 0.81481, 0.81582,
0.81682, 0.81782, 0.81882, 0.81982, 0.82082, 0.82182, 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.83483, 0.83584, 0.83684, 0.83784, 0.83884, 0.83984,
0.84084, 0.84184, 0.84284, 0.84384, 0.84484, 0.84585, 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.85886, 0.85986, 0.86086, 0.86186, 0.86286, 0.86386,
0.86486, 0.86587, 0.86687, 0.86787, 0.86887, 0.86987, 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.88288, 0.88388, 0.88488, 0.88589, 0.88689, 0.88789,
0.88889, 0.88989, 0.89089, 0.89189, 0.89289, 0.89389, 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.90691, 0.90791, 0.90891, 0.90991, 0.91091, 0.91191,
0.91291, 0.91391, 0.91491, 0.91592, 0.91692, 0.91792, 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.93093, 0.93193, 0.93293, 0.93393, 0.93493, 0.93594,
0.93694, 0.93794, 0.93894, 0.93994, 0.94094, 0.94194, 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.95495, 0.95596, 0.95696, 0.95796, 0.95896, 0.95996,
0.96096, 0.96196, 0.96296, 0.96396, 0.96496, 0.96597, 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.97898, 0.97998, 0.98098, 0.98198, 0.98298, 0.98398,
0.98498, 0.98599, 0.98699, 0.98799, 0.98899, 0.98999, 0.99099, 0.99199, 0.99299, 0.99399, 0.99499, 0.996, 0.997, 0.998, 0.999, 1]), array([[ 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.97479, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639, 0.96639,
0.96639, 0.96639, 0.96639, 0.95928, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798,
0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.95798, 0.94958,
0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958,
0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958,
0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94958, 0.94941, 0.94876, 0.94812, 0.94747, 0.94683, 0.94619, 0.94554, 0.9449, 0.94425, 0.94361, 0.94297, 0.94232, 0.94168, 0.94095, 0.93994, 0.93892, 0.93791,
0.9369, 0.93588, 0.93487, 0.93386, 0.93284, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277,
0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277,
0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.93277, 0.92929, 0.92498, 0.92437, 0.92437,
0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437,
0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437,
0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437,
0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437,
0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92437, 0.92362, 0.92219, 0.92075, 0.91932, 0.91788, 0.91645, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597,
0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597,
0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91597, 0.91395, 0.91082, 0.90769, 0.90749, 0.90741, 0.90733, 0.90725, 0.90717, 0.9071, 0.90702, 0.90694, 0.90686,
0.90678, 0.9067, 0.90663, 0.90655, 0.90647, 0.90639, 0.90631, 0.90623, 0.90616, 0.90608, 0.906, 0.90592, 0.90584, 0.90577, 0.90569, 0.90561, 0.90553, 0.90545, 0.90537, 0.9053, 0.90522, 0.90514, 0.90506,
0.90498, 0.9049, 0.90483, 0.90475, 0.90467, 0.90459, 0.90451, 0.90443, 0.90436, 0.90428, 0.9042, 0.90412, 0.90404, 0.90396, 0.90389, 0.90381, 0.90373, 0.90365, 0.90357, 0.90349, 0.90342, 0.90334, 0.90326,
0.90318, 0.9031, 0.90302, 0.90295, 0.90287, 0.90279, 0.90271, 0.90263, 0.90255, 0.90248, 0.9024, 0.90232, 0.90224, 0.90216, 0.90208, 0.90201, 0.90193, 0.90185, 0.90177, 0.90169, 0.90161, 0.90154, 0.90146,
0.90138, 0.9013, 0.90122, 0.90115, 0.90107, 0.90099, 0.90091, 0.90083, 0.90075, 0.90068, 0.9006, 0.90052, 0.90044, 0.90036, 0.90028, 0.90021, 0.90013, 0.90005, 0.89997, 0.89989, 0.89981, 0.89974, 0.89966,
0.89958, 0.8995, 0.89942, 0.89934, 0.89927, 0.89919, 0.89731, 0.89444, 0.89156, 0.89059, 0.89036, 0.89012, 0.88989, 0.88966, 0.88942, 0.88919, 0.88896, 0.88873, 0.88849, 0.88826, 0.88803, 0.8878, 0.88756,
0.88733, 0.8871, 0.88686, 0.88663, 0.8864, 0.88617, 0.88593, 0.8857, 0.88547, 0.88523, 0.885, 0.88477, 0.88454, 0.8843, 0.88407, 0.88384, 0.8836, 0.88337, 0.88314, 0.88291, 0.88267, 0.88244, 0.88191,
0.88119, 0.88047, 0.87975, 0.87904, 0.87832, 0.8776, 0.87688, 0.87616, 0.87545, 0.87473, 0.87401, 0.87132, 0.86845, 0.86558, 0.86555, 0.86555, 0.86555, 0.86555, 0.86555, 0.86555, 0.86555, 0.86535, 0.86427,
0.8632, 0.86212, 0.86104, 0.85997, 0.85889, 0.85781, 0.85551, 0.8512, 0.84751, 0.84464, 0.84177, 0.84, 0.83934, 0.83868, 0.83802, 0.83735, 0.83669, 0.83603, 0.83537, 0.8347, 0.83404, 0.83338, 0.83272,
0.83205, 0.83155, 0.83109, 0.83062, 0.83015, 0.82969, 0.82922, 0.82876, 0.82829, 0.82783, 0.82736, 0.8269, 0.82643, 0.82596, 0.8255, 0.82503, 0.82457, 0.8241, 0.82364, 0.82242, 0.82099, 0.81955, 0.81812,
0.81668, 0.81525, 0.81458, 0.81399, 0.81339, 0.8128, 0.81221, 0.81161, 0.81102, 0.81042, 0.80983, 0.80924, 0.80864, 0.80805, 0.80745, 0.80686, 0.80639, 0.80596, 0.80553, 0.8051, 0.80467, 0.80424, 0.80381,
0.80338, 0.80295, 0.80251, 0.80208, 0.80165, 0.80122, 0.80079, 0.80036, 0.79993, 0.7995, 0.79907, 0.79864, 0.78972, 0.78897, 0.78822, 0.78748, 0.78673, 0.78598, 0.78523, 0.78448, 0.78373, 0.78298, 0.78223,
0.78144, 0.77952, 0.77761, 0.77569, 0.77378, 0.77031, 0.76601, 0.7627, 0.75983, 0.75696, 0.7557, 0.75492, 0.75413, 0.75335, 0.75257, 0.75178, 0.751, 0.75022, 0.74943, 0.74865, 0.74773, 0.74342, 0.73899,
0.73324, 0.73046, 0.72945, 0.72843, 0.72742, 0.72641, 0.72539, 0.72438, 0.72336, 0.71695, 0.71267, 0.71075, 0.70884, 0.70693, 0.70392, 0.69962, 0.69531, 0.691, 0.6884, 0.68716, 0.68593, 0.6847, 0.68347,
0.68224, 0.68101, 0.67123, 0.66979, 0.66836, 0.66692, 0.66549, 0.66405, 0.66315, 0.66233, 0.66151, 0.66069, 0.65987, 0.65905, 0.65823, 0.65741, 0.65659, 0.65577, 0.65392, 0.65146, 0.649, 0.64584, 0.6401,
0.63543, 0.63112, 0.61727, 0.6036, 0.5993, 0.59444, 0.5887, 0.58665, 0.58493, 0.58321, 0.58148, 0.57133, 0.56887, 0.5664, 0.56394, 0.56195, 0.56022, 0.5585, 0.55678, 0.55505, 0.55247, 0.5496, 0.54673,
0.54268, 0.53837, 0.52441, 0.51867, 0.51292, 0.49038, 0.48676, 0.48543, 0.48411, 0.48278, 0.48146, 0.48013, 0.47819, 0.47245, 0.4583, 0.45286, 0.44856, 0.445, 0.44357, 0.44213, 0.4407, 0.43926, 0.43782,
0.43463, 0.42889, 0.42315, 0.41934, 0.41762, 0.41589, 0.41417, 0.41245, 0.4083, 0.39484, 0.39402, 0.3932, 0.39238, 0.39156, 0.39074, 0.38992, 0.3891, 0.38828, 0.38746, 0.38664, 0.38515, 0.38358, 0.38202,
0.38045, 0.37889, 0.37714, 0.37522, 0.37331, 0.37139, 0.36934, 0.36647, 0.3636, 0.35248, 0.35033, 0.34817, 0.34602, 0.34275, 0.33701, 0.33126, 0.32726, 0.32603, 0.3248, 0.32357, 0.32234, 0.32111, 0.31987,
0.31454, 0.30086, 0.29798, 0.29511, 0.29187, 0.28842, 0.28448, 0.27874, 0.27084, 0.26827, 0.26745, 0.26663, 0.26581, 0.26499, 0.26417, 0.26335, 0.26253, 0.26171, 0.26089, 0.25867, 0.25523, 0.25199, 0.25085,
0.2497, 0.24855, 0.2474, 0.24625, 0.2451, 0.24395, 0.23924, 0.23395, 0.22964, 0.21641, 0.21067, 0.20787, 0.20541, 0.20295, 0.20076, 0.19884, 0.19693, 0.19501, 0.19316, 0.19193, 0.1907, 0.18947, 0.18824,
0.18701, 0.18578, 0.18459, 0.18351, 0.18244, 0.18136, 0.18028, 0.17921, 0.17813, 0.17705, 0.17548, 0.17333, 0.17117, 0.16902, 0.16327, 0.15914, 0.15823, 0.15732, 0.15642, 0.15551, 0.1546, 0.1537, 0.15279,
0.15188, 0.15036, 0.14749, 0.14462, 0.13385, 0.13228, 0.13072, 0.12915, 0.12758, 0.11756, 0.11325, 0.10864, 0.10003, 0.092096, 0.089225, 0.086354, 0.080728, 0.073609, 0.070737, 0.067866, 0.065888, 0.064165, 0.062442,
0.06072, 0.058997, 0.057102, 0.055188, 0.053274, 0.051359, 0.050039, 0.04929, 0.048541, 0.047792, 0.047043, 0.046294, 0.045545, 0.044796, 0.044047, 0.043298, 0.042549, 0.040768, 0.036461, 0.033196, 0.031966, 0.030735, 0.029505,
0.028274, 0.027044, 0.025813, 0.016786, 0.015829, 0.014872, 0.013914, 0.012957, 0.012, 0.011043, 0.010086, 0.0091291, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'Confidence', 'Recall']]
fitness: 0.6641431170727197
keys: ['metrics/precision(B)', 'metrics/recall(B)', 'metrics/mAP50(B)', 'metrics/mAP50-95(B)']
maps: array([ 0.6304])
names: {0: 'car'}
plot: True
results_dict: {'metrics/precision(B)': 0.9848795504144603, 'metrics/recall(B)': 0.9159663865546218, 'metrics/mAP50(B)': 0.9678201537539801, 'metrics/mAP50-95(B)': 0.6304012241081351, 'fitness': 0.6641431170727197}
save_dir: WindowsPath('runs/detect/train')
speed: {'preprocess': 0.2678179405104946, 'inference': 6.364835819727937, 'loss': 0.0, 'postprocess': 0.7471400247493261}
task: 'detect'
In [24]:
Out[24]:
Ultralytics YOLOv8.2.66 Python-3.12.3 torch-2.4.0 CUDA:0 (NVIDIA GeForce GTX 1050 Ti, 4096MiB)
YOLOv8n summary (fused): 168 layers, 3,005,843 parameters, 0 gradients, 8.1 GFLOPs
val: Scanning D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\test_image
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:03<0
all 71 119 0.985 0.916 0.968 0.633
Speed: 0.3ms preprocess, 7.0ms inference, 0.0ms loss, 0.9ms postprocess per image
Results saved to runs\detect\train2
In [28]:
Test with Real Image
In [50]:
Out[50]:
image 1/1 D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\test_images\vid_4_10020.jpg: 416x704 1 car, 103.3ms
Speed: 2.5ms preprocess, 103.3ms inference, 1.0ms postprocess per image at shape (1, 3, 416, 704)
In [49]:
Out[49]:
image 1/1 D:\notebooks\Data Science Projects\Deep Learning\Custom Object Detection using YOLOv8\datasets\test_images\vid_4_26360.jpg: 416x704 4 cars, 112.7ms
Speed: 4.5ms preprocess, 112.7ms inference, 2.0ms postprocess per image at shape (1, 3, 416, 704)
In [ ]: