non-maximum-suppression
There are 55 repositories under non-maximum-suppression topic.
Koldim2001/YOLO-Patch-Based-Inference
Python library for YOLO small object detection and instance segmentation
BAILOOL/ANMS-Codes
Efficient adaptive non-maximal suppression algorithms for homogeneous spatial keypoint distribution
object-detection-algorithm/R-CNN
目标检测 - R-CNN算法实现
HsiehYiChia/Scene-text-recognition
Scene text detection and recognition based on Extremal Region(ER)
SkalskiP/sketchy-vision
Each week I create sketches covering key Computer Vision concepts. If you want to learn more about CV stick around!
abhi1kumar/groomed_nms
[CVPR 2021] Official PyTorch Code of GrooMeD-NMS: Grouped Mathematically Differentiable NMS for Monocular 3D Object Detection
hosang/gossipnet
Non-maximum suppression for object detection in a neural network
tanjeffreyz/yolo-v1
PyTorch implementation of the YOLOv1 architecture presented in "You Only Look Once: Unified, Real-Time Object Detection" by Joseph Redmon, Santosh Divvala, Ross Girshick, Ali Farhadi
MIC-DKFZ/RegRCNN
This repository holds the code framework used in the paper Reg R-CNN: Lesion Detection and Grading under Noisy Labels. It is a fork of MIC-DKFZ/medicaldetectiontoolkit with regression capabilites.
zahrasalarian/Digital-Image-Processing-for-Medical-Applications
This repository contains projects related to various aspects of image processing, from basic operations to advanced techniques like active contours. Examples and case studies focus on applications in medical imaging.
chen0040/java-ssd-object-detection
Image SSD object detection in Java using Tensorrflow
sahilg06/Global-Wheat-Detection-AIcrowd
Wheat detection using Faster RCNN
Blueblue4/IoU-AwareCalibration
Code to reproduce the experiments described in "Do We Still Need Non-Maximum Suppression? Accurate Confidence Estimates and Implicit Duplication Modeling with IoU-Aware Calibration" (https://arxiv.org/pdf/2309.03110.pdf)
object-detection-algorithm/SSD
目标检测 - SSD算法实现
saimj7/Object-Detection-Algorithms
Detection algorithms and applications from famous papers; simple theory; solid code.
sakshikakde/AutoPano
Panoramic Image stitching using traditional and supervised and unsupervised deep learning methods to compute Homography
ChenhongyiYang/SG-NMS
[ECCV 2020] Learning to Separate: Detecting Heavily-Occluded Objects in Urban Scenes
gdroguski/FastNMS
Fast and simple implementation of Non Maximum Suppression algorithm in C++ with DLL for python usage.
cynicphoenix/Canny-Edge-Detector
The Canny edge detector is an edge detection operator that uses a multi-stage algorithm to detect a wide range of edges in images.
keineahnung2345/Parallel_NMS
Parallel CUDA implementation of NON maximum Suppression. PyCUDA version is now moved to https://github.com/keineahnung2345/PyCUDA_NMS
keineahnung2345/PyCUDA_NMS
This repo is based on https://github.com/jeetkanjani7/Parallel_NMS but add PyCUDA implementation
yas-sim/object-detection-with-adaptive-partitioning
Object detection demo with adaptive partitioning to improve the detection rate
chandnii7/Corner-Detection
Program for Harris Corner Detection with non-maximum Suppression, HOG Feature Extraction, Feature Comparison, Gaussian Noise and Smoothing.
jungsoh/yolo-car-detection-for-autonomous-driving
Application of pre-trained YOLO object detection model to car detection for autonomous driving
riyuzaki/NonMaximumSupression
Fully Optimized Non Maximum Suppression for Object Detection
yui-mhcp/data_processing
Data processing utilities in keras3
hBTPS/AttentionDETECT
This project focuses on a 2021 research paper on target detection in SAR images based on semi-supervised learning and attention mechanism.
Subangkar/Convolutional-Neural-Networks-Deeplearning.ai-Coursera-Assignments
Notebooks of programming assignments of CNN course of deeplearning.ai on coursera in September-2019
fvilmos/object_classification_2d_to_3d
Images from an RGB-D camera are used to detect/classify objects in 2D, then detections are projected on the 3D point cloud.
HoganHPH/RCNN-Object-Detection-From-Scratch
A Python implementation from scratch of RCNN algorithm for Object Detection.
theocharistr/ImageAndVideoAnalysis
Image and Video Analysis & Processing
trungtpham/point_process_optimisation
Efficient point process inference for large scale object detection
FilipTirnanic96/SIFT_patch_match
Advance Patch Matcher Implementation. Matching patches with high accuracy and short time conditions using simplified SIFT algorithm and RANSAC outlier filtering.
YUVANANDHINI1/Object-Detection
This project demonstrates how to use YOLO (You Only Look Once) for object detection in images using OpenCV. YOLO is a state-of-the-art, real-time object detection system that can detect multiple objects in images and videos with high accuracy.