diff --git a/.gitignore b/.gitignore index 3ea7d39..62c9ad3 100644 --- a/.gitignore +++ b/.gitignore @@ -7,6 +7,8 @@ data/* # yolov9 repo **/yolov9-repo +# D-FINE repo +**/D-FINE # mmyolo-weights **/mmyolo-weights diff --git a/build_static_site.py b/build_static_site.py index 98917bf..f841517 100644 --- a/build_static_site.py +++ b/build_static_site.py @@ -29,3 +29,4 @@ f.write(js_results) print("Results aggregated and saved to static/aggregate_results.js") +print("Results aggregated and saved to static/aggregate_results.json") diff --git a/models/object_detection/d-fine/__init__.py b/models/object_detection/d-fine/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/models/object_detection/d-fine/requirements.txt b/models/object_detection/d-fine/requirements.txt new file mode 100644 index 0000000..d4f6839 --- /dev/null +++ b/models/object_detection/d-fine/requirements.txt @@ -0,0 +1,10 @@ +supervision @ git+https://github.com/roboflow/supervision.git@develop +torch>=2.0.1 +torchvision>=0.15.2 +faster-coco-eval>=1.6.5 +PyYAML +tensorboard +scipy +calflops +transformers +tqdm diff --git "a/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221L.json" "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221L.json" new file mode 100644 index 0000000..948e65d --- /dev/null +++ "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221L.json" @@ -0,0 +1,68 @@ +{ + "metadata": { + "model": "D\u2011FINE\u2011L", + "license": "Apache-2.0", + "run_parameters": { + "imgsz": 640, + "conf": 0.001 + }, + "param_count": 30724195, + "run_date": "2024-11-30T15:31:29.563018+00:00" + }, + "map50_95": 0.5219932815159587, + "map50": 0.6952979708509999, + "map75": 0.5653622772704325, + "small_objects": { + "map50_95": 0.2477807526608342, + "map50": 0.39281358142909667, + "map75": 0.2682646010589643 + }, + "medium_objects": { + "map50_95": 0.4757793179580914, + "map50": 0.6506829538892683, + "map75": 0.5321307963239714 + }, + "large_objects": { + "map50_95": 0.6679411840312329, + "map50": 0.7990835690433563, + "map75": 0.7183590809069729 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.055112414649932884, + "f1_75": 0.045577933029039445, + "f1_small_objects": { + "f1_50": 0.0538862414751944, + "f1_75": 0.03414610933748649 + }, + "f1_medium_objects": { + "f1_50": 0.09175005181275003, + "f1_75": 0.07934473563523216 + }, + "f1_large_objects": { + "f1_50": 0.08174917885040568, + "f1_75": 0.07779861089961485 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] +} diff --git "a/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221M.json" "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221M.json" new file mode 100644 index 0000000..f1773cb --- /dev/null +++ "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221M.json" @@ -0,0 +1,68 @@ +{ + "metadata": { + "model": "D\u2011FINE\u2011M", + "license": "Apache-2.0", + "run_parameters": { + "imgsz": 640, + "conf": 0.001 + }, + "param_count": 19248189, + "run_date": "2024-11-30T15:27:16.048157+00:00" + }, + "map50_95": 0.5058476134984426, + "map50": 0.6784489386840735, + "map75": 0.5458102809213676, + "small_objects": { + "map50_95": 0.22101506894321837, + "map50": 0.35919423860167804, + "map75": 0.23411438906708412 + }, + "medium_objects": { + "map50_95": 0.4625887037623695, + "map50": 0.6360438151828612, + "map75": 0.5153654469224979 + }, + "large_objects": { + "map50_95": 0.6525501696792834, + "map50": 0.7865990282572766, + "map75": 0.7028242508843852 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.05439085557470057, + "f1_75": 0.04462990245971832, + "f1_small_objects": { + "f1_50": 0.054219329911978476, + "f1_75": 0.033933781321204996 + }, + "f1_medium_objects": { + "f1_50": 0.09002828069737208, + "f1_75": 0.07714710066070882 + }, + "f1_large_objects": { + "f1_50": 0.07786530182363084, + "f1_75": 0.07370602951705649 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] +} diff --git "a/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221N.json" "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221N.json" new file mode 100644 index 0000000..4614899 --- /dev/null +++ "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221N.json" @@ -0,0 +1,68 @@ +{ + "metadata": { + "model": "D\u2011FINE\u2011N", + "license": "Apache-2.0", + "run_parameters": { + "imgsz": 640, + "conf": 0.001 + }, + "param_count": 3753799, + "run_date": "2024-11-30T14:53:36.827013+00:00" + }, + "map50_95": 0.41166844751896103, + "map50": 0.5804468688476232, + "map75": 0.44032133935943624, + "small_objects": { + "map50_95": 0.14772166810764642, + "map50": 0.25995371220767033, + "map75": 0.15252458599054255 + }, + "medium_objects": { + "map50_95": 0.35285141528183744, + "map50": 0.5253203750965515, + "map75": 0.3862506701611196 + }, + "large_objects": { + "map50_95": 0.5746650046013381, + "map50": 0.7198294931560041, + "map75": 0.6225356620937137 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.05058755898129688, + "f1_75": 0.037554961513929404, + "f1_small_objects": { + "f1_50": 0.04851364560060535, + "f1_75": 0.021423510193421754 + }, + "f1_medium_objects": { + "f1_50": 0.0776416142825443, + "f1_75": 0.06009583714479435 + }, + "f1_large_objects": { + "f1_50": 0.07216459506892758, + "f1_75": 0.06711776075482231 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] +} diff --git "a/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221S.json" "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221S.json" new file mode 100644 index 0000000..199c366 --- /dev/null +++ "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221S.json" @@ -0,0 +1,68 @@ +{ + "metadata": { + "model": "D\u2011FINE\u2011S", + "license": "Apache-2.0", + "run_parameters": { + "imgsz": 640, + "conf": 0.001 + }, + "param_count": 10237491, + "run_date": "2024-11-30T15:25:06.497738+00:00" + }, + "map50_95": 0.4667940572641105, + "map50": 0.6315233422975106, + "map75": 0.5075257211881392, + "small_objects": { + "map50_95": 0.2023262851372202, + "map50": 0.32968181064456004, + "map75": 0.21768401657888195 + }, + "medium_objects": { + "map50_95": 0.41703368286419307, + "map50": 0.5832924172471692, + "map75": 0.4675721643466931 + }, + "large_objects": { + "map50_95": 0.612227433009285, + "map50": 0.7454489601512843, + "map75": 0.6625822766791043 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.053318704601921355, + "f1_75": 0.04302370379707862, + "f1_small_objects": { + "f1_50": 0.05341393465811958, + "f1_75": 0.03234633429835207 + }, + "f1_medium_objects": { + "f1_50": 0.08474685091911431, + "f1_75": 0.0709119555892223 + }, + "f1_large_objects": { + "f1_50": 0.07746434221415874, + "f1_75": 0.07309819351528968 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] +} diff --git "a/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221X.json" "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221X.json" new file mode 100644 index 0000000..78ac1da --- /dev/null +++ "b/models/object_detection/d-fine/results_D\342\200\221FINE\342\200\221X.json" @@ -0,0 +1,68 @@ +{ + "metadata": { + "model": "D\u2011FINE\u2011X", + "license": "Apache-2.0", + "run_parameters": { + "imgsz": 640, + "conf": 0.001 + }, + "param_count": 61601635, + "run_date": "2024-11-30T15:34:31.249037+00:00" + }, + "map50_95": 0.5412884800986779, + "map50": 0.7166391180688009, + "map75": 0.5843090799180614, + "small_objects": { + "map50_95": 0.26577391016604135, + "map50": 0.4204213608890482, + "map75": 0.2849821329125042 + }, + "medium_objects": { + "map50_95": 0.49187707994641156, + "map50": 0.667776251420199, + "map75": 0.5506275489522772 + }, + "large_objects": { + "map50_95": 0.6894573901354175, + "map50": 0.8207794964547676, + "map75": 0.7393501736230832 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.05502261232306097, + "f1_75": 0.045594707812090164, + "f1_small_objects": { + "f1_50": 0.05357001873043499, + "f1_75": 0.033972001296026455 + }, + "f1_medium_objects": { + "f1_50": 0.09390118651490137, + "f1_75": 0.08149773985318125 + }, + "f1_large_objects": { + "f1_50": 0.08145177470815365, + "f1_75": 0.07772815532345857 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] +} diff --git a/models/object_detection/d-fine/run.py b/models/object_detection/d-fine/run.py new file mode 100644 index 0000000..0f60697 --- /dev/null +++ b/models/object_detection/d-fine/run.py @@ -0,0 +1,207 @@ +import argparse +import os +import sys +from pathlib import Path +from typing import List, Optional + +import supervision as sv +import torch +import torch.nn as nn +import torchvision.transforms as T +from PIL import Image +from supervision.metrics import F1Score, MeanAveragePrecision +from tqdm import tqdm + +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), "./D-FINE/"))) + +from src.core import YAMLConfig + +sys.path.append(str(Path(__file__).resolve().parent.parent)) + +from configs import CONFIDENCE_THRESHOLD, DATASET_DIR +from utils import ( + load_detections_dataset, + result_json_already_exists, + run_shell_command, + write_result_json, +) + +LICENSE = "Apache-2.0" +RUN_PARAMETERS = dict( + imgsz=640, + conf=CONFIDENCE_THRESHOLD, +) + +TRANSFORMS = T.Compose( + [T.Resize((RUN_PARAMETERS["imgsz"], RUN_PARAMETERS["imgsz"])), T.ToTensor()] +) + +DEVICE = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + +MODEL_DICT = { + "D‑FINE‑N": { + "model_url": "https://github.com/Peterande/storage/releases/download/dfinev1.0/dfine_n_coco.pth", + "model_filename": "dfine_n_coco.pth", + "model_name": "D‑FINE‑N", + "model_yaml": "./D-FINE/configs/dfine/dfine_hgnetv2_n_coco.yml", + }, + "D‑FINE‑S": { + "model_url": "https://github.com/Peterande/storage/releases/download/dfinev1.0/dfine_s_coco.pth", + "model_filename": "dfine_s_coco.pth", + "model_name": "D‑FINE‑S", + "model_yaml": "./D-FINE/configs/dfine/dfine_hgnetv2_s_coco.yml", + }, + "D‑FINE‑M": { + "model_url": "https://github.com/Peterande/storage/releases/download/dfinev1.0/dfine_m_coco.pth", + "model_filename": "dfine_m_coco.pth", + "model_name": "D‑FINE‑M", + "model_yaml": "./D-FINE/configs/dfine/dfine_hgnetv2_m_coco.yml", + }, + "D‑FINE‑L": { + "model_url": "https://github.com/Peterande/storage/releases/download/dfinev1.0/dfine_l_coco.pth", + "model_filename": "dfine_l_coco.pth", + "model_name": "D‑FINE‑L", + "model_yaml": "./D-FINE/configs/dfine/dfine_hgnetv2_l_coco.yml", + }, + "D‑FINE‑X": { + "model_url": "https://github.com/Peterande/storage/releases/download/dfinev1.0/dfine_x_coco.pth", + "model_filename": "dfine_x_coco.pth", + "model_name": "D‑FINE‑X", + "model_yaml": "./D-FINE/configs/dfine/dfine_hgnetv2_x_coco.yml", + }, +} # noqa: E501 // docs + + +def download_weight(url, model_filename): + run_shell_command( + [ + "wget", + "-O", + model_filename, + url, + ] + ) + + +def run_on_image(model, image_array): + im_pil = Image.fromarray(image_array) + w, h = im_pil.size + orig_size = torch.tensor([[w, h]]).to(DEVICE) + im_data = TRANSFORMS(im_pil).unsqueeze(0).to(DEVICE) + output = model(im_data, orig_size) + labels, boxes, scores = output + class_id = labels.detach().cpu().numpy().astype(int) + xyxy = boxes.detach().cpu().numpy() + confidence = scores.detach().cpu().numpy() + + detections = sv.Detections( + xyxy=xyxy[0], + confidence=confidence[0], + class_id=class_id[0], + ) + return detections + + +def run( + model_ids: List[str], + skip_if_result_exists=False, + dataset: Optional[sv.DetectionDataset] = None, +) -> None: + """ + Run the evaluation for the given models and dataset. + + Arguments: + model_ids: List of model ids to evaluate. Evaluate all models if None. + skip_if_result_exists: If True, skip the evaluation if the result json already exists. + dataset: If provided, use this dataset for evaluation. Otherwise, load the dataset from the default directory. + """ # noqa: E501 // docs + if not model_ids: + model_ids = list(MODEL_DICT.keys()) + + for model_id in model_ids: + print(f"\nEvaluating model: {model_id}") + model_values = MODEL_DICT[model_id] + + if skip_if_result_exists and result_json_already_exists(model_id): + print(f"Skipping {model_id}. Result already exists!") + continue + + if dataset is None: + dataset = load_detections_dataset(DATASET_DIR) + + if not os.path.exists(model_values["model_filename"]): + download_weight(model_values["model_url"], model_values["model_filename"]) + + cfg = YAMLConfig( + model_values["model_yaml"], resume=model_values["model_filename"] + ) + + if "HGNetv2" in cfg.yaml_cfg: + cfg.yaml_cfg["HGNetv2"]["pretrained"] = False + + if model_values["model_filename"]: + checkpoint = torch.load(model_values["model_filename"], map_location=DEVICE) + if "ema" in checkpoint: + state = checkpoint["ema"]["module"] + else: + state = checkpoint["model"] + else: + raise AttributeError("Only support resume to load model.state_dict by now.") + + cfg.model.load_state_dict(state) + + class Model(nn.Module): + def __init__(self): + super().__init__() + self.model = cfg.model.deploy() + self.postprocessor = cfg.postprocessor.deploy() + + def forward(self, images, orig_target_sizes): + outputs = self.model(images) + outputs = self.postprocessor(outputs, orig_target_sizes) + return outputs + + model = Model().to(DEVICE) + + predictions = [] + targets = [] + print("Evaluating...") + for _, image, target_detections in tqdm(dataset, total=len(dataset)): + detections = run_on_image(model, image) + detections = detections[detections.confidence > CONFIDENCE_THRESHOLD] + predictions.append(detections) + targets.append(target_detections) + + mAP_metric = MeanAveragePrecision() + f1_score = F1Score() + + f1_score_result = f1_score.update(predictions, targets).compute() + mAP_result = mAP_metric.update(predictions, targets).compute() + + write_result_json( + model_id=model_id, + model_name=model_values["model_name"], + model=model, + mAP_result=mAP_result, + f1_score_result=f1_score_result, + license_name=LICENSE, + run_parameters=RUN_PARAMETERS, + ) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "model_ids", + nargs="*", + help="Model ids to evaluate. If not provided, evaluate all models.", + ) + parser.add_argument( + "--skip_if_result_exists", + action="store_true", + help="If specified, skip the evaluation if the result json already exists.", + ) + args = parser.parse_args() + + run(args.model_ids, args.skip_if_result_exists) diff --git a/models/object_detection/yolov9/run.py b/models/object_detection/yolov9/run.py index 8e245bf..77c2abb 100644 --- a/models/object_detection/yolov9/run.py +++ b/models/object_detection/yolov9/run.py @@ -51,7 +51,7 @@ LICENSE = "GPL-3.0" DATASET_DIR = "../../../data/coco-val-2017" -REPO_URL = "git@github.com:WongKinYiu/yolov9.git" +REPO_URL = "https://github.com/WongKinYiu/yolov9.git" DEVICE = "0" if torch.cuda.is_available() else "cpu" RUN_PARAMETERS = dict( imgsz=640, diff --git a/static/aggregate_results.js b/static/aggregate_results.js index 54177b0..367d08c 100644 --- a/static/aggregate_results.js +++ b/static/aggregate_results.js @@ -1379,7 +1379,7 @@ const results = [ }, { "metadata": { - "model": "yolov8n", + "model": "yolo11l", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1388,26 +1388,26 @@ const results = [ "conf": 0.001, "verbose": false }, - "param_count": 3151904, - "run_date": "2024-09-30T06:32:40.173555+00:00" + "param_count": 25340992, + "run_date": "2024-09-30T04:54:34.237832+00:00" }, - "map50_95": 0.3611303770616479, - "map50": 0.5177666014570935, - "map75": 0.388387126380927, + "map50_95": 0.5147562882873221, + "map50": 0.6839904587355925, + "map75": 0.5571299310290306, "small_objects": { - "map50_95": 0.11150565665551788, - "map50": 0.19632264884527492, - "map75": 0.10985971360328843 + "map50_95": 0.25158201044278067, + "map50": 0.39475239296356945, + "map75": 0.26968002362096327 }, "medium_objects": { - "map50_95": 0.3105929336216655, - "map50": 0.46338643095145393, - "map75": 0.33699521495942614 + "map50_95": 0.48774699362419505, + "map50": 0.6632413865946212, + "map75": 0.5452545686890365 }, "large_objects": { - "map50_95": 0.4957375632083722, - "map50": 0.6444844850243913, - "map75": 0.5454443748020914 + "map50_95": 0.6470517657071067, + "map50": 0.7779600640444341, + "map75": 0.6957210072646699 }, "iou_thresholds": [ 0.5, @@ -1421,19 +1421,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.10698233161314832, - "f1_75": 0.07878458939906306, + "f1_50": 0.20440283673334628, + "f1_75": 0.16800061165304447, "f1_small_objects": { - "f1_50": 0.06907964501933606, - "f1_75": 0.032859895059074606 + "f1_50": 0.12838758860437663, + "f1_75": 0.08051824127639894 }, "f1_medium_objects": { - "f1_50": 0.11272009898607982, - "f1_75": 0.08271332403179087 + "f1_50": 0.22513181615256014, + "f1_75": 0.1928786307876677 }, "f1_large_objects": { - "f1_50": 0.23796917359688716, - "f1_75": 0.20962535492005602 + "f1_50": 0.43061349820528094, + "f1_75": 0.39734178631268013 }, "f1_iou_thresholds": [ 0.5, @@ -1450,7 +1450,7 @@ const results = [ }, { "metadata": { - "model": "yolov8s", + "model": "yolo11m", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1459,26 +1459,26 @@ const results = [ "conf": 0.001, "verbose": false }, - "param_count": 11156544, - "run_date": "2024-09-30T06:33:22.535125+00:00" + "param_count": 20091712, + "run_date": "2024-09-30T04:53:30.195785+00:00" }, - "map50_95": 0.4349729425921134, - "map50": 0.6035183104744979, - "map75": 0.4662358665420669, + "map50_95": 0.4985730583048321, + "map50": 0.6699705830100839, + "map75": 0.5376791695127155, "small_objects": { - "map50_95": 0.17416252932581736, - "map50": 0.28329632805077193, - "map75": 0.18730061589658759 + "map50_95": 0.22805224522679568, + "map50": 0.3723304589552568, + "map75": 0.23841838347436814 }, "medium_objects": { - "map50_95": 0.3927473756025548, - "map50": 0.5619761425564425, - "map75": 0.4321562895025597 + "map50_95": 0.4683352679615954, + "map50": 0.6442044962270301, + "map75": 0.5241591558978002 }, "large_objects": { - "map50_95": 0.5744762967442364, - "map50": 0.7237009599139812, - "map75": 0.619079570092548 + "map50_95": 0.6293219248438574, + "map50": 0.7694770600502057, + "map75": 0.6737696162239775 }, "iou_thresholds": [ 0.5, @@ -1492,19 +1492,374 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.13518388046628524, - "f1_75": 0.10446977559521267, + "f1_50": 0.18854131028848034, + "f1_75": 0.15301036273016522, + "f1_small_objects": { + "f1_50": 0.12029057828299773, + "f1_75": 0.07346256983574839 + }, + "f1_medium_objects": { + "f1_50": 0.20422795965315566, + "f1_75": 0.17242144004338114 + }, + "f1_large_objects": { + "f1_50": 0.3953382503953057, + "f1_75": 0.3615294340041969 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11n", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 2616248, + "run_date": "2024-09-30T04:51:44.895856+00:00" + }, + "map50_95": 0.38101471012875715, + "map50": 0.5420689478525277, + "map75": 0.40893541969043523, + "small_objects": { + "map50_95": 0.12209245593023066, + "map50": 0.2121499182073053, + "map75": 0.12249037339854629 + }, + "medium_objects": { + "map50_95": 0.32858715819686646, + "map50": 0.49201421385370664, + "map75": 0.362268092057365 + }, + "large_objects": { + "map50_95": 0.5251545363339247, + "map50": 0.6749480759703437, + "map75": 0.5702689924061763 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.11650874695992934, + "f1_75": 0.0858856385108987, + "f1_small_objects": { + "f1_50": 0.07342935358159985, + "f1_75": 0.03511505803273295 + }, + "f1_medium_objects": { + "f1_50": 0.11982411530363851, + "f1_75": 0.08810452711528946 + }, + "f1_large_objects": { + "f1_50": 0.26345516192625706, + "f1_75": 0.23101071713240298 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11s", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 9443760, + "run_date": "2024-09-30T04:52:35.052011+00:00" + }, + "map50_95": 0.4493644542477363, + "map50": 0.6212175850519643, + "map75": 0.48056095776349583, + "small_objects": { + "map50_95": 0.19931556022185712, + "map50": 0.3237633630968639, + "map75": 0.20969857004263245 + }, + "medium_objects": { + "map50_95": 0.4080036543363817, + "map50": 0.5842649531639507, + "map75": 0.4468923289201651 + }, + "large_objects": { + "map50_95": 0.587747111956689, + "map50": 0.7355971142175783, + "map75": 0.6310575939758882 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.148787590075445, + "f1_75": 0.11597982565981851, + "f1_small_objects": { + "f1_50": 0.09206957134807178, + "f1_75": 0.05075351678992609 + }, + "f1_medium_objects": { + "f1_50": 0.15792785643269786, + "f1_75": 0.1253488318944471 + }, + "f1_large_objects": { + "f1_50": 0.33876332227287, + "f1_75": 0.30548670377495346 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11x", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 56919424, + "run_date": "2024-09-30T04:56:12.730134+00:00" + }, + "map50_95": 0.5269240473065516, + "map50": 0.6988729632401882, + "map75": 0.5697211519482316, + "small_objects": { + "map50_95": 0.26812166305097557, + "map50": 0.4174215417524291, + "map75": 0.29117537238356844 + }, + "medium_objects": { + "map50_95": 0.49422186775024707, + "map50": 0.6677738876730264, + "map75": 0.5537819405638407 + }, + "large_objects": { + "map50_95": 0.6509716249782073, + "map50": 0.7860645287527053, + "map75": 0.695369307492311 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.2288031947145225, + "f1_75": 0.19005454140778252, + "f1_small_objects": { + "f1_50": 0.14216929415261406, + "f1_75": 0.09335402326177307 + }, + "f1_medium_objects": { + "f1_50": 0.25589548434833154, + "f1_75": 0.22136433605226533 + }, + "f1_large_objects": { + "f1_50": 0.4725176790746789, + "f1_75": 0.43621725714227966 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolov8l", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 43668288, + "run_date": "2024-09-30T06:35:15.316296+00:00" + }, + "map50_95": 0.511340365673001, + "map50": 0.6818834865949015, + "map75": 0.5532324863098792, + "small_objects": { + "map50_95": 0.25420034505801864, + "map50": 0.39422254063904527, + "map75": 0.2741578959929114 + }, + "medium_objects": { + "map50_95": 0.47948036802038513, + "map50": 0.6528224282542436, + "map75": 0.540699897659841 + }, + "large_objects": { + "map50_95": 0.6474113378937942, + "map50": 0.7814510210320753, + "map75": 0.6937697480248785 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.19692150370964395, + "f1_75": 0.16205969612370527, + "f1_small_objects": { + "f1_50": 0.12147831558000848, + "f1_75": 0.07690569555394208 + }, + "f1_medium_objects": { + "f1_50": 0.2276785910382567, + "f1_75": 0.1948046571431011 + }, + "f1_large_objects": { + "f1_50": 0.42244264160769096, + "f1_75": 0.3904063830680425 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolov8m", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 25886080, + "run_date": "2024-09-30T06:34:13.006465+00:00" + }, + "map50_95": 0.4851253204925955, + "map50": 0.6557256503673925, + "map75": 0.5236159893917905, + "small_objects": { + "map50_95": 0.21859640196504554, + "map50": 0.3504071137413657, + "map75": 0.23282928376835133 + }, + "medium_objects": { + "map50_95": 0.4506484408698307, + "map50": 0.6262982397766818, + "map75": 0.5049348227613952 + }, + "large_objects": { + "map50_95": 0.6211310304595176, + "map50": 0.7621071130332328, + "map75": 0.666788671248503 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.16300311104752332, + "f1_75": 0.1314624094039988, "f1_small_objects": { - "f1_50": 0.08452111230697007, - "f1_75": 0.0455729041484357 + "f1_50": 0.10155915188690072, + "f1_75": 0.06138212056778542 }, "f1_medium_objects": { - "f1_50": 0.15182428390716582, - "f1_75": 0.12109522673285078 + "f1_50": 0.18639424894701012, + "f1_75": 0.15528175138232014 }, "f1_large_objects": { - "f1_50": 0.3156688849946123, - "f1_75": 0.28307972310831314 + "f1_50": 0.37174894906352224, + "f1_75": 0.3404154849364739 }, "f1_iou_thresholds": [ 0.5, @@ -1521,7 +1876,7 @@ const results = [ }, { "metadata": { - "model": "yolov8m", + "model": "yolov8n", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1530,26 +1885,26 @@ const results = [ "conf": 0.001, "verbose": false }, - "param_count": 25886080, - "run_date": "2024-09-30T06:34:13.006465+00:00" + "param_count": 3151904, + "run_date": "2024-09-30T06:32:40.173555+00:00" }, - "map50_95": 0.4851253204925955, - "map50": 0.6557256503673925, - "map75": 0.5236159893917905, + "map50_95": 0.3611303770616479, + "map50": 0.5177666014570935, + "map75": 0.388387126380927, "small_objects": { - "map50_95": 0.21859640196504554, - "map50": 0.3504071137413657, - "map75": 0.23282928376835133 + "map50_95": 0.11150565665551788, + "map50": 0.19632264884527492, + "map75": 0.10985971360328843 }, "medium_objects": { - "map50_95": 0.4506484408698307, - "map50": 0.6262982397766818, - "map75": 0.5049348227613952 + "map50_95": 0.3105929336216655, + "map50": 0.46338643095145393, + "map75": 0.33699521495942614 }, "large_objects": { - "map50_95": 0.6211310304595176, - "map50": 0.7621071130332328, - "map75": 0.666788671248503 + "map50_95": 0.4957375632083722, + "map50": 0.6444844850243913, + "map75": 0.5454443748020914 }, "iou_thresholds": [ 0.5, @@ -1563,19 +1918,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.16300311104752332, - "f1_75": 0.1314624094039988, + "f1_50": 0.10698233161314832, + "f1_75": 0.07878458939906306, "f1_small_objects": { - "f1_50": 0.10155915188690072, - "f1_75": 0.06138212056778542 + "f1_50": 0.06907964501933606, + "f1_75": 0.032859895059074606 }, "f1_medium_objects": { - "f1_50": 0.18639424894701012, - "f1_75": 0.15528175138232014 + "f1_50": 0.11272009898607982, + "f1_75": 0.08271332403179087 }, "f1_large_objects": { - "f1_50": 0.37174894906352224, - "f1_75": 0.3404154849364739 + "f1_50": 0.23796917359688716, + "f1_75": 0.20962535492005602 }, "f1_iou_thresholds": [ 0.5, @@ -1592,7 +1947,7 @@ const results = [ }, { "metadata": { - "model": "yolov8l", + "model": "yolov8s", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1601,26 +1956,26 @@ const results = [ "conf": 0.001, "verbose": false }, - "param_count": 43668288, - "run_date": "2024-09-30T06:35:15.316296+00:00" + "param_count": 11156544, + "run_date": "2024-09-30T06:33:22.535125+00:00" }, - "map50_95": 0.511340365673001, - "map50": 0.6818834865949015, - "map75": 0.5532324863098792, + "map50_95": 0.4349729425921134, + "map50": 0.6035183104744979, + "map75": 0.4662358665420669, "small_objects": { - "map50_95": 0.25420034505801864, - "map50": 0.39422254063904527, - "map75": 0.2741578959929114 + "map50_95": 0.17416252932581736, + "map50": 0.28329632805077193, + "map75": 0.18730061589658759 }, "medium_objects": { - "map50_95": 0.47948036802038513, - "map50": 0.6528224282542436, - "map75": 0.540699897659841 + "map50_95": 0.3927473756025548, + "map50": 0.5619761425564425, + "map75": 0.4321562895025597 }, "large_objects": { - "map50_95": 0.6474113378937942, - "map50": 0.7814510210320753, - "map75": 0.6937697480248785 + "map50_95": 0.5744762967442364, + "map50": 0.7237009599139812, + "map75": 0.619079570092548 }, "iou_thresholds": [ 0.5, @@ -1634,19 +1989,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.19692150370964395, - "f1_75": 0.16205969612370527, + "f1_50": 0.13518388046628524, + "f1_75": 0.10446977559521267, "f1_small_objects": { - "f1_50": 0.12147831558000848, - "f1_75": 0.07690569555394208 + "f1_50": 0.08452111230697007, + "f1_75": 0.0455729041484357 }, "f1_medium_objects": { - "f1_50": 0.2276785910382567, - "f1_75": 0.1948046571431011 + "f1_50": 0.15182428390716582, + "f1_75": 0.12109522673285078 }, "f1_large_objects": { - "f1_50": 0.42244264160769096, - "f1_75": 0.3904063830680425 + "f1_50": 0.3156688849946123, + "f1_75": 0.28307972310831314 }, "f1_iou_thresholds": [ 0.5, @@ -1734,35 +2089,32 @@ const results = [ }, { "metadata": { - "model": "yolo11l", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011N", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 25340992, - "run_date": "2024-09-30T04:54:34.237832+00:00" + "param_count": 3753799, + "run_date": "2024-11-30T14:53:36.827013+00:00" }, - "map50_95": 0.5147562882873221, - "map50": 0.6839904587355925, - "map75": 0.5571299310290306, + "map50_95": 0.41166844751896103, + "map50": 0.5804468688476232, + "map75": 0.44032133935943624, "small_objects": { - "map50_95": 0.25158201044278067, - "map50": 0.39475239296356945, - "map75": 0.26968002362096327 + "map50_95": 0.14772166810764642, + "map50": 0.25995371220767033, + "map75": 0.15252458599054255 }, "medium_objects": { - "map50_95": 0.48774699362419505, - "map50": 0.6632413865946212, - "map75": 0.5452545686890365 + "map50_95": 0.35285141528183744, + "map50": 0.5253203750965515, + "map75": 0.3862506701611196 }, "large_objects": { - "map50_95": 0.6470517657071067, - "map50": 0.7779600640444341, - "map75": 0.6957210072646699 + "map50_95": 0.5746650046013381, + "map50": 0.7198294931560041, + "map75": 0.6225356620937137 }, "iou_thresholds": [ 0.5, @@ -1776,19 +2128,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.20440283673334628, - "f1_75": 0.16800061165304447, + "f1_50": 0.05058755898129688, + "f1_75": 0.037554961513929404, "f1_small_objects": { - "f1_50": 0.12838758860437663, - "f1_75": 0.08051824127639894 + "f1_50": 0.04851364560060535, + "f1_75": 0.021423510193421754 }, "f1_medium_objects": { - "f1_50": 0.22513181615256014, - "f1_75": 0.1928786307876677 + "f1_50": 0.0776416142825443, + "f1_75": 0.06009583714479435 }, "f1_large_objects": { - "f1_50": 0.43061349820528094, - "f1_75": 0.39734178631268013 + "f1_50": 0.07216459506892758, + "f1_75": 0.06711776075482231 }, "f1_iou_thresholds": [ 0.5, @@ -1805,35 +2157,32 @@ const results = [ }, { "metadata": { - "model": "yolo11m", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011S", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 20091712, - "run_date": "2024-09-30T04:53:30.195785+00:00" + "param_count": 10237491, + "run_date": "2024-11-30T15:25:06.497738+00:00" }, - "map50_95": 0.4985730583048321, - "map50": 0.6699705830100839, - "map75": 0.5376791695127155, + "map50_95": 0.4667940572641105, + "map50": 0.6315233422975106, + "map75": 0.5075257211881392, "small_objects": { - "map50_95": 0.22805224522679568, - "map50": 0.3723304589552568, - "map75": 0.23841838347436814 + "map50_95": 0.2023262851372202, + "map50": 0.32968181064456004, + "map75": 0.21768401657888195 }, "medium_objects": { - "map50_95": 0.4683352679615954, - "map50": 0.6442044962270301, - "map75": 0.5241591558978002 + "map50_95": 0.41703368286419307, + "map50": 0.5832924172471692, + "map75": 0.4675721643466931 }, "large_objects": { - "map50_95": 0.6293219248438574, - "map50": 0.7694770600502057, - "map75": 0.6737696162239775 + "map50_95": 0.612227433009285, + "map50": 0.7454489601512843, + "map75": 0.6625822766791043 }, "iou_thresholds": [ 0.5, @@ -1847,19 +2196,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.18854131028848034, - "f1_75": 0.15301036273016522, + "f1_50": 0.053318704601921355, + "f1_75": 0.04302370379707862, "f1_small_objects": { - "f1_50": 0.12029057828299773, - "f1_75": 0.07346256983574839 + "f1_50": 0.05341393465811958, + "f1_75": 0.03234633429835207 }, "f1_medium_objects": { - "f1_50": 0.20422795965315566, - "f1_75": 0.17242144004338114 + "f1_50": 0.08474685091911431, + "f1_75": 0.0709119555892223 }, "f1_large_objects": { - "f1_50": 0.3953382503953057, - "f1_75": 0.3615294340041969 + "f1_50": 0.07746434221415874, + "f1_75": 0.07309819351528968 }, "f1_iou_thresholds": [ 0.5, @@ -1876,35 +2225,32 @@ const results = [ }, { "metadata": { - "model": "yolo11s", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011M", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 9443760, - "run_date": "2024-09-30T04:52:35.052011+00:00" + "param_count": 19248189, + "run_date": "2024-11-30T15:27:16.048157+00:00" }, - "map50_95": 0.4493644542477363, - "map50": 0.6212175850519643, - "map75": 0.48056095776349583, + "map50_95": 0.5058476134984426, + "map50": 0.6784489386840735, + "map75": 0.5458102809213676, "small_objects": { - "map50_95": 0.19931556022185712, - "map50": 0.3237633630968639, - "map75": 0.20969857004263245 + "map50_95": 0.22101506894321837, + "map50": 0.35919423860167804, + "map75": 0.23411438906708412 }, "medium_objects": { - "map50_95": 0.4080036543363817, - "map50": 0.5842649531639507, - "map75": 0.4468923289201651 + "map50_95": 0.4625887037623695, + "map50": 0.6360438151828612, + "map75": 0.5153654469224979 }, "large_objects": { - "map50_95": 0.587747111956689, - "map50": 0.7355971142175783, - "map75": 0.6310575939758882 + "map50_95": 0.6525501696792834, + "map50": 0.7865990282572766, + "map75": 0.7028242508843852 }, "iou_thresholds": [ 0.5, @@ -1918,19 +2264,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.148787590075445, - "f1_75": 0.11597982565981851, + "f1_50": 0.05439085557470057, + "f1_75": 0.04462990245971832, "f1_small_objects": { - "f1_50": 0.09206957134807178, - "f1_75": 0.05075351678992609 + "f1_50": 0.054219329911978476, + "f1_75": 0.033933781321204996 }, "f1_medium_objects": { - "f1_50": 0.15792785643269786, - "f1_75": 0.1253488318944471 + "f1_50": 0.09002828069737208, + "f1_75": 0.07714710066070882 }, "f1_large_objects": { - "f1_50": 0.33876332227287, - "f1_75": 0.30548670377495346 + "f1_50": 0.07786530182363084, + "f1_75": 0.07370602951705649 }, "f1_iou_thresholds": [ 0.5, @@ -1947,35 +2293,32 @@ const results = [ }, { "metadata": { - "model": "yolo11x", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011L", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 56919424, - "run_date": "2024-09-30T04:56:12.730134+00:00" + "param_count": 30724195, + "run_date": "2024-11-30T15:31:29.563018+00:00" }, - "map50_95": 0.5269240473065516, - "map50": 0.6988729632401882, - "map75": 0.5697211519482316, + "map50_95": 0.5219932815159587, + "map50": 0.6952979708509999, + "map75": 0.5653622772704325, "small_objects": { - "map50_95": 0.26812166305097557, - "map50": 0.4174215417524291, - "map75": 0.29117537238356844 + "map50_95": 0.2477807526608342, + "map50": 0.39281358142909667, + "map75": 0.2682646010589643 }, "medium_objects": { - "map50_95": 0.49422186775024707, - "map50": 0.6677738876730264, - "map75": 0.5537819405638407 + "map50_95": 0.4757793179580914, + "map50": 0.6506829538892683, + "map75": 0.5321307963239714 }, "large_objects": { - "map50_95": 0.6509716249782073, - "map50": 0.7860645287527053, - "map75": 0.695369307492311 + "map50_95": 0.6679411840312329, + "map50": 0.7990835690433563, + "map75": 0.7183590809069729 }, "iou_thresholds": [ 0.5, @@ -1989,19 +2332,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.2288031947145225, - "f1_75": 0.19005454140778252, + "f1_50": 0.055112414649932884, + "f1_75": 0.045577933029039445, "f1_small_objects": { - "f1_50": 0.14216929415261406, - "f1_75": 0.09335402326177307 + "f1_50": 0.0538862414751944, + "f1_75": 0.03414610933748649 }, "f1_medium_objects": { - "f1_50": 0.25589548434833154, - "f1_75": 0.22136433605226533 + "f1_50": 0.09175005181275003, + "f1_75": 0.07934473563523216 }, "f1_large_objects": { - "f1_50": 0.4725176790746789, - "f1_75": 0.43621725714227966 + "f1_50": 0.08174917885040568, + "f1_75": 0.07779861089961485 }, "f1_iou_thresholds": [ 0.5, @@ -2018,35 +2361,32 @@ const results = [ }, { "metadata": { - "model": "yolo11n", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011X", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 2616248, - "run_date": "2024-09-30T04:51:44.895856+00:00" + "param_count": 61601635, + "run_date": "2024-11-30T15:34:31.249037+00:00" }, - "map50_95": 0.38101471012875715, - "map50": 0.5420689478525277, - "map75": 0.40893541969043523, + "map50_95": 0.5412884800986779, + "map50": 0.7166391180688009, + "map75": 0.5843090799180614, "small_objects": { - "map50_95": 0.12209245593023066, - "map50": 0.2121499182073053, - "map75": 0.12249037339854629 + "map50_95": 0.26577391016604135, + "map50": 0.4204213608890482, + "map75": 0.2849821329125042 }, "medium_objects": { - "map50_95": 0.32858715819686646, - "map50": 0.49201421385370664, - "map75": 0.362268092057365 + "map50_95": 0.49187707994641156, + "map50": 0.667776251420199, + "map75": 0.5506275489522772 }, "large_objects": { - "map50_95": 0.5251545363339247, - "map50": 0.6749480759703437, - "map75": 0.5702689924061763 + "map50_95": 0.6894573901354175, + "map50": 0.8207794964547676, + "map75": 0.7393501736230832 }, "iou_thresholds": [ 0.5, @@ -2060,19 +2400,19 @@ const results = [ 0.8999999999999999, 0.95 ], - "f1_50": 0.11650874695992934, - "f1_75": 0.0858856385108987, + "f1_50": 0.05502261232306097, + "f1_75": 0.045594707812090164, "f1_small_objects": { - "f1_50": 0.07342935358159985, - "f1_75": 0.03511505803273295 + "f1_50": 0.05357001873043499, + "f1_75": 0.033972001296026455 }, "f1_medium_objects": { - "f1_50": 0.11982411530363851, - "f1_75": 0.08810452711528946 + "f1_50": 0.09390118651490137, + "f1_75": 0.08149773985318125 }, "f1_large_objects": { - "f1_50": 0.26345516192625706, - "f1_75": 0.23101071713240298 + "f1_50": 0.08145177470815365, + "f1_75": 0.07772815532345857 }, "f1_iou_thresholds": [ 0.5, diff --git a/static/aggregate_results.json b/static/aggregate_results.json index b613069..81a98c1 100644 --- a/static/aggregate_results.json +++ b/static/aggregate_results.json @@ -1379,7 +1379,7 @@ }, { "metadata": { - "model": "yolov8n", + "model": "yolo11l", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1388,26 +1388,26 @@ "conf": 0.001, "verbose": false }, - "param_count": 3151904, - "run_date": "2024-09-30T06:32:40.173555+00:00" + "param_count": 25340992, + "run_date": "2024-09-30T04:54:34.237832+00:00" }, - "map50_95": 0.3611303770616479, - "map50": 0.5177666014570935, - "map75": 0.388387126380927, + "map50_95": 0.5147562882873221, + "map50": 0.6839904587355925, + "map75": 0.5571299310290306, "small_objects": { - "map50_95": 0.11150565665551788, - "map50": 0.19632264884527492, - "map75": 0.10985971360328843 + "map50_95": 0.25158201044278067, + "map50": 0.39475239296356945, + "map75": 0.26968002362096327 }, "medium_objects": { - "map50_95": 0.3105929336216655, - "map50": 0.46338643095145393, - "map75": 0.33699521495942614 + "map50_95": 0.48774699362419505, + "map50": 0.6632413865946212, + "map75": 0.5452545686890365 }, "large_objects": { - "map50_95": 0.4957375632083722, - "map50": 0.6444844850243913, - "map75": 0.5454443748020914 + "map50_95": 0.6470517657071067, + "map50": 0.7779600640444341, + "map75": 0.6957210072646699 }, "iou_thresholds": [ 0.5, @@ -1421,19 +1421,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.10698233161314832, - "f1_75": 0.07878458939906306, + "f1_50": 0.20440283673334628, + "f1_75": 0.16800061165304447, "f1_small_objects": { - "f1_50": 0.06907964501933606, - "f1_75": 0.032859895059074606 + "f1_50": 0.12838758860437663, + "f1_75": 0.08051824127639894 }, "f1_medium_objects": { - "f1_50": 0.11272009898607982, - "f1_75": 0.08271332403179087 + "f1_50": 0.22513181615256014, + "f1_75": 0.1928786307876677 }, "f1_large_objects": { - "f1_50": 0.23796917359688716, - "f1_75": 0.20962535492005602 + "f1_50": 0.43061349820528094, + "f1_75": 0.39734178631268013 }, "f1_iou_thresholds": [ 0.5, @@ -1450,7 +1450,7 @@ }, { "metadata": { - "model": "yolov8s", + "model": "yolo11m", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1459,26 +1459,26 @@ "conf": 0.001, "verbose": false }, - "param_count": 11156544, - "run_date": "2024-09-30T06:33:22.535125+00:00" + "param_count": 20091712, + "run_date": "2024-09-30T04:53:30.195785+00:00" }, - "map50_95": 0.4349729425921134, - "map50": 0.6035183104744979, - "map75": 0.4662358665420669, + "map50_95": 0.4985730583048321, + "map50": 0.6699705830100839, + "map75": 0.5376791695127155, "small_objects": { - "map50_95": 0.17416252932581736, - "map50": 0.28329632805077193, - "map75": 0.18730061589658759 + "map50_95": 0.22805224522679568, + "map50": 0.3723304589552568, + "map75": 0.23841838347436814 }, "medium_objects": { - "map50_95": 0.3927473756025548, - "map50": 0.5619761425564425, - "map75": 0.4321562895025597 + "map50_95": 0.4683352679615954, + "map50": 0.6442044962270301, + "map75": 0.5241591558978002 }, "large_objects": { - "map50_95": 0.5744762967442364, - "map50": 0.7237009599139812, - "map75": 0.619079570092548 + "map50_95": 0.6293219248438574, + "map50": 0.7694770600502057, + "map75": 0.6737696162239775 }, "iou_thresholds": [ 0.5, @@ -1492,19 +1492,374 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.13518388046628524, - "f1_75": 0.10446977559521267, + "f1_50": 0.18854131028848034, + "f1_75": 0.15301036273016522, + "f1_small_objects": { + "f1_50": 0.12029057828299773, + "f1_75": 0.07346256983574839 + }, + "f1_medium_objects": { + "f1_50": 0.20422795965315566, + "f1_75": 0.17242144004338114 + }, + "f1_large_objects": { + "f1_50": 0.3953382503953057, + "f1_75": 0.3615294340041969 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11n", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 2616248, + "run_date": "2024-09-30T04:51:44.895856+00:00" + }, + "map50_95": 0.38101471012875715, + "map50": 0.5420689478525277, + "map75": 0.40893541969043523, + "small_objects": { + "map50_95": 0.12209245593023066, + "map50": 0.2121499182073053, + "map75": 0.12249037339854629 + }, + "medium_objects": { + "map50_95": 0.32858715819686646, + "map50": 0.49201421385370664, + "map75": 0.362268092057365 + }, + "large_objects": { + "map50_95": 0.5251545363339247, + "map50": 0.6749480759703437, + "map75": 0.5702689924061763 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.11650874695992934, + "f1_75": 0.0858856385108987, + "f1_small_objects": { + "f1_50": 0.07342935358159985, + "f1_75": 0.03511505803273295 + }, + "f1_medium_objects": { + "f1_50": 0.11982411530363851, + "f1_75": 0.08810452711528946 + }, + "f1_large_objects": { + "f1_50": 0.26345516192625706, + "f1_75": 0.23101071713240298 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11s", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 9443760, + "run_date": "2024-09-30T04:52:35.052011+00:00" + }, + "map50_95": 0.4493644542477363, + "map50": 0.6212175850519643, + "map75": 0.48056095776349583, + "small_objects": { + "map50_95": 0.19931556022185712, + "map50": 0.3237633630968639, + "map75": 0.20969857004263245 + }, + "medium_objects": { + "map50_95": 0.4080036543363817, + "map50": 0.5842649531639507, + "map75": 0.4468923289201651 + }, + "large_objects": { + "map50_95": 0.587747111956689, + "map50": 0.7355971142175783, + "map75": 0.6310575939758882 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.148787590075445, + "f1_75": 0.11597982565981851, + "f1_small_objects": { + "f1_50": 0.09206957134807178, + "f1_75": 0.05075351678992609 + }, + "f1_medium_objects": { + "f1_50": 0.15792785643269786, + "f1_75": 0.1253488318944471 + }, + "f1_large_objects": { + "f1_50": 0.33876332227287, + "f1_75": 0.30548670377495346 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolo11x", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 56919424, + "run_date": "2024-09-30T04:56:12.730134+00:00" + }, + "map50_95": 0.5269240473065516, + "map50": 0.6988729632401882, + "map75": 0.5697211519482316, + "small_objects": { + "map50_95": 0.26812166305097557, + "map50": 0.4174215417524291, + "map75": 0.29117537238356844 + }, + "medium_objects": { + "map50_95": 0.49422186775024707, + "map50": 0.6677738876730264, + "map75": 0.5537819405638407 + }, + "large_objects": { + "map50_95": 0.6509716249782073, + "map50": 0.7860645287527053, + "map75": 0.695369307492311 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.2288031947145225, + "f1_75": 0.19005454140778252, + "f1_small_objects": { + "f1_50": 0.14216929415261406, + "f1_75": 0.09335402326177307 + }, + "f1_medium_objects": { + "f1_50": 0.25589548434833154, + "f1_75": 0.22136433605226533 + }, + "f1_large_objects": { + "f1_50": 0.4725176790746789, + "f1_75": 0.43621725714227966 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolov8l", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 43668288, + "run_date": "2024-09-30T06:35:15.316296+00:00" + }, + "map50_95": 0.511340365673001, + "map50": 0.6818834865949015, + "map75": 0.5532324863098792, + "small_objects": { + "map50_95": 0.25420034505801864, + "map50": 0.39422254063904527, + "map75": 0.2741578959929114 + }, + "medium_objects": { + "map50_95": 0.47948036802038513, + "map50": 0.6528224282542436, + "map75": 0.540699897659841 + }, + "large_objects": { + "map50_95": 0.6474113378937942, + "map50": 0.7814510210320753, + "map75": 0.6937697480248785 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.19692150370964395, + "f1_75": 0.16205969612370527, + "f1_small_objects": { + "f1_50": 0.12147831558000848, + "f1_75": 0.07690569555394208 + }, + "f1_medium_objects": { + "f1_50": 0.2276785910382567, + "f1_75": 0.1948046571431011 + }, + "f1_large_objects": { + "f1_50": 0.42244264160769096, + "f1_75": 0.3904063830680425 + }, + "f1_iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ] + }, + { + "metadata": { + "model": "yolov8m", + "license": "APGL-3.0", + "run_parameters": { + "imgsz": 640, + "iou": 0.6, + "max_det": 300, + "conf": 0.001, + "verbose": false + }, + "param_count": 25886080, + "run_date": "2024-09-30T06:34:13.006465+00:00" + }, + "map50_95": 0.4851253204925955, + "map50": 0.6557256503673925, + "map75": 0.5236159893917905, + "small_objects": { + "map50_95": 0.21859640196504554, + "map50": 0.3504071137413657, + "map75": 0.23282928376835133 + }, + "medium_objects": { + "map50_95": 0.4506484408698307, + "map50": 0.6262982397766818, + "map75": 0.5049348227613952 + }, + "large_objects": { + "map50_95": 0.6211310304595176, + "map50": 0.7621071130332328, + "map75": 0.666788671248503 + }, + "iou_thresholds": [ + 0.5, + 0.55, + 0.6, + 0.65, + 0.7, + 0.75, + 0.8, + 0.85, + 0.8999999999999999, + 0.95 + ], + "f1_50": 0.16300311104752332, + "f1_75": 0.1314624094039988, "f1_small_objects": { - "f1_50": 0.08452111230697007, - "f1_75": 0.0455729041484357 + "f1_50": 0.10155915188690072, + "f1_75": 0.06138212056778542 }, "f1_medium_objects": { - "f1_50": 0.15182428390716582, - "f1_75": 0.12109522673285078 + "f1_50": 0.18639424894701012, + "f1_75": 0.15528175138232014 }, "f1_large_objects": { - "f1_50": 0.3156688849946123, - "f1_75": 0.28307972310831314 + "f1_50": 0.37174894906352224, + "f1_75": 0.3404154849364739 }, "f1_iou_thresholds": [ 0.5, @@ -1521,7 +1876,7 @@ }, { "metadata": { - "model": "yolov8m", + "model": "yolov8n", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1530,26 +1885,26 @@ "conf": 0.001, "verbose": false }, - "param_count": 25886080, - "run_date": "2024-09-30T06:34:13.006465+00:00" + "param_count": 3151904, + "run_date": "2024-09-30T06:32:40.173555+00:00" }, - "map50_95": 0.4851253204925955, - "map50": 0.6557256503673925, - "map75": 0.5236159893917905, + "map50_95": 0.3611303770616479, + "map50": 0.5177666014570935, + "map75": 0.388387126380927, "small_objects": { - "map50_95": 0.21859640196504554, - "map50": 0.3504071137413657, - "map75": 0.23282928376835133 + "map50_95": 0.11150565665551788, + "map50": 0.19632264884527492, + "map75": 0.10985971360328843 }, "medium_objects": { - "map50_95": 0.4506484408698307, - "map50": 0.6262982397766818, - "map75": 0.5049348227613952 + "map50_95": 0.3105929336216655, + "map50": 0.46338643095145393, + "map75": 0.33699521495942614 }, "large_objects": { - "map50_95": 0.6211310304595176, - "map50": 0.7621071130332328, - "map75": 0.666788671248503 + "map50_95": 0.4957375632083722, + "map50": 0.6444844850243913, + "map75": 0.5454443748020914 }, "iou_thresholds": [ 0.5, @@ -1563,19 +1918,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.16300311104752332, - "f1_75": 0.1314624094039988, + "f1_50": 0.10698233161314832, + "f1_75": 0.07878458939906306, "f1_small_objects": { - "f1_50": 0.10155915188690072, - "f1_75": 0.06138212056778542 + "f1_50": 0.06907964501933606, + "f1_75": 0.032859895059074606 }, "f1_medium_objects": { - "f1_50": 0.18639424894701012, - "f1_75": 0.15528175138232014 + "f1_50": 0.11272009898607982, + "f1_75": 0.08271332403179087 }, "f1_large_objects": { - "f1_50": 0.37174894906352224, - "f1_75": 0.3404154849364739 + "f1_50": 0.23796917359688716, + "f1_75": 0.20962535492005602 }, "f1_iou_thresholds": [ 0.5, @@ -1592,7 +1947,7 @@ }, { "metadata": { - "model": "yolov8l", + "model": "yolov8s", "license": "APGL-3.0", "run_parameters": { "imgsz": 640, @@ -1601,26 +1956,26 @@ "conf": 0.001, "verbose": false }, - "param_count": 43668288, - "run_date": "2024-09-30T06:35:15.316296+00:00" + "param_count": 11156544, + "run_date": "2024-09-30T06:33:22.535125+00:00" }, - "map50_95": 0.511340365673001, - "map50": 0.6818834865949015, - "map75": 0.5532324863098792, + "map50_95": 0.4349729425921134, + "map50": 0.6035183104744979, + "map75": 0.4662358665420669, "small_objects": { - "map50_95": 0.25420034505801864, - "map50": 0.39422254063904527, - "map75": 0.2741578959929114 + "map50_95": 0.17416252932581736, + "map50": 0.28329632805077193, + "map75": 0.18730061589658759 }, "medium_objects": { - "map50_95": 0.47948036802038513, - "map50": 0.6528224282542436, - "map75": 0.540699897659841 + "map50_95": 0.3927473756025548, + "map50": 0.5619761425564425, + "map75": 0.4321562895025597 }, "large_objects": { - "map50_95": 0.6474113378937942, - "map50": 0.7814510210320753, - "map75": 0.6937697480248785 + "map50_95": 0.5744762967442364, + "map50": 0.7237009599139812, + "map75": 0.619079570092548 }, "iou_thresholds": [ 0.5, @@ -1634,19 +1989,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.19692150370964395, - "f1_75": 0.16205969612370527, + "f1_50": 0.13518388046628524, + "f1_75": 0.10446977559521267, "f1_small_objects": { - "f1_50": 0.12147831558000848, - "f1_75": 0.07690569555394208 + "f1_50": 0.08452111230697007, + "f1_75": 0.0455729041484357 }, "f1_medium_objects": { - "f1_50": 0.2276785910382567, - "f1_75": 0.1948046571431011 + "f1_50": 0.15182428390716582, + "f1_75": 0.12109522673285078 }, "f1_large_objects": { - "f1_50": 0.42244264160769096, - "f1_75": 0.3904063830680425 + "f1_50": 0.3156688849946123, + "f1_75": 0.28307972310831314 }, "f1_iou_thresholds": [ 0.5, @@ -1734,35 +2089,32 @@ }, { "metadata": { - "model": "yolo11l", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011N", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 25340992, - "run_date": "2024-09-30T04:54:34.237832+00:00" + "param_count": 3753799, + "run_date": "2024-11-30T14:53:36.827013+00:00" }, - "map50_95": 0.5147562882873221, - "map50": 0.6839904587355925, - "map75": 0.5571299310290306, + "map50_95": 0.41166844751896103, + "map50": 0.5804468688476232, + "map75": 0.44032133935943624, "small_objects": { - "map50_95": 0.25158201044278067, - "map50": 0.39475239296356945, - "map75": 0.26968002362096327 + "map50_95": 0.14772166810764642, + "map50": 0.25995371220767033, + "map75": 0.15252458599054255 }, "medium_objects": { - "map50_95": 0.48774699362419505, - "map50": 0.6632413865946212, - "map75": 0.5452545686890365 + "map50_95": 0.35285141528183744, + "map50": 0.5253203750965515, + "map75": 0.3862506701611196 }, "large_objects": { - "map50_95": 0.6470517657071067, - "map50": 0.7779600640444341, - "map75": 0.6957210072646699 + "map50_95": 0.5746650046013381, + "map50": 0.7198294931560041, + "map75": 0.6225356620937137 }, "iou_thresholds": [ 0.5, @@ -1776,19 +2128,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.20440283673334628, - "f1_75": 0.16800061165304447, + "f1_50": 0.05058755898129688, + "f1_75": 0.037554961513929404, "f1_small_objects": { - "f1_50": 0.12838758860437663, - "f1_75": 0.08051824127639894 + "f1_50": 0.04851364560060535, + "f1_75": 0.021423510193421754 }, "f1_medium_objects": { - "f1_50": 0.22513181615256014, - "f1_75": 0.1928786307876677 + "f1_50": 0.0776416142825443, + "f1_75": 0.06009583714479435 }, "f1_large_objects": { - "f1_50": 0.43061349820528094, - "f1_75": 0.39734178631268013 + "f1_50": 0.07216459506892758, + "f1_75": 0.06711776075482231 }, "f1_iou_thresholds": [ 0.5, @@ -1805,35 +2157,32 @@ }, { "metadata": { - "model": "yolo11m", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011S", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 20091712, - "run_date": "2024-09-30T04:53:30.195785+00:00" + "param_count": 10237491, + "run_date": "2024-11-30T15:25:06.497738+00:00" }, - "map50_95": 0.4985730583048321, - "map50": 0.6699705830100839, - "map75": 0.5376791695127155, + "map50_95": 0.4667940572641105, + "map50": 0.6315233422975106, + "map75": 0.5075257211881392, "small_objects": { - "map50_95": 0.22805224522679568, - "map50": 0.3723304589552568, - "map75": 0.23841838347436814 + "map50_95": 0.2023262851372202, + "map50": 0.32968181064456004, + "map75": 0.21768401657888195 }, "medium_objects": { - "map50_95": 0.4683352679615954, - "map50": 0.6442044962270301, - "map75": 0.5241591558978002 + "map50_95": 0.41703368286419307, + "map50": 0.5832924172471692, + "map75": 0.4675721643466931 }, "large_objects": { - "map50_95": 0.6293219248438574, - "map50": 0.7694770600502057, - "map75": 0.6737696162239775 + "map50_95": 0.612227433009285, + "map50": 0.7454489601512843, + "map75": 0.6625822766791043 }, "iou_thresholds": [ 0.5, @@ -1847,19 +2196,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.18854131028848034, - "f1_75": 0.15301036273016522, + "f1_50": 0.053318704601921355, + "f1_75": 0.04302370379707862, "f1_small_objects": { - "f1_50": 0.12029057828299773, - "f1_75": 0.07346256983574839 + "f1_50": 0.05341393465811958, + "f1_75": 0.03234633429835207 }, "f1_medium_objects": { - "f1_50": 0.20422795965315566, - "f1_75": 0.17242144004338114 + "f1_50": 0.08474685091911431, + "f1_75": 0.0709119555892223 }, "f1_large_objects": { - "f1_50": 0.3953382503953057, - "f1_75": 0.3615294340041969 + "f1_50": 0.07746434221415874, + "f1_75": 0.07309819351528968 }, "f1_iou_thresholds": [ 0.5, @@ -1876,35 +2225,32 @@ }, { "metadata": { - "model": "yolo11s", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011M", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 9443760, - "run_date": "2024-09-30T04:52:35.052011+00:00" + "param_count": 19248189, + "run_date": "2024-11-30T15:27:16.048157+00:00" }, - "map50_95": 0.4493644542477363, - "map50": 0.6212175850519643, - "map75": 0.48056095776349583, + "map50_95": 0.5058476134984426, + "map50": 0.6784489386840735, + "map75": 0.5458102809213676, "small_objects": { - "map50_95": 0.19931556022185712, - "map50": 0.3237633630968639, - "map75": 0.20969857004263245 + "map50_95": 0.22101506894321837, + "map50": 0.35919423860167804, + "map75": 0.23411438906708412 }, "medium_objects": { - "map50_95": 0.4080036543363817, - "map50": 0.5842649531639507, - "map75": 0.4468923289201651 + "map50_95": 0.4625887037623695, + "map50": 0.6360438151828612, + "map75": 0.5153654469224979 }, "large_objects": { - "map50_95": 0.587747111956689, - "map50": 0.7355971142175783, - "map75": 0.6310575939758882 + "map50_95": 0.6525501696792834, + "map50": 0.7865990282572766, + "map75": 0.7028242508843852 }, "iou_thresholds": [ 0.5, @@ -1918,19 +2264,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.148787590075445, - "f1_75": 0.11597982565981851, + "f1_50": 0.05439085557470057, + "f1_75": 0.04462990245971832, "f1_small_objects": { - "f1_50": 0.09206957134807178, - "f1_75": 0.05075351678992609 + "f1_50": 0.054219329911978476, + "f1_75": 0.033933781321204996 }, "f1_medium_objects": { - "f1_50": 0.15792785643269786, - "f1_75": 0.1253488318944471 + "f1_50": 0.09002828069737208, + "f1_75": 0.07714710066070882 }, "f1_large_objects": { - "f1_50": 0.33876332227287, - "f1_75": 0.30548670377495346 + "f1_50": 0.07786530182363084, + "f1_75": 0.07370602951705649 }, "f1_iou_thresholds": [ 0.5, @@ -1947,35 +2293,32 @@ }, { "metadata": { - "model": "yolo11x", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011L", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 56919424, - "run_date": "2024-09-30T04:56:12.730134+00:00" + "param_count": 30724195, + "run_date": "2024-11-30T15:31:29.563018+00:00" }, - "map50_95": 0.5269240473065516, - "map50": 0.6988729632401882, - "map75": 0.5697211519482316, + "map50_95": 0.5219932815159587, + "map50": 0.6952979708509999, + "map75": 0.5653622772704325, "small_objects": { - "map50_95": 0.26812166305097557, - "map50": 0.4174215417524291, - "map75": 0.29117537238356844 + "map50_95": 0.2477807526608342, + "map50": 0.39281358142909667, + "map75": 0.2682646010589643 }, "medium_objects": { - "map50_95": 0.49422186775024707, - "map50": 0.6677738876730264, - "map75": 0.5537819405638407 + "map50_95": 0.4757793179580914, + "map50": 0.6506829538892683, + "map75": 0.5321307963239714 }, "large_objects": { - "map50_95": 0.6509716249782073, - "map50": 0.7860645287527053, - "map75": 0.695369307492311 + "map50_95": 0.6679411840312329, + "map50": 0.7990835690433563, + "map75": 0.7183590809069729 }, "iou_thresholds": [ 0.5, @@ -1989,19 +2332,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.2288031947145225, - "f1_75": 0.19005454140778252, + "f1_50": 0.055112414649932884, + "f1_75": 0.045577933029039445, "f1_small_objects": { - "f1_50": 0.14216929415261406, - "f1_75": 0.09335402326177307 + "f1_50": 0.0538862414751944, + "f1_75": 0.03414610933748649 }, "f1_medium_objects": { - "f1_50": 0.25589548434833154, - "f1_75": 0.22136433605226533 + "f1_50": 0.09175005181275003, + "f1_75": 0.07934473563523216 }, "f1_large_objects": { - "f1_50": 0.4725176790746789, - "f1_75": 0.43621725714227966 + "f1_50": 0.08174917885040568, + "f1_75": 0.07779861089961485 }, "f1_iou_thresholds": [ 0.5, @@ -2018,35 +2361,32 @@ }, { "metadata": { - "model": "yolo11n", - "license": "APGL-3.0", + "model": "D\u2011FINE\u2011X", + "license": "Apache-2.0", "run_parameters": { "imgsz": 640, - "iou": 0.6, - "max_det": 300, - "conf": 0.001, - "verbose": false + "conf": 0.001 }, - "param_count": 2616248, - "run_date": "2024-09-30T04:51:44.895856+00:00" + "param_count": 61601635, + "run_date": "2024-11-30T15:34:31.249037+00:00" }, - "map50_95": 0.38101471012875715, - "map50": 0.5420689478525277, - "map75": 0.40893541969043523, + "map50_95": 0.5412884800986779, + "map50": 0.7166391180688009, + "map75": 0.5843090799180614, "small_objects": { - "map50_95": 0.12209245593023066, - "map50": 0.2121499182073053, - "map75": 0.12249037339854629 + "map50_95": 0.26577391016604135, + "map50": 0.4204213608890482, + "map75": 0.2849821329125042 }, "medium_objects": { - "map50_95": 0.32858715819686646, - "map50": 0.49201421385370664, - "map75": 0.362268092057365 + "map50_95": 0.49187707994641156, + "map50": 0.667776251420199, + "map75": 0.5506275489522772 }, "large_objects": { - "map50_95": 0.5251545363339247, - "map50": 0.6749480759703437, - "map75": 0.5702689924061763 + "map50_95": 0.6894573901354175, + "map50": 0.8207794964547676, + "map75": 0.7393501736230832 }, "iou_thresholds": [ 0.5, @@ -2060,19 +2400,19 @@ 0.8999999999999999, 0.95 ], - "f1_50": 0.11650874695992934, - "f1_75": 0.0858856385108987, + "f1_50": 0.05502261232306097, + "f1_75": 0.045594707812090164, "f1_small_objects": { - "f1_50": 0.07342935358159985, - "f1_75": 0.03511505803273295 + "f1_50": 0.05357001873043499, + "f1_75": 0.033972001296026455 }, "f1_medium_objects": { - "f1_50": 0.11982411530363851, - "f1_75": 0.08810452711528946 + "f1_50": 0.09390118651490137, + "f1_75": 0.08149773985318125 }, "f1_large_objects": { - "f1_50": 0.26345516192625706, - "f1_75": 0.23101071713240298 + "f1_50": 0.08145177470815365, + "f1_75": 0.07772815532345857 }, "f1_iou_thresholds": [ 0.5,