{ "cells": [ { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ "import os\n", "import yaml\n", "import shutil\n", "from pathlib import Path\n", "from datetime import datetime\n", "\n", "import torch\n", "from tqdm import tqdm\n", "from ultralytics import YOLO\n", "from sklearn import model_selection" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "image_files = sorted(os.listdir(\"images\"))\n", "label_files = sorted(os.listdir(\"labels\"))\n", "train_images, valid_images, train_labels, valid_labels = (\n", " model_selection.train_test_split(image_files, label_files, test_size=0.1)\n", ")" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "def create_folder(\n", " image_names: list[str],\n", " label_names: list[str],\n", " img_src_dir: str,\n", " label_src_dir: str,\n", " img_dest_dir: str,\n", " label_dest_dir: str,\n", "):\n", " if os.path.exists(img_dest_dir) == True:\n", " shutil.rmtree(img_dest_dir)\n", " os.makedirs(img_dest_dir)\n", "\n", " if os.path.exists(label_dest_dir) == True:\n", " shutil.rmtree(label_dest_dir)\n", " os.makedirs(label_dest_dir)\n", "\n", " for i in tqdm(range(len(image_names))):\n", " img_path = Path(img_src_dir) / image_names[i]\n", " img_dest = Path(img_dest_dir) / image_names[i]\n", " if os.path.exists(img_dest) == False:\n", " shutil.copy(img_path, img_dest)\n", "\n", " label_path = Path(label_src_dir) / label_names[i]\n", " label_dest = Path(label_dest_dir) / label_names[i]\n", " if os.path.exists(label_dest) == False:\n", " shutil.copy(label_path, label_dest)\n", "\n", " assert img_path.stem == label_path.stem" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "100%|██████████| 690/690 [00:00<00:00, 1653.06it/s]\n", "100%|██████████| 77/77 [00:00<00:00, 1658.81it/s]\n" ] } ], "source": [ "create_folder(\n", " image_names=train_images,\n", " label_names=train_labels,\n", " img_src_dir=\"images\",\n", " label_src_dir=\"labels\",\n", " img_dest_dir=\"train/images\",\n", " label_dest_dir=\"train/labels\",\n", ")\n", "\n", "create_folder(\n", " image_names=valid_images,\n", " label_names=valid_labels,\n", " img_src_dir=\"images\",\n", " label_src_dir=\"labels\",\n", " img_dest_dir=\"valid/images\",\n", " label_dest_dir=\"valid/labels\",\n", ")" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "dict_file = {\n", " \"train\": f\"{Path(\"./train\").resolve()}\",\n", " \"val\": f\"{Path(\"./valid\").resolve()}\",\n", " \"nc\": 3,\n", " \"names\": {0: \"circle\", 1: \"oval\", 2: \"teardrop\"},\n", "}\n", "\n", "with open(\"data.yaml\", \"w\") as f:\n", " yaml.dump(dict_file, f)" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [], "source": [ "model = YOLO(\"yolov8n.pt\")" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Ultralytics YOLOv8.2.36 🚀 Python-3.12.3 torch-2.3.1+cu121 CUDA:0 (NVIDIA GeForce RTX 4070 Ti SUPER, 16376MiB)\n", "\u001b[34m\u001b[1mengine/trainer: \u001b[0mtask=detect, mode=train, model=yolov8n.pt, data=data.yaml, epochs=100, time=None, patience=100, batch=16, imgsz=640, save=True, save_period=-1, cache=False, device=None, workers=8, project=None, name=glass-bottle_2024-06-20_18-41-38, 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/glass-bottle_2024-06-20_18-41-38\n", "Overriding model.yaml nc=80 with nc=3\n", "\n", " from n params module arguments \n", " 0 -1 1 464 ultralytics.nn.modules.conv.Conv [3, 16, 3, 2] \n", " 1 -1 1 4672 ultralytics.nn.modules.conv.Conv [16, 32, 3, 2] \n", " 2 -1 1 7360 ultralytics.nn.modules.block.C2f [32, 32, 1, True] \n", " 3 -1 1 18560 ultralytics.nn.modules.conv.Conv [32, 64, 3, 2] \n", " 4 -1 2 49664 ultralytics.nn.modules.block.C2f [64, 64, 2, True] \n", " 5 -1 1 73984 ultralytics.nn.modules.conv.Conv [64, 128, 3, 2] \n", " 6 -1 2 197632 ultralytics.nn.modules.block.C2f [128, 128, 2, True] \n", " 7 -1 1 295424 ultralytics.nn.modules.conv.Conv [128, 256, 3, 2] \n", " 8 -1 1 460288 ultralytics.nn.modules.block.C2f [256, 256, 1, True] \n", " 9 -1 1 164608 ultralytics.nn.modules.block.SPPF [256, 256, 5] \n", " 10 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] \n", " 11 [-1, 6] 1 0 ultralytics.nn.modules.conv.Concat [1] \n", " 12 -1 1 148224 ultralytics.nn.modules.block.C2f [384, 128, 1] \n", " 13 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] \n", " 14 [-1, 4] 1 0 ultralytics.nn.modules.conv.Concat [1] \n", " 15 -1 1 37248 ultralytics.nn.modules.block.C2f [192, 64, 1] \n", " 16 -1 1 36992 ultralytics.nn.modules.conv.Conv [64, 64, 3, 2] \n", " 17 [-1, 12] 1 0 ultralytics.nn.modules.conv.Concat [1] \n", " 18 -1 1 123648 ultralytics.nn.modules.block.C2f [192, 128, 1] \n", " 19 -1 1 147712 ultralytics.nn.modules.conv.Conv [128, 128, 3, 2] \n", " 20 [-1, 9] 1 0 ultralytics.nn.modules.conv.Concat [1] \n", " 21 -1 1 493056 ultralytics.nn.modules.block.C2f [384, 256, 1] \n", " 22 [15, 18, 21] 1 751897 ultralytics.nn.modules.head.Detect [3, [64, 128, 256]] \n", "Model summary: 225 layers, 3011433 parameters, 3011417 gradients, 8.2 GFLOPs\n", "\n", "Transferred 319/355 items from pretrained weights\n", "\u001b[34m\u001b[1mTensorBoard: \u001b[0mStart with 'tensorboard --logdir runs/detect/glass-bottle_2024-06-20_18-41-38', view at http://localhost:6006/\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "Failed to detect the name of this notebook, you can set it manually with the WANDB_NOTEBOOK_NAME environment variable to enable code saving.\n", "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33methancao\u001b[0m (\u001b[33methan_cao\u001b[0m). Use \u001b[1m`wandb login --relogin`\u001b[0m to force relogin\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "a5201d15c75d47ac8c889b21cc2ad108", "version_major": 2, "version_minor": 0 }, "text/plain": [ "VBox(children=(Label(value='Waiting for wandb.init()...\\r'), FloatProgress(value=0.011263236211109667, max=1.0…" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "Tracking run with wandb version 0.17.2" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "Run data is saved locally in /home/ethan/Python-Table/glass-bottle-mouth-detection/wandb/run-20240620_184141-yg39j0oz" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "Syncing run glass-bottle_2024-06-20_18-41-38 to Weights & Biases (docs)
" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ " View project at https://wandb.ai/ethan_cao/YOLOv8" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ " View run at https://wandb.ai/ethan_cao/YOLOv8/runs/yg39j0oz" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "Freezing layer 'model.22.dfl.conv.weight'\n", "\u001b[34m\u001b[1mAMP: \u001b[0mrunning Automatic Mixed Precision (AMP) checks with YOLOv8n...\n", "\u001b[34m\u001b[1mAMP: \u001b[0mchecks passed ✅\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\u001b[34m\u001b[1mtrain: \u001b[0mScanning /home/ethan/Python-Table/glass-bottle-mouth-detection/train/labels... 690 images, 0 backgrounds, 0 corrupt: 100%|██████████| 690/690 [00:00<00:00, 1406.59it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[34m\u001b[1mtrain: \u001b[0mNew cache created: /home/ethan/Python-Table/glass-bottle-mouth-detection/train/labels.cache\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n", "\u001b[34m\u001b[1mval: \u001b[0mScanning /home/ethan/Python-Table/glass-bottle-mouth-detection/valid/labels... 77 images, 0 backgrounds, 0 corrupt: 100%|██████████| 77/77 [00:00<00:00, 724.09it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[34m\u001b[1mval: \u001b[0mNew cache created: /home/ethan/Python-Table/glass-bottle-mouth-detection/valid/labels.cache\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Plotting labels to runs/detect/glass-bottle_2024-06-20_18-41-38/labels.jpg... \n", "\u001b[34m\u001b[1moptimizer:\u001b[0m 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and determining best 'optimizer', 'lr0' and 'momentum' automatically... \n", "\u001b[34m\u001b[1moptimizer:\u001b[0m AdamW(lr=0.001429, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)\n", "\u001b[34m\u001b[1mTensorBoard: \u001b[0mmodel graph visualization added ✅\n", "Image sizes 640 train, 640 val\n", "Using 8 dataloader workers\n", "Logging results to \u001b[1mruns/detect/glass-bottle_2024-06-20_18-41-38\u001b[0m\n", "Starting training for 100 epochs...\n", "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 1/100 2.18G 1.149 3.207 1.159 5 640: 100%|██████████| 44/44 [00:04<00:00, 9.66it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [-1:59:59<00:00, -2.31it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.00286 0.841 0.0253 0.0198\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 2/100 2.13G 0.8728 1.425 0.9417 6 640: 100%|██████████| 44/44 [00:03<00:00, 12.26it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 9.38it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.822 0.43 0.87 0.715\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 3/100 2.15G 0.7926 1.168 0.9152 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.82it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 9.60it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.822 0.988 0.927 0.747\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 4/100 2.14G 0.771 1.034 0.9169 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.08it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 9.50it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.976 0.825 0.995 0.804\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 5/100 2.14G 0.7526 0.8675 0.909 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.49it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.29it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.825 1 0.995 0.821\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 6/100 2.14G 0.7237 0.7432 0.893 3 640: 100%|██████████| 44/44 [00:03<00:00, 12.96it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.11it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.992 1 0.995 0.842\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 7/100 2.14G 0.6981 0.6792 0.8941 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.17it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.99it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.991 1 0.995 0.847\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 8/100 2.14G 0.7116 0.6218 0.8917 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.59it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.69it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.841\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 9/100 2.14G 0.6734 0.5688 0.8854 4 640: 100%|██████████| 44/44 [00:01<00:00, 35.38it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.39it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.849\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 10/100 2.14G 0.6704 0.5463 0.8891 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.13it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.65it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.857\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 11/100 2.14G 0.6665 0.5267 0.8739 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.46it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.41it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.994 1 0.995 0.845\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 12/100 2.14G 0.6418 0.4844 0.8613 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.65it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.97it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.994 1 0.995 0.838\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 13/100 2.14G 0.6717 0.4788 0.8873 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.49it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.76it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.994 1 0.995 0.865\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 14/100 2.14G 0.656 0.4621 0.8809 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.52it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.83it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.994 1 0.995 0.842\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 15/100 2.14G 0.6605 0.454 0.8769 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.02it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.64it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.995 1 0.995 0.864\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 16/100 2.14G 0.629 0.4121 0.8773 6 640: 100%|██████████| 44/44 [00:03<00:00, 13.33it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.62it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.863\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 17/100 2.14G 0.6189 0.4141 0.8766 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.61it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.28it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.85\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 18/100 2.14G 0.6401 0.4205 0.8784 4 640: 100%|██████████| 44/44 [00:01<00:00, 36.08it/s] \n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.70it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.995 1 0.995 0.874\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 19/100 2.14G 0.629 0.4137 0.8708 2 640: 100%|██████████| 44/44 [00:03<00:00, 12.95it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.41it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.995 1 0.995 0.876\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 20/100 2.14G 0.5975 0.3957 0.8616 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.94it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.39it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.872\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 21/100 2.14G 0.6299 0.4075 0.8793 8 640: 100%|██████████| 44/44 [00:03<00:00, 13.39it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.61it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.868\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 22/100 2.14G 0.6173 0.392 0.8697 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.18it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.26it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.878\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 23/100 2.14G 0.6218 0.3821 0.8731 1 640: 100%|██████████| 44/44 [00:03<00:00, 13.30it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.07it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.865\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 24/100 2.14G 0.6348 0.3914 0.8777 5 640: 100%|██████████| 44/44 [00:03<00:00, 12.90it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.10it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.872\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 25/100 2.14G 0.5953 0.3707 0.8678 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.09it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.20it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.868\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 26/100 2.14G 0.6075 0.3703 0.8718 4 640: 100%|██████████| 44/44 [00:01<00:00, 27.45it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.15it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.865\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 27/100 2.14G 0.604 0.3727 0.867 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.55it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.57it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.995 1 0.995 0.868\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 28/100 2.14G 0.592 0.3593 0.8665 3 640: 100%|██████████| 44/44 [00:03<00:00, 12.49it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.60it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.87\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 29/100 2.14G 0.5777 0.352 0.8656 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.03it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.86it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.866\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 30/100 2.14G 0.5826 0.3588 0.8673 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.60it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.85it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.848\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 31/100 2.14G 0.5757 0.3563 0.8605 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.52it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.49it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 32/100 2.14G 0.5881 0.3598 0.8654 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.45it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 6.67it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.874\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 33/100 2.14G 0.596 0.3578 0.8613 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.41it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.26it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.884\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 34/100 2.14G 0.5878 0.347 0.8609 5 640: 100%|██████████| 44/44 [00:01<00:00, 31.53it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.04it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.859\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 35/100 2.14G 0.5722 0.3433 0.8672 3 640: 100%|██████████| 44/44 [00:03<00:00, 12.86it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.09it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.875\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 36/100 2.14G 0.5636 0.3319 0.8553 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.05it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.29it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 37/100 2.14G 0.5586 0.3294 0.8586 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.58it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.35it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.882\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 38/100 2.14G 0.5793 0.3299 0.8654 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.20it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.06it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 39/100 2.14G 0.5622 0.3264 0.8573 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.40it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.59it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.995 1 0.995 0.886\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 40/100 2.14G 0.5441 0.3238 0.8295 0 640: 100%|██████████| 44/44 [00:03<00:00, 14.64it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.69it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 41/100 2.14G 0.5598 0.3245 0.8622 2 640: 100%|██████████| 44/44 [00:03<00:00, 12.43it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.34it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 42/100 2.14G 0.5572 0.3254 0.861 3 640: 100%|██████████| 44/44 [00:03<00:00, 14.30it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.75it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 43/100 2.14G 0.5602 0.3265 0.8603 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.98it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.06it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.871\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 44/100 2.14G 0.5616 0.3204 0.8556 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.15it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.43it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.881\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 45/100 2.14G 0.5585 0.3152 0.8557 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.48it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.06it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.889\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 46/100 2.14G 0.5408 0.3125 0.856 2 640: 100%|██████████| 44/44 [00:03<00:00, 12.98it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.51it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.868\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 47/100 2.14G 0.5418 0.3061 0.8494 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.64it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.30it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.879\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 48/100 2.14G 0.5503 0.3118 0.8543 5 640: 100%|██████████| 44/44 [00:03<00:00, 12.71it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.55it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.872\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 49/100 2.14G 0.5327 0.3039 0.8519 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.26it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.68it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.876\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 50/100 2.14G 0.5409 0.304 0.8574 2 640: 100%|██████████| 44/44 [00:03<00:00, 11.95it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.85it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.886\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 51/100 2.14G 0.5407 0.307 0.8462 3 640: 100%|██████████| 44/44 [00:01<00:00, 36.07it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.16it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.86\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 52/100 2.14G 0.5267 0.3028 0.8476 1 640: 100%|██████████| 44/44 [00:03<00:00, 13.16it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.71it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.878\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 53/100 2.14G 0.5227 0.2942 0.8485 1 640: 100%|██████████| 44/44 [00:03<00:00, 14.01it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.97it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.886\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 54/100 2.14G 0.537 0.3009 0.8428 1 640: 100%|██████████| 44/44 [00:03<00:00, 13.66it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.88it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.876\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 55/100 2.14G 0.5393 0.3013 0.8577 7 640: 100%|██████████| 44/44 [00:03<00:00, 13.90it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.36it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.876\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 56/100 2.14G 0.5289 0.2909 0.8473 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.65it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.46it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.893\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 57/100 2.14G 0.5223 0.2948 0.857 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.84it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.24it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 58/100 2.14G 0.5211 0.289 0.8425 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.45it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 6.53it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 59/100 2.14G 0.519 0.2892 0.8444 3 640: 100%|██████████| 44/44 [00:01<00:00, 33.73it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.59it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.89\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 60/100 2.14G 0.5228 0.2896 0.8506 2 640: 100%|██████████| 44/44 [00:02<00:00, 15.11it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.23it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.885\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 61/100 2.14G 0.5148 0.2893 0.843 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.81it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.14it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.875\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 62/100 2.14G 0.5261 0.2926 0.8565 5 640: 100%|██████████| 44/44 [00:03<00:00, 14.46it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.95it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.88\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 63/100 2.14G 0.5199 0.2855 0.8459 5 640: 100%|██████████| 44/44 [00:03<00:00, 13.81it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.85it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.877\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 64/100 2.14G 0.5132 0.2787 0.8453 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.37it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.40it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.882\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 65/100 2.14G 0.5125 0.2763 0.8443 3 640: 100%|██████████| 44/44 [00:03<00:00, 14.04it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.44it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 66/100 2.14G 0.5182 0.2803 0.8365 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.79it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.51it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.892\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 67/100 2.14G 0.5003 0.2752 0.8354 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.95it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 9.29it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.893\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 68/100 2.14G 0.5098 0.2794 0.8405 2 640: 100%|██████████| 44/44 [00:01<00:00, 28.64it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.79it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.996 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 69/100 2.14G 0.4982 0.2739 0.8339 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.41it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.47it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.892\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 70/100 2.14G 0.5047 0.2722 0.8347 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.38it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.73it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 71/100 2.14G 0.4894 0.266 0.8459 1 640: 100%|██████████| 44/44 [00:03<00:00, 14.13it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.30it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 72/100 2.14G 0.4939 0.2652 0.8354 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.46it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.04it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 73/100 2.14G 0.5035 0.2674 0.8429 3 640: 100%|██████████| 44/44 [00:03<00:00, 14.18it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.84it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.886\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 74/100 2.14G 0.4984 0.264 0.8425 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.57it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.67it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 75/100 2.14G 0.5065 0.2704 0.8422 3 640: 100%|██████████| 44/44 [00:03<00:00, 13.74it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.52it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.892\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 76/100 2.14G 0.4891 0.2635 0.8379 2 640: 100%|██████████| 44/44 [00:01<00:00, 30.35it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.33it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.893\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 77/100 2.14G 0.5064 0.2635 0.8329 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.52it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.87it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.895\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 78/100 2.14G 0.4921 0.2638 0.8347 4 640: 100%|██████████| 44/44 [00:02<00:00, 14.94it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.39it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.896\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 79/100 2.14G 0.4804 0.2559 0.8298 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.51it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.28it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.902\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 80/100 2.14G 0.4866 0.261 0.8272 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.63it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.00it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 81/100 2.14G 0.4939 0.2572 0.8381 4 640: 100%|██████████| 44/44 [00:03<00:00, 13.63it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.54it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.894\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 82/100 2.14G 0.483 0.2523 0.8327 5 640: 100%|██████████| 44/44 [00:03<00:00, 14.28it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.74it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.897\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 83/100 2.14G 0.4781 0.2517 0.8426 6 640: 100%|██████████| 44/44 [00:03<00:00, 13.54it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.42it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.901\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 84/100 2.14G 0.4837 0.2509 0.8424 5 640: 100%|██████████| 44/44 [00:03<00:00, 14.13it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.35it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 85/100 2.14G 0.4658 0.2422 0.8319 2 640: 100%|██████████| 44/44 [00:03<00:00, 11.86it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.83it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.894\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 86/100 2.14G 0.4761 0.2497 0.8378 4 640: 100%|██████████| 44/44 [00:03<00:00, 14.23it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.24it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.894\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 87/100 2.14G 0.4813 0.2497 0.839 5 640: 100%|██████████| 44/44 [00:03<00:00, 14.28it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.78it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.895\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 88/100 2.14G 0.4663 0.2486 0.8399 6 640: 100%|██████████| 44/44 [00:03<00:00, 14.38it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.43it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.901\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 89/100 2.14G 0.4651 0.2414 0.8348 3 640: 100%|██████████| 44/44 [00:00<00:00, 121.76it/s] \n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.81it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.889\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 90/100 2.14G 0.469 0.2403 0.8317 6 640: 100%|██████████| 44/44 [00:02<00:00, 14.68it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.69it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Closing dataloader mosaic\n", "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 91/100 2.14G 0.4481 0.2196 0.8233 2 640: 100%|██████████| 44/44 [00:03<00:00, 12.76it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 13.08it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.998 1 0.995 0.892\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 92/100 2.14G 0.4518 0.22 0.816 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.23it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.47it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.894\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 93/100 2.14G 0.4471 0.215 0.8104 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.47it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.74it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 1 1 0.995 0.895\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 94/100 2.14G 0.4422 0.2136 0.824 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.95it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.91it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 1 1 0.995 0.892\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 95/100 2.14G 0.4495 0.2213 0.8292 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.70it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 10.43it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 1 1 0.995 0.894\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 96/100 2.14G 0.4337 0.2147 0.8127 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.25it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.62it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.891\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 97/100 2.14G 0.4345 0.2128 0.8156 2 640: 100%|██████████| 44/44 [00:01<00:00, 33.66it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.61it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.889\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 98/100 2.14G 0.4274 0.2109 0.818 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.40it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 11.06it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.898\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 99/100 2.14G 0.4294 0.2063 0.8235 2 640: 100%|██████████| 44/44 [00:03<00:00, 13.99it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.14it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.893\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", " Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " 100/100 2.14G 0.4334 0.2085 0.8252 2 640: 100%|██████████| 44/44 [00:03<00:00, 14.46it/s]\n", " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 12.82it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.999 1 0.995 0.893\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "100 epochs completed in 0.102 hours.\n", "Optimizer stripped from runs/detect/glass-bottle_2024-06-20_18-41-38/weights/last.pt, 6.2MB\n", "Optimizer stripped from runs/detect/glass-bottle_2024-06-20_18-41-38/weights/best.pt, 6.2MB\n", "\n", "Validating runs/detect/glass-bottle_2024-06-20_18-41-38/weights/best.pt...\n", "Ultralytics YOLOv8.2.36 🚀 Python-3.12.3 torch-2.3.1+cu121 CUDA:0 (NVIDIA GeForce RTX 4070 Ti SUPER, 16376MiB)\n", "Model summary (fused): 168 layers, 3006233 parameters, 0 gradients, 8.1 GFLOPs\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ " Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 3/3 [00:00<00:00, 6.57it/s]\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ " all 77 77 0.997 1 0.995 0.902\n", " circle 20 20 0.996 1 0.995 0.918\n", " oval 21 21 0.998 1 0.995 0.917\n", " teardrop 36 36 0.998 1 0.995 0.872\n", "Speed: 0.2ms preprocess, 0.8ms inference, 0.0ms loss, 1.2ms postprocess per image\n", "Results saved to \u001b[1mruns/detect/glass-bottle_2024-06-20_18-41-38\u001b[0m\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "c03246a6108b4d37a35a540d71f7dbfb", "version_major": 2, "version_minor": 0 }, "text/plain": [ "VBox(children=(Label(value='12.430 MB of 12.430 MB uploaded\\r'), FloatProgress(value=1.0, max=1.0)))" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "\n", "

Run history:


lr/pg0▃███▇▇▇▇▇▇▆▆▆▆▆▅▅▅▅▅▅▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁
lr/pg1▃███▇▇▇▇▇▇▆▆▆▆▆▅▅▅▅▅▅▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁
lr/pg2▃███▇▇▇▇▇▇▆▆▆▆▆▅▅▅▅▅▅▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁
metrics/mAP50(B)▁███████████████████████████████████████
metrics/mAP50-95(B)▁▇██████████████████████████████████████
metrics/precision(B)▁▇██████████████████████████████████████
metrics/recall(B)▁▇██████████████████████████████████████
model/GFLOPs
model/parameters
model/speed_PyTorch(ms)
train/box_loss█▅▄▄▃▃▃▃▃▃▃▃▂▃▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▁▁▁▁▁▁▁▁▁
train/cls_loss█▃▂▂▂▂▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁
train/dfl_loss█▃▃▃▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▂▁▁▁▂▁▁▁▂▁▁▁▁▁▁
val/box_loss█▇▄▆▄▃▃▃▄▄▂▃▂▃▂▁▁▂▂▂▃▂▂▂▂▂▂▁▁▁▁▁▂▂▁▂▂▂▂▁
val/cls_loss█▃▂▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁
val/dfl_loss▅█▅▆▃▄▄▅▄▅▅▄▃▃▃▃▃▃▅▃▄▂▂▃▂▂▂▁▁▂▁▂▂▂▂▂▂▂▂▂

Run summary:


lr/pg03e-05
lr/pg13e-05
lr/pg23e-05
metrics/mAP50(B)0.995
metrics/mAP50-95(B)0.90224
metrics/precision(B)0.99733
metrics/recall(B)1.0
model/GFLOPs8.196
model/parameters3011433
model/speed_PyTorch(ms)2.757
train/box_loss0.43343
train/cls_loss0.20849
train/dfl_loss0.82516
val/box_loss0.55044
val/cls_loss0.23219
val/dfl_loss0.84204

" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ " View run glass-bottle_2024-06-20_18-41-38 at: https://wandb.ai/ethan_cao/YOLOv8/runs/yg39j0oz
View project at: https://wandb.ai/ethan_cao/YOLOv8
Synced 6 W&B file(s), 24 media file(s), 5 artifact file(s) and 0 other file(s)" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "Find logs at: ./wandb/run-20240620_184141-yg39j0oz/logs" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "The new W&B backend becomes opt-out in version 0.18.0; try it out with `wandb.require(\"core\")`! See https://wandb.me/wandb-core for more information." ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/plain": [ "ultralytics.utils.metrics.DetMetrics object with attributes:\n", "\n", "ap_class_index: array([0, 1, 2])\n", "box: ultralytics.utils.metrics.Metric object\n", "confusion_matrix: \n", "curves: ['Precision-Recall(B)', 'F1-Confidence(B)', 'Precision-Confidence(B)', 'Recall-Confidence(B)']\n", "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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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, 0],\n", " [ 1, 1, 1, ..., 1, 1, 0],\n", " [ 1, 1, 1, ..., 1, 1, 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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.95238, 0.95238, 0.97563, ..., 0, 0, 0],\n", " [ 0.97674, 0.97674, 0.97677, ..., 0, 0, 0],\n", " [ 0.92308, 0.92308, 0.95607, ..., 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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.90909, 0.90909, 0.95242, ..., 1, 1, 1],\n", " [ 0.95455, 0.95455, 0.9546, ..., 1, 1, 1],\n", " [ 0.85714, 0.85714, 0.91584, ..., 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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,\n", " 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, ..., 0, 0, 0],\n", " [ 1, 1, 1, ..., 0, 0, 0],\n", " [ 1, 1, 1, ..., 0, 0, 0]]), 'Confidence', 'Recall']]\n", "fitness: 0.911511541566119\n", "keys: ['metrics/precision(B)', 'metrics/recall(B)', 'metrics/mAP50(B)', 'metrics/mAP50-95(B)']\n", "maps: array([ 0.91786, 0.91689, 0.87195])\n", "names: {0: 'circle', 1: 'oval', 2: 'teardrop'}\n", "plot: True\n", "results_dict: {'metrics/precision(B)': 0.9973261743631027, 'metrics/recall(B)': 1.0, 'metrics/mAP50(B)': 0.995, 'metrics/mAP50-95(B)': 0.9022350461845766, 'fitness': 0.911511541566119}\n", "save_dir: PosixPath('runs/detect/glass-bottle_2024-06-20_18-41-38')\n", "speed: {'preprocess': 0.16242807561700995, 'inference': 0.7750647408621651, 'loss': 0.00014552822360744725, 'postprocess': 1.160977722762467}\n", "task: 'detect'" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "epochs = 100\n", "current_time = datetime.now().strftime(\"%Y-%m-%d_%H-%M-%S\")\n", "\n", "model.train(\n", " data=\"data.yaml\",\n", " name=f\"glass-bottle_{current_time}\",\n", " task=\"detect\",\n", " epochs=epochs,\n", " val=True,\n", " resume=False,\n", ")" ] } ], "metadata": { "kernelspec": { "display_name": "base", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.12.3" } }, "nbformat": 4, "nbformat_minor": 2 }