mean-average-precision
There are 27 repositories under mean-average-precision topic.
rafaelpadilla/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
rafaelpadilla/review_object_detection_metrics
Object Detection Metrics. 14 object detection metrics: mean Average Precision (mAP), Average Recall (AR), Spatio-Temporal Tube Average Precision (STT-AP). This project supports different bounding box formats as in COCO, PASCAL, Imagenet, etc.
laclouis5/globox
A package to read and convert object detection datasets (COCO, YOLO, PascalVOC, LabelMe, CVAT, OpenImage, ...) and evaluate them with COCO and PascalVOC metrics.
kuixu/pytorch_online_plotter
Online meter ploter for pytorch. Real time ploting Accuracy, Loss, mAP, AUC, Confusion Matrix
abuwildanm/Information-Retrieval
Information Retrieval with Vector Space Model for News Article
aifenaike/Semantic_Search_and_Retrieval
A Query-Document pair ranking system using GloVe embeddings and RankCosine.
EMalagoli92/OD-Metrics
Python library for Object Detection metrics.
sichkar-valentyn/What-is-mAP-for-Objects-Detection-tasks-
Understanding of use of mAP as a metric for Objects Detection problems
ArDoCo/Metrics
ArDoCo: Metrics for Classification & Ranking Tasks
matin-ghorbani/Mean-Average-Precision-from-Scratch
Mean Average Precision from Scratch using PyTorch
RimTouny/Single-Object-Tracking-with-Yolov8
In computer vision, this project meticulously constructs a dataset for precise 'Shoe' tracking using YOLOv8 models. Emphasizing detailed data organization, advanced training, and nuanced evaluation, it provides comprehensive insights. A final project for the Computer Vision cousre on Ottawa Master's in (2023).
4prince8/Object_Detection_Yolov10
This repository contains a Jupyter notebook. It demonstrates the process of training and evaluating a YOLOv10 model for object detection using the Rock, Paper, Scissors dataset from Roboflow.
ahmedhajyahmed/yolo_sliding_window
All scripts related to yoloV4 sliding window
Anjali001/Information-Retrieval-Data-Mining
Information retrieval system that gives ranked results when a query is given
Berozain/LuceneCISI
Information Retrieval with Lucene and CISI dataset. Index documents and search between them with IB, DFR, BM-25, TF-IDF, Boolean, Axiomatic, LM-Dirichlet similarity and calculate Recall, Precision, MAP (Mean Average Precision) and F-Measure
ShreshthSaxena/Faster-RCNN
Using Faster RCNN to detect Scratches/Spots and Dents on damaged cars data
takehiro-code/SFU-HW-Tracks
Description of computing object tracking metrics.
TmohamedashrafT/Yolov4-implementation
Implementing the training pipeline for YOLOv4 using PyTorch
xu-chris/yolov3_evaluator
Evaluates a given detection by calculating the mAP of the bounding box detections results based on a given test set and the detector code. This repo uses for now the yolov3_detector as an example detector for illustration
Xu-Justin/detection-benchmark
Evaluate a detection model performance
Ribosome-rbx/Realtime-Medical-Mask-Detection-Based-on-Faster-RCNN
Based on Faster R-CNN, we train model on our mask dataset and leverage data augmentation to preprocess our data. Mean average precision is introduced to evaluate the model performance. You'll see data augmentation and mAP evaluation in detailed explainations, and tutorials of faster-rcnn training
Wb-az/Experimental-Design-and-Evaluation-of-Deep-Learning-Models-for-COVID-19-Segmentation-and-Detection-
Segmentation of COVID-19 lession on chest CT images
Wb-az/Image-Processing-PascalVOC
Object detection and instant segmentation - Pascal VOC dataset
aquapapaya/TVM-object-detection
A flow to compile YOLOv3/SSD using TVM and run the compiled model on CPU to calculate mAP
PD-Mera/object-detection-validation
Evaluation for object detection models
sathvikg/imformation-retrieval-using-elasticsearch
Improving the performance of the information retrieval system by normalization of data .Elasticsearch engine was used and bm25 model was used to compare the performance of the IR system.