Spaces:
Sleeping
Sleeping
File size: 158,157 Bytes
42a4078 |
1 |
{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"provenance":[],"gpuType":"T4","authorship_tag":"ABX9TyNLxWLmgg3+FUe8S5Ok1XrD"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"},"accelerator":"GPU"},"cells":[{"cell_type":"code","source":["%pip install ultralytics"],"metadata":{"id":"UHU3mtCSxqrZ"},"execution_count":null,"outputs":[]},{"cell_type":"code","execution_count":null,"metadata":{"id":"g2E9tk65xRgm"},"outputs":[],"source":["from ultralytics import YOLO\n","import os\n","from pathlib import Path\n","import torch"]},{"cell_type":"code","source":["# Mount Google Drive\n","from google.colab import drive\n","drive.mount('/content/drive')"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"8zMhjTaPxlDf","executionInfo":{"status":"ok","timestamp":1748909783078,"user_tz":-300,"elapsed":29966,"user":{"displayName":"Ramzan","userId":"08951432166749336452"}},"outputId":"073e626b-ff93-4cd8-e7df-56f35cc2d3d3"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/drive\n"]}]},{"cell_type":"code","source":["# Setup paths\n","dataset_yaml = '/content/drive/MyDrive/Flash Detection Project/Dataset/data.yaml'\n","model_save_dir = Path('/content/drive/MyDrive/Flash Detection Project/Model_Files')\n","eval_save_dir = Path('/content/drive/MyDrive/Flash Detection Project/Model_Evaluation')"],"metadata":{"id":"IIqPxHtNxoJO"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Initialize YOLOv8n model\n","model = YOLO(\"yolo11n.pt\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"_k_Rzb5cx78Y","executionInfo":{"status":"ok","timestamp":1748887765237,"user_tz":-300,"elapsed":2153,"user":{"displayName":"Ramzan","userId":"08951432166749336452"}},"outputId":"886f4e42-213b-46da-81a9-0b4922254649"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Downloading https://github.com/ultralytics/assets/releases/download/v8.3.0/yolo11n.pt to 'yolo11n.pt'...\n"]},{"output_type":"stream","name":"stderr","text":["100%|ββββββββββ| 5.35M/5.35M [00:00<00:00, 111MB/s]\n"]}]},{"cell_type":"code","source":["# Training configuration (optimized for Colab)\n","training_results = model.train(\n"," data=dataset_yaml,\n"," epochs=50,\n"," patience=10,\n"," batch=16,\n"," imgsz=640,\n","\n"," save=True,\n"," save_period=1,\n"," project=str(model_save_dir),\n"," name='flash_detection',\n"," exist_ok=True,\n"," optimizer='auto',\n"," lr0=0.01,\n"," lrf=0.01,\n"," warmup_epochs=3,\n"," cos_lr=True,\n"," resume=False,\n"," device='cuda' if torch.cuda.is_available() else 'cpu',\n"," workers=2, # Reduced for Colab stability\n"," seed=42 # For reproducibility\n",")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"-Ui4ywUmx-wC","executionInfo":{"status":"ok","timestamp":1748888943022,"user_tz":-300,"elapsed":1172593,"user":{"displayName":"Ramzan","userId":"08951432166749336452"}},"outputId":"fa182bb0-9135-4665-a375-a1dda19a92ac"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Ultralytics 8.3.147 π Python-3.11.12 torch-2.6.0+cu124 CUDA:0 (Tesla T4, 15095MiB)\n","\u001b[34m\u001b[1mengine/trainer: \u001b[0magnostic_nms=False, amp=True, augment=False, auto_augment=randaugment, batch=16, bgr=0.0, box=7.5, cache=False, cfg=None, classes=None, close_mosaic=10, cls=0.5, conf=None, copy_paste=0.0, copy_paste_mode=flip, cos_lr=True, cutmix=0.0, data=/content/drive/MyDrive/Flash Detection Project/Dataset/data.yaml, degrees=0.0, deterministic=True, device=0, dfl=1.5, dnn=False, dropout=0.0, dynamic=False, embed=None, epochs=50, erasing=0.4, exist_ok=True, fliplr=0.5, flipud=0.0, format=torchscript, fraction=1.0, freeze=None, half=False, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, imgsz=640, int8=False, iou=0.7, keras=False, kobj=1.0, line_width=None, lr0=0.01, lrf=0.01, mask_ratio=4, max_det=300, mixup=0.0, mode=train, model=yolo11n.pt, momentum=0.937, mosaic=1.0, multi_scale=False, name=flash_detection, nbs=64, nms=False, opset=None, optimize=False, optimizer=auto, overlap_mask=True, patience=10, perspective=0.0, plots=True, pose=12.0, pretrained=True, profile=False, project=/content/drive/MyDrive/Flash Detection Project/Model_Files, rect=False, resume=False, retina_masks=False, save=True, save_conf=False, save_crop=False, save_dir=/content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection, save_frames=False, save_json=False, save_period=1, save_txt=False, scale=0.5, seed=42, shear=0.0, show=False, show_boxes=True, show_conf=True, show_labels=True, simplify=True, single_cls=False, source=None, split=val, stream_buffer=False, task=detect, time=None, tracker=botsort.yaml, translate=0.1, val=True, verbose=True, vid_stride=1, visualize=False, warmup_bias_lr=0.1, warmup_epochs=3, warmup_momentum=0.8, weight_decay=0.0005, workers=2, workspace=None\n","Downloading https://ultralytics.com/assets/Arial.ttf to '/root/.config/Ultralytics/Arial.ttf'...\n"]},{"output_type":"stream","name":"stderr","text":["100%|ββββββββββ| 755k/755k [00:00<00:00, 20.1MB/s]"]},{"output_type":"stream","name":"stdout","text":["Overriding model.yaml nc=80 with nc=1\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 6640 ultralytics.nn.modules.block.C3k2 [32, 64, 1, False, 0.25] \n"," 3 -1 1 36992 ultralytics.nn.modules.conv.Conv [64, 64, 3, 2] \n"," 4 -1 1 26080 ultralytics.nn.modules.block.C3k2 [64, 128, 1, False, 0.25] \n"," 5 -1 1 147712 ultralytics.nn.modules.conv.Conv [128, 128, 3, 2] \n"," 6 -1 1 87040 ultralytics.nn.modules.block.C3k2 [128, 128, 1, True] \n"," 7 -1 1 295424 ultralytics.nn.modules.conv.Conv [128, 256, 3, 2] \n"," 8 -1 1 346112 ultralytics.nn.modules.block.C3k2 [256, 256, 1, True] \n"," 9 -1 1 164608 ultralytics.nn.modules.block.SPPF [256, 256, 5] \n"," 10 -1 1 249728 ultralytics.nn.modules.block.C2PSA [256, 256, 1] \n"," 11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] \n"," 12 [-1, 6] 1 0 ultralytics.nn.modules.conv.Concat [1] \n"," 13 -1 1 111296 ultralytics.nn.modules.block.C3k2 [384, 128, 1, False] \n"," 14 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] \n"," 15 [-1, 4] 1 0 ultralytics.nn.modules.conv.Concat [1] \n"," 16 -1 1 32096 ultralytics.nn.modules.block.C3k2 [256, 64, 1, False] \n"," 17 -1 1 36992 ultralytics.nn.modules.conv.Conv [64, 64, 3, 2] \n"," 18 [-1, 13] 1 0 ultralytics.nn.modules.conv.Concat [1] \n"," 19 -1 1 86720 ultralytics.nn.modules.block.C3k2 [192, 128, 1, False] \n"," 20 -1 1 147712 ultralytics.nn.modules.conv.Conv [128, 128, 3, 2] \n"," 21 [-1, 10] 1 0 ultralytics.nn.modules.conv.Concat [1] \n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":[" 22 -1 1 378880 ultralytics.nn.modules.block.C3k2 [384, 256, 1, True] \n"," 23 [16, 19, 22] 1 430867 ultralytics.nn.modules.head.Detect [1, [64, 128, 256]] \n","YOLO11n summary: 181 layers, 2,590,035 parameters, 2,590,019 gradients, 6.4 GFLOPs\n","\n","Transferred 448/499 items from pretrained weights\n","Freezing layer 'model.23.dfl.conv.weight'\n","\u001b[34m\u001b[1mAMP: \u001b[0mrunning Automatic Mixed Precision (AMP) checks...\n","\u001b[34m\u001b[1mAMP: \u001b[0mchecks passed β
\n","\u001b[34m\u001b[1mtrain: \u001b[0mFast image access β
(ping: 0.5Β±0.1 ms, read: 2.9Β±5.4 MB/s, size: 942.5 KB)\n"]},{"output_type":"stream","name":"stderr","text":["\u001b[34m\u001b[1mtrain: \u001b[0mScanning /content/drive/My Drive/Flash Detection Project/Dataset/labels/train.cache... 392 images, 73 backgrounds, 0 corrupt: 100%|ββββββββββ| 400/400 [00:00<?, ?it/s]\n"]},{"output_type":"stream","name":"stdout","text":["\u001b[34m\u001b[1malbumentations: \u001b[0mBlur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01, method='weighted_average', num_output_channels=3), CLAHE(p=0.01, clip_limit=(1.0, 4.0), tile_grid_size=(8, 8))\n","\u001b[34m\u001b[1mval: \u001b[0mFast image access β
(ping: 35.0Β±64.9 ms, read: 27.7Β±58.0 MB/s, size: 751.9 KB)\n"]},{"output_type":"stream","name":"stderr","text":["\u001b[34m\u001b[1mval: \u001b[0mScanning /content/drive/My Drive/Flash Detection Project/Dataset/labels/val.cache... 98 images, 17 backgrounds, 0 corrupt: 100%|ββββββββββ| 100/100 [00:00<?, ?it/s]\n"]},{"output_type":"stream","name":"stdout","text":["Plotting labels to /content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection/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.002, momentum=0.9) with parameter groups 81 weight(decay=0.0), 88 weight(decay=0.0005), 87 bias(decay=0.0)\n","Image sizes 640 train, 640 val\n","Using 2 dataloader workers\n","Logging results to \u001b[1m/content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection\u001b[0m\n","Starting training for 50 epochs...\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 1/50 2.35G 2.179 3.71 1.826 51 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.28it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:06<00:00, 1.54s/it]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.00603 0.804 0.0309 0.0109\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 2/50 2.74G 1.873 2.777 1.53 40 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.40it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.56it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.00627 0.542 0.203 0.0809\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 3/50 2.76G 1.763 2.402 1.431 57 640: 100%|ββββββββββ| 25/25 [00:21<00:00, 1.18it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.06it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.00835 0.542 0.00726 0.0032\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 4/50 2.76G 1.755 2.305 1.46 42 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.44it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.25it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.519 0.173 0.231 0.0915\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 5/50 2.76G 1.684 1.967 1.427 48 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.25it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.46it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.049 0.387 0.0357 0.0147\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 6/50 2.76G 1.715 1.928 1.455 54 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.32it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.56it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.467 0.338 0.326 0.128\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 7/50 2.77G 1.685 1.87 1.376 50 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.37it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.25it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.463 0.402 0.397 0.18\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 8/50 2.79G 1.584 1.769 1.35 64 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.31it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.98it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.513 0.569 0.534 0.254\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 9/50 2.8G 1.569 1.695 1.35 42 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.37it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.50it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.474 0.444 0.426 0.202\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 10/50 2.82G 1.576 1.732 1.343 46 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.27it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.99it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.467 0.449 0.43 0.233\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 11/50 2.82G 1.512 1.641 1.306 40 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.44it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.70it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.63 0.596 0.616 0.334\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 12/50 2.82G 1.487 1.56 1.276 55 640: 100%|ββββββββββ| 25/25 [00:21<00:00, 1.18it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.47it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.598 0.587 0.582 0.295\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 13/50 2.82G 1.513 1.508 1.302 43 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.31it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.50it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.638 0.556 0.632 0.34\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 14/50 2.82G 1.465 1.517 1.269 41 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.20it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.22it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.595 0.549 0.562 0.281\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 15/50 2.82G 1.527 1.469 1.335 69 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.37it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.70it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.579 0.582 0.591 0.297\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 16/50 2.82G 1.495 1.446 1.308 62 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.39it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.31it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.513 0.511 0.445 0.19\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 17/50 2.82G 1.513 1.451 1.292 38 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.27it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.98it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.64 0.529 0.588 0.288\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 18/50 2.82G 1.414 1.387 1.241 27 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.39it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.23it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.657 0.545 0.603 0.333\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 19/50 2.82G 1.414 1.356 1.247 43 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.27it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.38it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.581 0.579 0.62 0.313\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 20/50 2.82G 1.416 1.314 1.247 116 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.36it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.18it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.698 0.524 0.616 0.31\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 21/50 2.82G 1.393 1.324 1.247 65 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.28it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.34it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.617 0.587 0.643 0.335\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 22/50 2.82G 1.379 1.293 1.245 77 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.42it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.97it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.687 0.582 0.638 0.349\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 23/50 2.83G 1.352 1.224 1.213 57 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.21it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.84it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.578 0.636 0.596 0.29\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 24/50 2.85G 1.399 1.308 1.242 46 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.31it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.60it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.642 0.615 0.624 0.321\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 25/50 2.85G 1.354 1.243 1.232 32 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.43it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.67it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.612 0.638 0.662 0.378\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 26/50 2.85G 1.358 1.225 1.22 50 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.35it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.92it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.585 0.644 0.647 0.349\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 27/50 2.85G 1.305 1.177 1.204 40 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.47it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.50it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.64 0.664 0.697 0.399\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 28/50 2.85G 1.273 1.121 1.175 54 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.20it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.46it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.69 0.609 0.704 0.389\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 29/50 2.85G 1.29 1.083 1.165 52 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.38it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.74it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.685 0.676 0.704 0.398\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 30/50 2.85G 1.307 1.127 1.186 53 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.20it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.03it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.673 0.716 0.71 0.408\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 31/50 2.85G 1.26 1.084 1.162 68 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.20it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.15it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.647 0.716 0.711 0.423\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 32/50 2.85G 1.248 1.04 1.162 49 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.34it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.79it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.672 0.698 0.715 0.41\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 33/50 2.85G 1.293 1.068 1.191 57 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.28it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.70it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.666 0.709 0.736 0.433\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 34/50 2.85G 1.228 1.07 1.15 51 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.46it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.52it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.733 0.671 0.747 0.414\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 35/50 2.85G 1.2 1.004 1.136 65 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.33it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.50it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.705 0.644 0.724 0.404\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 36/50 2.85G 1.247 1.037 1.195 70 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.42it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.65it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.699 0.72 0.748 0.415\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 37/50 2.85G 1.251 0.9741 1.158 85 640: 100%|ββββββββββ| 25/25 [00:20<00:00, 1.22it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.49it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.686 0.658 0.695 0.375\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 38/50 2.85G 1.202 0.9655 1.137 53 640: 100%|ββββββββββ| 25/25 [00:17<00:00, 1.39it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.46it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.62 0.68 0.672 0.346\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 39/50 2.85G 1.182 0.9578 1.142 56 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.34it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.60it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.71 0.689 0.733 0.429\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 40/50 2.85G 1.167 0.9505 1.127 63 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.35it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.21it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.642 0.604 0.669 0.355\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["Closing dataloader mosaic\n","\u001b[34m\u001b[1malbumentations: \u001b[0mBlur(p=0.01, blur_limit=(3, 7)), MedianBlur(p=0.01, blur_limit=(3, 7)), ToGray(p=0.01, method='weighted_average', num_output_channels=3), CLAHE(p=0.01, clip_limit=(1.0, 4.0), tile_grid_size=(8, 8))\n","\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 41/50 2.85G 1.208 1.084 1.165 35 640: 100%|ββββββββββ| 25/25 [00:21<00:00, 1.18it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.99it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.732 0.644 0.75 0.432\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 42/50 2.85G 1.161 0.9899 1.16 20 640: 100%|ββββββββββ| 25/25 [00:21<00:00, 1.17it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.71it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.721 0.598 0.691 0.388\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 43/50 2.85G 1.142 0.9546 1.135 18 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.32it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.89it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.662 0.707 0.739 0.42\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 44/50 2.85G 1.099 0.9329 1.121 28 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.25it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.49it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.742 0.671 0.758 0.448\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 45/50 2.85G 1.077 0.912 1.123 36 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.36it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.38it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.688 0.653 0.73 0.418\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 46/50 2.85G 1.074 0.9053 1.125 35 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.31it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 2.59it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.722 0.64 0.742 0.435\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 47/50 2.85G 1.06 0.8751 1.1 38 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.28it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.43it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.72 0.662 0.75 0.437\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 48/50 2.85G 1.027 0.8329 1.084 24 640: 100%|ββββββββββ| 25/25 [00:19<00:00, 1.27it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.01it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.685 0.684 0.746 0.435\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 49/50 2.85G 1.044 0.853 1.095 30 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.35it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:02<00:00, 1.82it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.689 0.689 0.733 0.432\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n"," Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size\n"]},{"output_type":"stream","name":"stderr","text":[" 50/50 2.85G 1.043 0.8567 1.094 29 640: 100%|ββββββββββ| 25/25 [00:18<00:00, 1.32it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:01<00:00, 3.38it/s]"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.698 0.687 0.742 0.429\n"]},{"output_type":"stream","name":"stderr","text":["\n"]},{"output_type":"stream","name":"stdout","text":["\n","50 epochs completed in 0.313 hours.\n","Optimizer stripped from /content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection/weights/last.pt, 5.4MB\n","Optimizer stripped from /content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection/weights/best.pt, 5.4MB\n","\n","Validating /content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection/weights/best.pt...\n","Ultralytics 8.3.147 π Python-3.11.12 torch-2.6.0+cu124 CUDA:0 (Tesla T4, 15095MiB)\n","YOLO11n summary (fused): 100 layers, 2,582,347 parameters, 0 gradients, 6.3 GFLOPs\n"]},{"output_type":"stream","name":"stderr","text":[" Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 4/4 [00:05<00:00, 1.29s/it]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.739 0.671 0.757 0.447\n","Speed: 0.2ms preprocess, 4.5ms inference, 0.0ms loss, 4.1ms postprocess per image\n","Results saved to \u001b[1m/content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection\u001b[0m\n"]}]},{"cell_type":"code","source":["# Save evaluation metrics and plots\n","model.val(\n"," save_json=True,\n"," save_hybrid=True,\n"," plots=True,\n"," project=str(eval_save_dir),\n"," name='evaluation'\n",")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"D5Zt6EJByCUu","executionInfo":{"status":"ok","timestamp":1748888996004,"user_tz":-300,"elapsed":13394,"user":{"displayName":"Ramzan","userId":"08951432166749336452"}},"outputId":"7286e1f6-9de9-4193-9e91-30bcb556e76a"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["WARNING β οΈ 'save_hybrid' is deprecated and will be removed in in the future.\n","Ultralytics 8.3.147 π Python-3.11.12 torch-2.6.0+cu124 CUDA:0 (Tesla T4, 15095MiB)\n","YOLO11n summary (fused): 100 layers, 2,582,347 parameters, 0 gradients, 6.3 GFLOPs\n","\u001b[34m\u001b[1mval: \u001b[0mFast image access β
(ping: 8.8Β±19.0 ms, read: 217.9Β±194.9 MB/s, size: 1490.3 KB)\n"]},{"output_type":"stream","name":"stderr","text":["\u001b[34m\u001b[1mval: \u001b[0mScanning /content/drive/My Drive/Flash Detection Project/Dataset/labels/val.cache... 98 images, 17 backgrounds, 0 corrupt: 100%|ββββββββββ| 100/100 [00:00<?, ?it/s]\n"," Class Images Instances Box(P R mAP50 mAP50-95): 100%|ββββββββββ| 7/7 [00:06<00:00, 1.05it/s]\n"]},{"output_type":"stream","name":"stdout","text":[" all 100 225 0.747 0.667 0.761 0.45\n","Speed: 2.6ms preprocess, 14.5ms inference, 0.0ms loss, 4.2ms postprocess per image\n","Saving /content/drive/MyDrive/Flash Detection Project/Model_Evaluation/evaluation/predictions.json...\n","Results saved to \u001b[1m/content/drive/MyDrive/Flash Detection Project/Model_Evaluation/evaluation\u001b[0m\n"]},{"output_type":"execute_result","data":{"text/plain":["ultralytics.utils.metrics.DetMetrics object with attributes:\n","\n","ap_class_index: array([0])\n","box: ultralytics.utils.metrics.Metric object\n","confusion_matrix: <ultralytics.utils.metrics.ConfusionMatrix object at 0x7e3650881a10>\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, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039,\n"," 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.98039, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429,\n"," 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.96429, 0.95349, 0.95349, 0.95349, 0.95349, 0.95349, 0.94318, 0.94318, 0.94318,\n"," 0.94318, 0.93407, 0.93407, 0.93407, 0.93407, 0.93407, 0.93407, 0.93407, 0.93407, 0.93407, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632, 0.92632,\n"," 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.90196, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091,\n"," 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.89091, 0.88393,\n"," 0.88393, 0.88393, 0.88393, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136, 0.88136,\n"," 0.88136, 0.88136, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87705, 0.87097, 0.87097, 0.87097, 0.87097, 0.86154, 0.86154, 0.86154,\n"," 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86154, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029,\n"," 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.86029, 0.85507, 0.85507, 0.85507, 0.85507, 0.85, 0.85, 0.85, 0.85, 0.85,\n"," 0.83333, 0.83333, 0.83333, 0.83333, 0.82877, 0.82877, 0.82877, 0.82877, 0.82877, 0.80795, 0.80795, 0.80795, 0.80795, 0.80519, 0.80519, 0.80519, 0.80519, 0.80519, 0.80519, 0.80519, 0.80519, 0.80519, 0.80128,\n"," 0.80128, 0.80128, 0.80128, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012,\n"," 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8012, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8,\n"," 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79885, 0.79545, 0.79545, 0.79545,\n"," 0.79545, 0.78771, 0.78771, 0.78771, 0.78771, 0.78771, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78261, 0.78075, 0.78075, 0.78075, 0.78075,\n"," 0.78075, 0.78075, 0.78075, 0.78075, 0.78075, 0.77368, 0.77368, 0.77368, 0.77368, 0.76684, 0.76684, 0.76684, 0.76684, 0.76684, 0.7641, 0.7641, 0.7641, 0.7641, 0.75758, 0.75758, 0.75758, 0.75758, 0.74752,\n"," 0.74752, 0.74752, 0.74752, 0.74752, 0.7451, 0.7451, 0.7451, 0.7451, 0.73558, 0.73558, 0.73558, 0.73558, 0.73558, 0.71963, 0.71963, 0.71963, 0.71963, 0.71889, 0.71889, 0.71889, 0.71889, 0.71889, 0.71889,\n"," 0.71889, 0.71889, 0.71889, 0.69912, 0.69912, 0.69912, 0.69912, 0.69912, 0.69912, 0.69912, 0.69912, 0.69912, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659, 0.64659,\n"," 0.64659, 0.64659, 0.64427, 0.64427, 0.64427, 0.64427, 0.64427, 0.64427, 0.64427, 0.64427, 0.64427, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782,\n"," 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62782, 0.62687, 0.62687, 0.62687, 0.62687, 0.62362, 0.62362, 0.62362, 0.62362, 0.62362, 0.61818, 0.61818, 0.61818, 0.61818, 0.60424, 0.60424, 0.60424, 0.60424,\n"," 0.60424, 0.6014, 0.6014, 0.6014, 0.6014, 0.58844, 0.58844, 0.58844, 0.58844, 0.58844, 0.58586, 0.58586, 0.58586, 0.58586, 0.57947, 0.57947, 0.57947, 0.57947, 0.56958, 0.56958, 0.56958, 0.56958, 0.56958,\n"," 0.56913, 0.56913, 0.56913, 0.56913, 0.56508, 0.56508, 0.56508, 0.56508, 0.56508, 0.56113, 0.56113, 0.56113, 0.56113, 0.55901, 0.55901, 0.55901, 0.55901, 0.55901, 0.55864, 0.55864, 0.55864, 0.55864, 0.55657,\n"," 0.55657, 0.55657, 0.55657, 0.55657, 0.55623, 0.55623, 0.55623, 0.55623, 0.54599, 0.54599, 0.54599, 0.54599, 0.5226, 0.5226, 0.5226, 0.5226, 0.5226, 0.51099, 0.51099, 0.51099, 0.51099, 0.48082, 0.48082,\n"," 0.48082, 0.48082, 0.48082, 0.48082, 0.48082, 0.48082, 0.48082, 0.475, 0.475, 0.475, 0.475, 0.475, 0.475, 0.475, 0.475, 0.475, 0.46699, 0.46699, 0.46699, 0.46699, 0.46699, 0.46043, 0.46043,\n"," 0.46043, 0.46043, 0.43964, 0.43964, 0.43964, 0.43964, 0.43142, 0.43142, 0.43142, 0.43142, 0.43142, 0.43142, 0.43142, 0.43142, 0.43142, 0.41702, 0.41702, 0.41702, 0.41702, 0.41702, 0.40452, 0.40452, 0.40452,\n"," 0.40452, 0.39759, 0.39759, 0.39759, 0.39759, 0.39759, 0.36852, 0.36852, 0.36852, 0.36852, 0.36697, 0.36697, 0.36697, 0.36697, 0.36679, 0.36679, 0.36679, 0.36679, 0.36679, 0.36007, 0.36007, 0.36007, 0.36007,\n"," 0.34465, 0.34465, 0.34465, 0.34465, 0.34465, 0.29522, 0.29522, 0.29522, 0.29522, 0.28044, 0.28044, 0.28044, 0.28044, 0.28044, 0.27141, 0.27141, 0.27141, 0.27141, 0.23206, 0.23206, 0.23206, 0.23206, 0.23206,\n"," 0.2306, 0.2306, 0.2306, 0.2306, 0.22619, 0.22619, 0.22619, 0.22619, 0.21649, 0.21649, 0.21649, 0.21649, 0.21649, 0.20646, 0.20646, 0.20646, 0.20646, 0.19557, 0.19557, 0.19557, 0.19557, 0.19557, 0.18917,\n"," 0.18917, 0.18917, 0.18917, 0.18641, 0.18641, 0.18641, 0.18641, 0.18641, 0.17423, 0.17423, 0.17423, 0.17423, 0.16928, 0.16928, 0.16928, 0.16928, 0.16928, 0.13264, 0.13264, 0.13264, 0.13264, 0.11577, 0.11577,\n"," 0.11577, 0.11577, 0.10966, 0.10966, 0.10966, 0.10966, 0.10966, 0.098302, 0.098302, 0.098302, 0.098302, 0.056163, 0.056163, 0.056163, 0.056163, 0.056163, 0.042402, 0.039908, 0.037413, 0.034919, 0.032425, 0.029931, 0.027436,\n"," 0.024942, 0.022448, 0.019954, 0.01746, 0.014965, 0.012471, 0.0099769, 0.0074827, 0.0049885, 0.0024942, 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.084772, 0.084838, 0.13515, 0.17354, 0.20152, 0.22333, 0.24033, 0.25735, 0.27242, 0.28627, 0.29622, 0.30614, 0.31508, 0.32265, 0.33485, 0.34268, 0.35173, 0.35964, 0.36306, 0.3685, 0.3714, 0.37664, 0.3833,\n"," 0.39063, 0.39669, 0.4031, 0.41281, 0.42063, 0.42523, 0.43041, 0.43522, 0.44081, 0.44405, 0.44438, 0.44905, 0.45371, 0.45895, 0.46584, 0.46923, 0.47371, 0.4796, 0.48361, 0.48824, 0.49006, 0.49407, 0.49565,\n"," 0.4974, 0.50206, 0.50437, 0.50818, 0.50939, 0.51244, 0.51672, 0.51798, 0.51835, 0.51794, 0.52088, 0.52809, 0.53161, 0.53582, 0.53879, 0.54107, 0.54338, 0.54473, 0.54534, 0.54765, 0.54627, 0.54864, 0.55232,\n"," 0.5529, 0.55268, 0.55769, 0.5592, 0.56033, 0.56202, 0.56301, 0.56538, 0.56619, 0.56742, 0.56954, 0.57166, 0.57579, 0.57479, 0.57522, 0.577, 0.58108, 0.5809, 0.58336, 0.58424, 0.58676, 0.58864, 0.59044,\n"," 0.59207, 0.5935, 0.59558, 0.59676, 0.59707, 0.59838, 0.59954, 0.60187, 0.60045, 0.60185, 0.60278, 0.60352, 0.60465, 0.60559, 0.6062, 0.60725, 0.60703, 0.60538, 0.6046, 0.60488, 0.60517, 0.60546, 0.60776,\n"," 0.60891, 0.6062, 0.60779, 0.60888, 0.60923, 0.60959, 0.61008, 0.611, 0.6123, 0.61316, 0.61444, 0.61578, 0.61856, 0.62181, 0.62239, 0.62275, 0.6231, 0.62675, 0.62839, 0.62919, 0.63105, 0.62939, 0.63136,\n"," 0.63413, 0.63539, 0.63721, 0.63802, 0.63823, 0.63694, 0.64001, 0.64058, 0.64226, 0.64403, 0.64632, 0.64708, 0.64757, 0.64932, 0.65315, 0.65387, 0.65496, 0.65552, 0.65686, 0.65871, 0.66047, 0.65902, 0.65873,\n"," 0.6586, 0.65706, 0.65739, 0.65771, 0.65803, 0.65717, 0.65742, 0.65645, 0.65596, 0.65729, 0.65704, 0.65684, 0.65704, 0.65725, 0.65745, 0.65766, 0.65786, 0.65837, 0.65881, 0.65812, 0.65744, 0.65681, 0.65987,\n"," 0.66001, 0.65954, 0.65908, 0.65862, 0.65815, 0.65878, 0.65762, 0.65727, 0.65923, 0.66092, 0.66196, 0.6626, 0.66314, 0.6636, 0.66407, 0.66338, 0.66249, 0.6616, 0.66483, 0.66611, 0.66594, 0.66427, 0.66456,\n"," 0.66506, 0.66566, 0.66643, 0.66426, 0.66454, 0.66482, 0.6651, 0.66544, 0.66808, 0.66956, 0.6703, 0.67233, 0.67316, 0.67308, 0.67206, 0.67104, 0.67128, 0.67263, 0.67534, 0.67628, 0.67688, 0.67751, 0.67819,\n"," 0.679, 0.6799, 0.67855, 0.6776, 0.67905, 0.67978, 0.68033, 0.68077, 0.6812, 0.68044, 0.6803, 0.68075, 0.67909, 0.67946, 0.67983, 0.6802, 0.67882, 0.67734, 0.67631, 0.67528, 0.67602, 0.67492, 0.67383,\n"," 0.67172, 0.6717, 0.67273, 0.67356, 0.67397, 0.67439, 0.67481, 0.6756, 0.67644, 0.67682, 0.67719, 0.67757, 0.67786, 0.67806, 0.67827, 0.67847, 0.67868, 0.67888, 0.67908, 0.68002, 0.67978, 0.67662, 0.67704,\n"," 0.67747, 0.67789, 0.67902, 0.67436, 0.67469, 0.67363, 0.67257, 0.67291, 0.67363, 0.67447, 0.67545, 0.67743, 0.67971, 0.67994, 0.68017, 0.68041, 0.68064, 0.68087, 0.68114, 0.68151, 0.68188, 0.68225, 0.68268,\n"," 0.68325, 0.68382, 0.68444, 0.68507, 0.68701, 0.68747, 0.68792, 0.68838, 0.68946, 0.69009, 0.69032, 0.69056, 0.69079, 0.69102, 0.69125, 0.69153, 0.69239, 0.69307, 0.69335, 0.69364, 0.69392, 0.69421, 0.69449,\n"," 0.69781, 0.69848, 0.69913, 0.69937, 0.69962, 0.69987, 0.70012, 0.70036, 0.70061, 0.69949, 0.69797, 0.69713, 0.69638, 0.69563, 0.69488, 0.69517, 0.69547, 0.69577, 0.69607, 0.69636, 0.69694, 0.69759, 0.69831,\n"," 0.69913, 0.70207, 0.70375, 0.70452, 0.70489, 0.70527, 0.70564, 0.70538, 0.70398, 0.70241, 0.70039, 0.70019, 0.70042, 0.70065, 0.70087, 0.7011, 0.70133, 0.70156, 0.70025, 0.69869, 0.69882, 0.69901, 0.69921,\n"," 0.69941, 0.6996, 0.6998, 0.69999, 0.70019, 0.70229, 0.70387, 0.70455, 0.70639, 0.70607, 0.7054, 0.70473, 0.70406, 0.70399, 0.70459, 0.70519, 0.70607, 0.7075, 0.70716, 0.70582, 0.70424, 0.7044, 0.70456,\n"," 0.70471, 0.70487, 0.70503, 0.70518, 0.70534, 0.7055, 0.70565, 0.70581, 0.70679, 0.70794, 0.70864, 0.70902, 0.70791, 0.7068, 0.70655, 0.70747, 0.70823, 0.70889, 0.70944, 0.70762, 0.70572, 0.70526, 0.70557,\n"," 0.70587, 0.70618, 0.70648, 0.7069, 0.70786, 0.7071, 0.70549, 0.70585, 0.70622, 0.70659, 0.70695, 0.70722, 0.70746, 0.7077, 0.70795, 0.70819, 0.70843, 0.70867, 0.70782, 0.70656, 0.70536, 0.70437, 0.70339,\n"," 0.70252, 0.70355, 0.69598, 0.69748, 0.69587, 0.69482, 0.69493, 0.69504, 0.69514, 0.69525, 0.69535, 0.69546, 0.69556, 0.69567, 0.69577, 0.69588, 0.69599, 0.69609, 0.6962, 0.6963, 0.69641, 0.69651, 0.69688,\n"," 0.69727, 0.69766, 0.69804, 0.69707, 0.69518, 0.69607, 0.6934, 0.69152, 0.69002, 0.68946, 0.68891, 0.68835, 0.6878, 0.68724, 0.68725, 0.68839, 0.68799, 0.68722, 0.68645, 0.68568, 0.68514, 0.68484, 0.68454,\n"," 0.68424, 0.68394, 0.68365, 0.68335, 0.68305, 0.68275, 0.68245, 0.68215, 0.68111, 0.67862, 0.67893, 0.67923, 0.67953, 0.67984, 0.68014, 0.6797, 0.67838, 0.67705, 0.67325, 0.67268, 0.67212, 0.67155, 0.67099,\n"," 0.67042, 0.66968, 0.66872, 0.66775, 0.66679, 0.66558, 0.66434, 0.66314, 0.6624, 0.66165, 0.6609, 0.66016, 0.65921, 0.65802, 0.65682, 0.65281, 0.65354, 0.65428, 0.65538, 0.65278, 0.65404, 0.65322, 0.65169,\n"," 0.64971, 0.6473, 0.64865, 0.648, 0.64681, 0.64563, 0.64561, 0.64597, 0.64634, 0.6467, 0.64716, 0.64965, 0.6507, 0.65205, 0.6513, 0.65055, 0.64979, 0.64904, 0.64957, 0.65011, 0.64958, 0.64905, 0.64853,\n"," 0.648, 0.64747, 0.64694, 0.64726, 0.64811, 0.65145, 0.65105, 0.64978, 0.6485, 0.64995, 0.64965, 0.64936, 0.64906, 0.64876, 0.64846, 0.64816, 0.64786, 0.64757, 0.64727, 0.64697, 0.64667, 0.64649, 0.64708,\n"," 0.64767, 0.64779, 0.64382, 0.63679, 0.63572, 0.63465, 0.63357, 0.62927, 0.62978, 0.63029, 0.63079, 0.62773, 0.62611, 0.62497, 0.62382, 0.62196, 0.61932, 0.61878, 0.61823, 0.61769, 0.61714, 0.6166, 0.61606,\n"," 0.61551, 0.61594, 0.61666, 0.61737, 0.61807, 0.61877, 0.61807, 0.61701, 0.61595, 0.61502, 0.61649, 0.61136, 0.60859, 0.60748, 0.60636, 0.60525, 0.60595, 0.60442, 0.60288, 0.60182, 0.60102, 0.60022, 0.59941,\n"," 0.59861, 0.59712, 0.59503, 0.59171, 0.58817, 0.58593, 0.58655, 0.58716, 0.58676, 0.58471, 0.58388, 0.58469, 0.58326, 0.58183, 0.5806, 0.57981, 0.57903, 0.57825, 0.57746, 0.57668, 0.57578, 0.57486, 0.57395,\n"," 0.57303, 0.57023, 0.56741, 0.56669, 0.56598, 0.56526, 0.56454, 0.56382, 0.56248, 0.56093, 0.55937, 0.55983, 0.56043, 0.56099, 0.56115, 0.56131, 0.56147, 0.56163, 0.56179, 0.56195, 0.56211, 0.56227, 0.56243,\n"," 0.56259, 0.56012, 0.55723, 0.5558, 0.55436, 0.55217, 0.54957, 0.54637, 0.54663, 0.54858, 0.54899, 0.5494, 0.54981, 0.54876, 0.54645, 0.54388, 0.54112, 0.53739, 0.53716, 0.53622, 0.53527, 0.53433, 0.53338,\n"," 0.53146, 0.52949, 0.52898, 0.52954, 0.53009, 0.52614, 0.52714, 0.52532, 0.52283, 0.52298, 0.52341, 0.52385, 0.52396, 0.51192, 0.50857, 0.50648, 0.50158, 0.49784, 0.49539, 0.48361, 0.47485, 0.47322, 0.47158,\n"," 0.46994, 0.46501, 0.46404, 0.46338, 0.46273, 0.46207, 0.46142, 0.46076, 0.46011, 0.45927, 0.45305, 0.45094, 0.44764, 0.44111, 0.43826, 0.43768, 0.4371, 0.43652, 0.43593, 0.43535, 0.43477, 0.43419, 0.4336,\n"," 0.43302, 0.43234, 0.43165, 0.43096, 0.43027, 0.42958, 0.42889, 0.4282, 0.42754, 0.42716, 0.42677, 0.42638, 0.426, 0.42561, 0.42522, 0.42484, 0.42445, 0.42406, 0.42367, 0.42329, 0.4229, 0.42251, 0.42198,\n"," 0.41939, 0.41679, 0.41615, 0.4156, 0.41506, 0.41451, 0.41396, 0.41342, 0.41287, 0.41232, 0.41177, 0.41123, 0.40955, 0.40769, 0.40583, 0.39865, 0.39459, 0.39228, 0.39007, 0.38846, 0.38783, 0.3872, 0.38657,\n"," 0.38595, 0.38532, 0.38469, 0.38406, 0.38343, 0.38424, 0.38163, 0.37901, 0.37471, 0.36926, 0.36543, 0.36301, 0.36147, 0.36137, 0.35996, 0.35855, 0.35714, 0.35528, 0.35287, 0.35046, 0.34895, 0.34747, 0.346,\n"," 0.34452, 0.33869, 0.33319, 0.32292, 0.31732, 0.31175, 0.30666, 0.30223, 0.29165, 0.28801, 0.28638, 0.28474, 0.28309, 0.27971, 0.26912, 0.26818, 0.26725, 0.26631, 0.26537, 0.26442, 0.26348, 0.26237, 0.25317,\n"," 0.24851, 0.24195, 0.24083, 0.2397, 0.23857, 0.23744, 0.2363, 0.23498, 0.23214, 0.22929, 0.21967, 0.21328, 0.19959, 0.19571, 0.18694, 0.18407, 0.18255, 0.18103, 0.17952, 0.17787, 0.17502, 0.17216, 0.17019,\n"," 0.16911, 0.16802, 0.16694, 0.16585, 0.16476, 0.16367, 0.15428, 0.1505, 0.14037, 0.13974, 0.1391, 0.13846, 0.13782, 0.13718, 0.13655, 0.13591, 0.13527, 0.13463, 0.13399, 0.13334, 0.1323, 0.12825, 0.12375,\n"," 0.11739, 0.11626, 0.11532, 0.11439, 0.11346, 0.11252, 0.11158, 0.11065, 0.10971, 0.10534, 0.099316, 0.095194, 0.091761, 0.088963, 0.086157, 0.084037, 0.082326, 0.080613, 0.078896, 0.077176, 0.074658, 0.071996, 0.069327,\n"," 0.068127, 0.067407, 0.066687, 0.065967, 0.065245, 0.064524, 0.063801, 0.063078, 0.062355, 0.061631, 0.060907, 0.060004, 0.058487, 0.056968, 0.055447, 0.053923, 0.052397, 0.051505, 0.050877, 0.050248, 0.04962, 0.04899, 0.048361,\n"," 0.047731, 0.0471, 0.046469, 0.045838, 0.045207, 0.044575, 0.043942, 0.043261, 0.042447, 0.041633, 0.040818, 0.040003, 0.039186, 0.038369, 0.037552, 0.036733, 0.035914, 0.035095, 0.027813, 0.025906, 0.025413, 0.024921, 0.024427,\n"," 0.023934, 0.02344, 0.022946, 0.022452, 0.021957, 0.021463, 0.020968, 0.020473, 0.019977, 0.019481, 0.018985, 0.018489, 0.017993, 0.016476, 0.011913, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'Confidence', 'F1'], [array([ 0, 0.001001, 0.002002, 0.003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022, 0.023023,\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.044297, 0.044334, 0.072593, 0.09522, 0.11246, 0.12629, 0.13736, 0.14859, 0.15873, 0.16822, 0.17543, 0.18243, 0.18899, 0.19484, 0.20381, 0.20987, 0.21694, 0.22299, 0.22589, 0.23011, 0.23295, 0.23709, 0.24239,\n"," 0.24828, 0.2532, 0.25844, 0.26648, 0.27343, 0.27733, 0.28218, 0.28633, 0.29119, 0.29402, 0.29479, 0.29891, 0.30306, 0.30775, 0.31398, 0.31707, 0.32117, 0.32661, 0.33034, 0.33467, 0.33639, 0.34018, 0.34168,\n"," 0.34382, 0.34847, 0.3507, 0.35439, 0.35557, 0.35855, 0.36349, 0.36473, 0.36584, 0.36619, 0.36992, 0.37724, 0.38084, 0.38517, 0.38825, 0.39063, 0.39304, 0.39444, 0.39509, 0.39752, 0.39698, 0.39948, 0.4034,\n"," 0.40423, 0.40473, 0.41013, 0.41177, 0.41299, 0.41585, 0.41693, 0.41953, 0.42043, 0.42178, 0.42413, 0.42649, 0.4311, 0.43109, 0.43269, 0.43471, 0.43936, 0.44032, 0.44316, 0.44417, 0.44709, 0.44927, 0.45138,\n"," 0.45329, 0.45497, 0.45742, 0.4588, 0.4598, 0.46203, 0.46342, 0.4662, 0.46576, 0.46753, 0.46866, 0.46955, 0.47093, 0.47206, 0.4728, 0.47408, 0.47443, 0.47345, 0.47367, 0.47402, 0.47437, 0.47473, 0.47757,\n"," 0.47898, 0.47856, 0.48056, 0.48192, 0.48236, 0.4828, 0.48342, 0.48458, 0.48622, 0.48731, 0.48892, 0.49062, 0.49415, 0.49833, 0.49907, 0.49953, 0.49998, 0.5047, 0.50683, 0.50787, 0.5103, 0.50972, 0.51241,\n"," 0.51607, 0.51775, 0.52016, 0.52124, 0.52214, 0.5216, 0.52572, 0.52649, 0.52878, 0.53118, 0.5343, 0.53534, 0.53601, 0.53841, 0.5437, 0.54668, 0.54821, 0.549, 0.55088, 0.55349, 0.55613, 0.55532, 0.5556,\n"," 0.55611, 0.55532, 0.55578, 0.55624, 0.5567, 0.55761, 0.55861, 0.55806, 0.55803, 0.55997, 0.56054, 0.56153, 0.56183, 0.56213, 0.56243, 0.56273, 0.56303, 0.56378, 0.56483, 0.56445, 0.56407, 0.56375, 0.56827,\n"," 0.56889, 0.56863, 0.56837, 0.56812, 0.56786, 0.56898, 0.56871, 0.56909, 0.57204, 0.57458, 0.57617, 0.57713, 0.57795, 0.57866, 0.57936, 0.57905, 0.57856, 0.57807, 0.58302, 0.585, 0.58546, 0.58455, 0.58516,\n"," 0.58594, 0.58687, 0.58806, 0.5873, 0.58774, 0.58817, 0.58861, 0.58914, 0.59328, 0.59563, 0.5968, 0.60002, 0.60135, 0.60416, 0.60361, 0.60307, 0.60392, 0.60611, 0.61052, 0.61207, 0.61305, 0.61408, 0.61519,\n"," 0.61653, 0.61813, 0.61742, 0.6172, 0.6196, 0.62082, 0.62175, 0.62247, 0.6232, 0.62309, 0.62478, 0.62645, 0.62586, 0.62649, 0.62712, 0.62775, 0.62708, 0.6263, 0.62577, 0.62523, 0.62727, 0.62669, 0.62612,\n"," 0.62502, 0.62612, 0.62791, 0.62935, 0.63008, 0.63081, 0.63154, 0.63292, 0.6344, 0.63506, 0.63573, 0.63639, 0.6369, 0.63726, 0.63762, 0.63799, 0.63835, 0.63871, 0.63907, 0.64072, 0.64313, 0.6417, 0.64246,\n"," 0.64323, 0.64399, 0.64604, 0.64488, 0.6461, 0.64556, 0.64501, 0.64595, 0.64728, 0.64883, 0.65064, 0.65434, 0.6586, 0.65903, 0.65947, 0.6599, 0.66034, 0.66078, 0.66129, 0.66199, 0.66268, 0.66338, 0.66419,\n"," 0.66528, 0.66636, 0.66753, 0.66874, 0.67244, 0.67332, 0.67419, 0.67507, 0.67715, 0.67837, 0.67882, 0.67927, 0.67972, 0.68017, 0.68062, 0.68117, 0.68282, 0.68415, 0.68471, 0.68526, 0.68582, 0.68638, 0.68694,\n"," 0.69345, 0.69477, 0.69606, 0.69655, 0.69704, 0.69753, 0.69802, 0.69851, 0.69901, 0.69857, 0.69787, 0.69747, 0.69713, 0.69678, 0.69643, 0.69703, 0.69762, 0.69822, 0.69882, 0.69942, 0.70059, 0.70191, 0.70337,\n"," 0.70503, 0.71102, 0.71449, 0.71607, 0.71684, 0.71762, 0.71839, 0.71867, 0.71805, 0.71735, 0.71645, 0.71667, 0.71715, 0.71763, 0.71811, 0.7186, 0.71908, 0.71956, 0.71903, 0.71834, 0.71871, 0.71912, 0.71954,\n"," 0.71995, 0.72036, 0.72078, 0.72119, 0.72161, 0.7261, 0.72949, 0.73095, 0.73492, 0.73531, 0.73502, 0.73474, 0.73445, 0.73492, 0.73624, 0.73755, 0.73947, 0.74261, 0.74449, 0.74432, 0.74631, 0.74666, 0.74701,\n"," 0.74736, 0.74772, 0.74807, 0.74842, 0.74877, 0.74913, 0.74948, 0.74983, 0.75205, 0.75466, 0.75626, 0.7575, 0.75705, 0.7566, 0.75724, 0.75936, 0.76111, 0.76262, 0.76407, 0.76563, 0.76589, 0.76616, 0.76688,\n"," 0.7676, 0.76832, 0.76904, 0.77004, 0.77232, 0.77317, 0.7729, 0.77378, 0.77466, 0.77555, 0.77643, 0.77707, 0.77766, 0.77824, 0.77883, 0.77941, 0.78, 0.78059, 0.7804, 0.77993, 0.77948, 0.77911, 0.77874,\n"," 0.77857, 0.78238, 0.77954, 0.78751, 0.78691, 0.78661, 0.78688, 0.78715, 0.78742, 0.78769, 0.78796, 0.78823, 0.7885, 0.78878, 0.78905, 0.78932, 0.78959, 0.78986, 0.79013, 0.7904, 0.79067, 0.79094, 0.7919,\n"," 0.7929, 0.79391, 0.79491, 0.79503, 0.79476, 0.79708, 0.79766, 0.79699, 0.79645, 0.79625, 0.79605, 0.79585, 0.79565, 0.79545, 0.79635, 0.7994, 0.79978, 0.79951, 0.79923, 0.79896, 0.79877, 0.79866, 0.79855,\n"," 0.79845, 0.79834, 0.79823, 0.79812, 0.79802, 0.79791, 0.7978, 0.7977, 0.79732, 0.79654, 0.79738, 0.79822, 0.79907, 0.79991, 0.80075, 0.80099, 0.80052, 0.80004, 0.79868, 0.79848, 0.79827, 0.79807, 0.79786,\n"," 0.79766, 0.79739, 0.79704, 0.79669, 0.79634, 0.7959, 0.79544, 0.79501, 0.79473, 0.79445, 0.79418, 0.7939, 0.79355, 0.79311, 0.79266, 0.79133, 0.79349, 0.79566, 0.80099, 0.80046, 0.80424, 0.80479, 0.80424,\n"," 0.80353, 0.80289, 0.80707, 0.80761, 0.80719, 0.80677, 0.80753, 0.80867, 0.80981, 0.81095, 0.81239, 0.82028, 0.82366, 0.82869, 0.82844, 0.8282, 0.82796, 0.82771, 0.8306, 0.83324, 0.83307, 0.8329, 0.83273,\n"," 0.83257, 0.8324, 0.83223, 0.83391, 0.83672, 0.84794, 0.84971, 0.84934, 0.84896, 0.85502, 0.85494, 0.85485, 0.85477, 0.85468, 0.8546, 0.85451, 0.85443, 0.85434, 0.85426, 0.85417, 0.85409, 0.85429, 0.85636,\n"," 0.85844, 0.86018, 0.85908, 0.85712, 0.85682, 0.85651, 0.85621, 0.85519, 0.85706, 0.85894, 0.86082, 0.86063, 0.86018, 0.85986, 0.85954, 0.85902, 0.85827, 0.85811, 0.85796, 0.8578, 0.85765, 0.85749, 0.85733,\n"," 0.85718, 0.8593, 0.8621, 0.86488, 0.86764, 0.8704, 0.87074, 0.87046, 0.87018, 0.87024, 0.87613, 0.87568, 0.87497, 0.87468, 0.87439, 0.8741, 0.88124, 0.88086, 0.88048, 0.88021, 0.88001, 0.87981, 0.87961,\n"," 0.8794, 0.87902, 0.87849, 0.87764, 0.87672, 0.8767, 0.87946, 0.88222, 0.88374, 0.88323, 0.88537, 0.89082, 0.89048, 0.89014, 0.88985, 0.88966, 0.88948, 0.88929, 0.8891, 0.88891, 0.8887, 0.88847, 0.88825,\n"," 0.88803, 0.88735, 0.88665, 0.88647, 0.88629, 0.88612, 0.88594, 0.88576, 0.88542, 0.88503, 0.88464, 0.88742, 0.89042, 0.89326, 0.89408, 0.8949, 0.89572, 0.89654, 0.89736, 0.89818, 0.899, 0.89981, 0.90063,\n"," 0.90145, 0.90139, 0.90076, 0.90043, 0.90011, 0.89962, 0.89903, 0.8983, 0.90746, 0.91831, 0.92063, 0.92294, 0.92525, 0.9261, 0.9257, 0.92526, 0.92477, 0.93055, 0.93394, 0.93379, 0.93364, 0.93349, 0.93334,\n"," 0.93303, 0.93272, 0.93459, 0.93805, 0.94151, 0.94577, 0.95225, 0.95326, 0.95297, 0.95558, 0.9585, 0.96143, 0.96426, 0.96316, 0.96285, 0.96265, 0.96218, 0.96181, 0.96157, 0.96038, 0.95945, 0.95927, 0.9591,\n"," 0.95892, 0.95837, 0.95826, 0.95819, 0.95812, 0.95804, 0.95797, 0.95789, 0.95782, 0.95772, 0.957, 0.95675, 0.95636, 0.95556, 0.95521, 0.95514, 0.95506, 0.95499, 0.95492, 0.95484, 0.95477, 0.9547, 0.95462,\n"," 0.95455, 0.95446, 0.95437, 0.95428, 0.95419, 0.9541, 0.95401, 0.95393, 0.95384, 0.95379, 0.95374, 0.95369, 0.95364, 0.95358, 0.95353, 0.95348, 0.95343, 0.95338, 0.95333, 0.95328, 0.95322, 0.95317, 0.9531,\n"," 0.95275, 0.9524, 0.95231, 0.95223, 0.95216, 0.95208, 0.952, 0.95193, 0.95185, 0.95178, 0.9517, 0.95162, 0.95138, 0.95112, 0.95085, 0.9498, 0.94919, 0.94883, 0.94849, 0.94824, 0.94814, 0.94804, 0.94794,\n"," 0.94784, 0.94774, 0.94764, 0.94754, 0.94744, 0.96427, 0.96398, 0.96369, 0.96319, 0.96255, 0.96208, 0.96178, 0.9681, 0.98033, 0.98024, 0.98014, 0.98005, 0.97993, 0.97976, 0.9796, 0.97949, 0.97939, 0.97928,\n"," 0.97918, 0.97876, 0.99744, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]]), 'Confidence', 'Precision'], [array([ 0, 0.001001, 0.002002, 0.003003, 0.004004, 0.005005, 0.006006, 0.007007, 0.008008, 0.009009, 0.01001, 0.011011, 0.012012, 0.013013, 0.014014, 0.015015, 0.016016, 0.017017, 0.018018, 0.019019, 0.02002, 0.021021, 0.022022, 0.023023,\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.98222, 0.98222, 0.97778, 0.97778, 0.96889, 0.96444, 0.96, 0.96, 0.96, 0.96, 0.95111, 0.95111, 0.94667, 0.93778, 0.93778, 0.93333, 0.92889, 0.92889, 0.92444, 0.92444, 0.91556, 0.91556, 0.91556,\n"," 0.91556, 0.91556, 0.91556, 0.91556, 0.91111, 0.91111, 0.90667, 0.90667, 0.90667, 0.90667, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222, 0.90222,\n"," 0.89891, 0.89778, 0.89778, 0.89778, 0.89778, 0.89778, 0.89333, 0.89333, 0.88889, 0.88444, 0.88, 0.88, 0.88, 0.88, 0.88, 0.88, 0.88, 0.88, 0.88, 0.88, 0.87556, 0.87556, 0.87556,\n"," 0.87452, 0.87111, 0.87111, 0.87111, 0.87111, 0.86667, 0.86667, 0.86667, 0.86667, 0.86667, 0.86667, 0.86667, 0.86667, 0.86222, 0.85778, 0.85778, 0.85778, 0.85333, 0.85333, 0.85333, 0.85333, 0.85333, 0.85333,\n"," 0.85333, 0.85333, 0.85333, 0.85333, 0.85117, 0.84889, 0.84889, 0.84889, 0.84471, 0.84444, 0.84444, 0.84444, 0.84444, 0.84444, 0.84444, 0.84444, 0.84251, 0.83923, 0.83556, 0.83556, 0.83556, 0.83556, 0.83556,\n"," 0.83556, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82667, 0.82249, 0.82222,\n"," 0.82222, 0.82222, 0.82222, 0.82222, 0.82071, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81778, 0.81333, 0.81333, 0.81333, 0.81333, 0.81333, 0.813, 0.81035, 0.80889,\n"," 0.80738, 0.80444, 0.80444, 0.80444, 0.80444, 0.8, 0.79871, 0.79695, 0.79556, 0.79556, 0.79367, 0.79111, 0.79111, 0.79111, 0.79111, 0.79111, 0.79111, 0.79111, 0.7903, 0.78908, 0.78786, 0.78667, 0.78667,\n"," 0.78588, 0.78506, 0.78424, 0.78342, 0.78259, 0.78222, 0.77947, 0.77778, 0.77778, 0.77778, 0.77778, 0.77778, 0.77778, 0.77778, 0.77778, 0.77646, 0.7749, 0.77334, 0.77333, 0.77333, 0.77207, 0.76918, 0.76889,\n"," 0.76889, 0.76889, 0.76889, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.76444, 0.75975, 0.75802, 0.75628, 0.75556, 0.75556, 0.75556, 0.75556, 0.75556, 0.75556, 0.75556,\n"," 0.75556, 0.75539, 0.75311, 0.75111, 0.75111, 0.75111, 0.75111, 0.75111, 0.75111, 0.74942, 0.74667, 0.74535, 0.74222, 0.74222, 0.74222, 0.74222, 0.73987, 0.73743, 0.73574, 0.73405, 0.73299, 0.7312, 0.72941,\n"," 0.72598, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72444, 0.72086, 0.71556, 0.71556,\n"," 0.71556, 0.71556, 0.71556, 0.70667, 0.70593, 0.70425, 0.70258, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222,\n"," 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222,\n"," 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70222, 0.70041, 0.69808, 0.69678, 0.69563, 0.69448, 0.69334, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333,\n"," 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69333, 0.69258, 0.69045, 0.68808, 0.68504, 0.68444, 0.68444, 0.68444, 0.68444, 0.68444, 0.68444, 0.68444, 0.68243, 0.68009, 0.68, 0.68, 0.68,\n"," 0.68, 0.68, 0.68, 0.68, 0.68, 0.68, 0.68, 0.68, 0.68, 0.67906, 0.67807, 0.67707, 0.67608, 0.67556, 0.67556, 0.67556, 0.67556, 0.67556, 0.6734, 0.67111, 0.66667, 0.66667, 0.66667,\n"," 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66667, 0.66638, 0.66477, 0.66315, 0.66222, 0.66222, 0.66222, 0.66222, 0.66211, 0.65778, 0.65431, 0.65333, 0.65333,\n"," 0.65333, 0.65333, 0.65333, 0.65333, 0.65333, 0.65143, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64889, 0.64759, 0.6458, 0.64411, 0.64272, 0.64133,\n"," 0.64, 0.63916, 0.62861, 0.62593, 0.6237, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222, 0.62222,\n"," 0.62222, 0.62222, 0.62222, 0.6206, 0.61778, 0.61778, 0.61324, 0.6107, 0.60868, 0.60793, 0.60718, 0.60643, 0.60569, 0.60494, 0.60444, 0.60444, 0.60362, 0.60259, 0.60157, 0.60054, 0.59981, 0.59942, 0.59902,\n"," 0.59862, 0.59823, 0.59783, 0.59743, 0.59703, 0.59664, 0.59624, 0.59584, 0.59447, 0.59111, 0.59111, 0.59111, 0.59111, 0.59111, 0.59111, 0.59032, 0.58857, 0.58683, 0.58186, 0.58113, 0.58039, 0.57966, 0.57892,\n"," 0.57819, 0.57723, 0.57598, 0.57474, 0.57349, 0.57194, 0.57034, 0.5688, 0.56784, 0.56689, 0.56593, 0.56498, 0.56377, 0.56225, 0.56073, 0.55556, 0.55556, 0.55556, 0.55456, 0.55111, 0.55111, 0.54969, 0.54779,\n"," 0.54532, 0.54222, 0.54222, 0.54107, 0.5396, 0.53814, 0.53778, 0.53778, 0.53778, 0.53778, 0.53778, 0.53778, 0.53778, 0.53748, 0.53657, 0.53565, 0.53473, 0.53381, 0.53333, 0.53297, 0.53233, 0.53169, 0.53105,\n"," 0.53041, 0.52977, 0.52913, 0.52889, 0.52889, 0.52889, 0.52769, 0.52615, 0.52462, 0.52422, 0.52387, 0.52351, 0.52316, 0.5228, 0.52244, 0.52209, 0.52173, 0.52138, 0.52102, 0.52066, 0.52031, 0.52, 0.52,\n"," 0.52, 0.51952, 0.51481, 0.50658, 0.50532, 0.50407, 0.50282, 0.49778, 0.49778, 0.49778, 0.49778, 0.49403, 0.49218, 0.49087, 0.48957, 0.48745, 0.48445, 0.48383, 0.48322, 0.4826, 0.48199, 0.48137, 0.48076,\n"," 0.48014, 0.48, 0.48, 0.48, 0.48, 0.48, 0.47906, 0.47787, 0.47668, 0.47556, 0.47556, 0.46961, 0.46655, 0.46533, 0.4641, 0.46288, 0.46172, 0.46004, 0.45837, 0.45721, 0.45634, 0.45547, 0.4546,\n"," 0.45373, 0.45212, 0.44987, 0.44631, 0.44253, 0.44, 0.44, 0.44, 0.43918, 0.43701, 0.43556, 0.43515, 0.43365, 0.43215, 0.43086, 0.43004, 0.42922, 0.42841, 0.42759, 0.42677, 0.42584, 0.42489, 0.42394,\n"," 0.42299, 0.4201, 0.4172, 0.41646, 0.41573, 0.41499, 0.41426, 0.41352, 0.41216, 0.41057, 0.40899, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889, 0.40889,\n"," 0.40889, 0.40629, 0.40339, 0.40195, 0.40051, 0.39833, 0.39575, 0.39257, 0.39111, 0.39111, 0.39111, 0.39111, 0.39111, 0.38989, 0.38764, 0.38514, 0.38245, 0.37778, 0.377, 0.37609, 0.37519, 0.37428, 0.37338,\n"," 0.37155, 0.36967, 0.36889, 0.36889, 0.36889, 0.36444, 0.36444, 0.36256, 0.36023, 0.36, 0.36, 0.36, 0.35971, 0.3486, 0.34554, 0.34364, 0.3392, 0.33584, 0.33364, 0.32318, 0.3155, 0.31408, 0.31266,\n"," 0.31123, 0.30698, 0.30614, 0.30558, 0.30502, 0.30446, 0.3039, 0.30334, 0.30277, 0.30206, 0.29677, 0.29498, 0.29221, 0.28674, 0.28436, 0.28388, 0.2834, 0.28292, 0.28244, 0.28195, 0.28147, 0.28099, 0.28051,\n"," 0.28002, 0.27946, 0.27889, 0.27833, 0.27776, 0.27719, 0.27663, 0.27606, 0.27552, 0.2752, 0.27489, 0.27457, 0.27425, 0.27394, 0.27362, 0.27331, 0.27299, 0.27267, 0.27236, 0.27204, 0.27172, 0.27141, 0.27098,\n"," 0.26887, 0.26677, 0.26625, 0.26581, 0.26537, 0.26493, 0.26449, 0.26405, 0.2636, 0.26316, 0.26272, 0.26228, 0.26094, 0.25945, 0.25796, 0.25226, 0.24906, 0.24725, 0.24552, 0.24426, 0.24377, 0.24328, 0.24279,\n"," 0.24231, 0.24182, 0.24133, 0.24084, 0.24035, 0.23992, 0.23791, 0.23589, 0.2326, 0.22845, 0.22555, 0.22373, 0.22222, 0.22152, 0.22046, 0.21941, 0.21835, 0.21697, 0.21519, 0.2134, 0.21229, 0.2112, 0.21012,\n"," 0.20903, 0.20478, 0.2, 0.19255, 0.18858, 0.18466, 0.1811, 0.17802, 0.17072, 0.16823, 0.16712, 0.166, 0.16488, 0.16259, 0.15548, 0.15486, 0.15423, 0.15361, 0.15298, 0.15236, 0.15173, 0.151, 0.14493,\n"," 0.14188, 0.13763, 0.1369, 0.13617, 0.13544, 0.13471, 0.13398, 0.13313, 0.13131, 0.12949, 0.12339, 0.11937, 0.11086, 0.10847, 0.10311, 0.10136, 0.10044, 0.099526, 0.098609, 0.097617, 0.095903, 0.094189, 0.093009,\n"," 0.092363, 0.091717, 0.09107, 0.090424, 0.089777, 0.089131, 0.083587, 0.081371, 0.075484, 0.075116, 0.074748, 0.07438, 0.074012, 0.073643, 0.073275, 0.072907, 0.072539, 0.072171, 0.071803, 0.071435, 0.070833, 0.068522, 0.065955,\n"," 0.062353, 0.061716, 0.06119, 0.060665, 0.060139, 0.059614, 0.059089, 0.058563, 0.058038, 0.055599, 0.052253, 0.049976, 0.048087, 0.046552, 0.045018, 0.043861, 0.04293, 0.041999, 0.041068, 0.040137, 0.038777, 0.037342, 0.035908,\n"," 0.035265, 0.034879, 0.034494, 0.034108, 0.033723, 0.033337, 0.032952, 0.032566, 0.032181, 0.031795, 0.03141, 0.03093, 0.030125, 0.029319, 0.028514, 0.027709, 0.026903, 0.026433, 0.026102, 0.025772, 0.025441, 0.02511, 0.02478,\n"," 0.024449, 0.024118, 0.023787, 0.023457, 0.023126, 0.022795, 0.022465, 0.022109, 0.021684, 0.021259, 0.020834, 0.02041, 0.019985, 0.01956, 0.019135, 0.01871, 0.018286, 0.017861, 0.014103, 0.013123, 0.01287, 0.012617, 0.012365,\n"," 0.012112, 0.011859, 0.011606, 0.011353, 0.011101, 0.010848, 0.010595, 0.010342, 0.010089, 0.0098365, 0.0095837, 0.0093309, 0.0090781, 0.0083065, 0.0059922, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'Confidence', 'Recall']]\n","fitness: np.float64(0.48070927089277393)\n","keys: ['metrics/precision(B)', 'metrics/recall(B)', 'metrics/mAP50(B)', 'metrics/mAP50-95(B)']\n","maps: array([ 0.44962])\n","names: {0: 'flash'}\n","plot: True\n","results_dict: {'metrics/precision(B)': np.float64(0.74701111955778), 'metrics/recall(B)': np.float64(0.6666666666666666), 'metrics/mAP50(B)': np.float64(0.760505665920669), 'metrics/mAP50-95(B)': np.float64(0.4496207825563411), 'fitness': np.float64(0.48070927089277393)}\n","save_dir: PosixPath('/content/drive/MyDrive/Flash Detection Project/Model_Evaluation/evaluation')\n","speed: {'preprocess': 2.57881036000299, 'inference': 14.540850230005162, 'loss': 0.0018140500014851568, 'postprocess': 4.232421990002422}\n","task: 'detect'"]},"metadata":{},"execution_count":8}]},{"cell_type":"code","source":["# Move best and last weights\n","!cp \"{model_save_dir}/flash_detection/weights/best.pt\" \"{model_save_dir}/\"\n","!cp \"{model_save_dir}/flash_detection/weights/last.pt\" \"{model_save_dir}/\""],"metadata":{"id":"pSxplit_yE-M"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["# Resume Training\n","\n","''''\n","from ultralytics import YOLO\n","# 1. Load the last checkpoint\n","model = YOLO('/content/drive/MyDrive/Flash Detection Project/Model_Files/flash_detection/weights/last.pt')\n","\n","# 2. Check GPU availability and set device\n","device = 'cuda' if torch.cuda.is_available() else 'cpu'\n","print(f\"Using device: {device}\")\n","\n","# 3. Resume training with additional epochs\n","model.train(\n"," resume=True, # Critical for continuing from checkpoint\n"," epochs=100, # New total epochs (original 50 + new 50 = 100)\n"," patience=10, # Maintain early stopping\n"," batch=16,\n"," imgsz=640,\n"," project='/content/drive/MyDrive/Flash Detection Project/Model_Files',\n"," name='flash_detection_resumed',\n"," exist_ok=True,\n"," device=device\n",")\n","'''"],"metadata":{"id":"CH8bYTN0yxBq"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":[],"metadata":{"id":"CxMC6dk6O5lS"},"execution_count":null,"outputs":[]}]} |