Topic: "non-maximum-suppression"
Koldim2001/YOLO-Patch-Based-Inference
Python library for YOLO small object detection and instance segmentation
Language: Python - Size: 355 MB - Last synced at: 1 day ago - Pushed at: 4 months ago - Stars: 451 - Forks: 22

BAILOOL/ANMS-Codes
Efficient adaptive non-maximal suppression algorithms for homogeneous spatial keypoint distribution
Language: C++ - Size: 6.04 MB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 343 - Forks: 72

HsiehYiChia/Scene-text-recognition
Scene text detection and recognition based on Extremal Region(ER)
Language: C++ - Size: 1.57 GB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 167 - Forks: 55

SkalskiP/sketchy-vision
Each week I create sketches covering key Computer Vision concepts. If you want to learn more about CV stick around!
Size: 4.88 KB - Last synced at: about 22 hours ago - Pushed at: over 2 years ago - Stars: 147 - Forks: 4

abhi1kumar/groomed_nms
[CVPR 2021] Official PyTorch Code of GrooMeD-NMS: Grouped Mathematically Differentiable NMS for Monocular 3D Object Detection
Language: C++ - Size: 6.57 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 87 - Forks: 20

object-detection-algorithm/R-CNN
目标检测 - R-CNN算法实现
Language: Python - Size: 2.47 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 87 - Forks: 29

hosang/gossipnet
Non-maximum suppression for object detection in a neural network
Language: Python - Size: 86.9 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 80 - Forks: 25

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.
Language: Python - Size: 4.25 MB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 20

abhinavsagar/pedestrian-detection
Pedestrian Detection using Non Maximum Suppression
Language: Python - Size: 338 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 31 - Forks: 13

chen0040/java-ssd-object-detection
Image SSD object detection in Java using Tensorrflow
Language: Java - Size: 87.4 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 25 - Forks: 8

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
Language: Python - Size: 3.11 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 7

saimj7/Object-Detection-Algorithms
Detection algorithms and applications from famous papers; simple theory; solid code.
Language: Python - Size: 103 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 13 - Forks: 4

sahilg06/Global-Wheat-Detection-AIcrowd
Wheat detection using Faster RCNN
Language: Jupyter Notebook - Size: 7.96 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 0

ChenhongyiYang/SG-NMS
[ECCV 2020] Learning to Separate: Detecting Heavily-Occluded Objects in Urban Scenes
Language: Python - Size: 166 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 0

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)
Language: Python - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 0

object-detection-algorithm/SSD
目标检测 - SSD算法实现
Language: Python - Size: 4.51 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

keineahnung2345/PyCUDA_NMS
This repo is based on https://github.com/jeetkanjani7/Parallel_NMS but add PyCUDA implementation
Language: Jupyter Notebook - Size: 638 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 2

keineahnung2345/Parallel_NMS Fork of jeetkanjani7/Parallel_NMS
Parallel CUDA implementation of NON maximum Suppression. PyCUDA version is now moved to https://github.com/keineahnung2345/PyCUDA_NMS
Language: C++ - Size: 751 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 2

smit25/Pedestrian-Detector-using-CNN-and-Sliding-Window
Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1

sakshikakde/AutoPano
Panoramic Image stitching using traditional and supervised and unsupervised deep learning methods to compute Homography
Language: Jupyter Notebook - Size: 67 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 1

yas-sim/object-detection-with-adaptive-partitioning
Object detection demo with adaptive partitioning to improve the detection rate
Language: Python - Size: 4.1 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 1

chandnii7/Corner-Detection
Program for Harris Corner Detection with non-maximum Suppression, HOG Feature Extraction, Feature Comparison, Gaussian Noise and Smoothing.
Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: 11 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

yui-mhcp/data_processing
Data processing utilities in keras3
Language: Jupyter Notebook - Size: 86.2 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 5 - Forks: 1

gdroguski/FastNMS
Fast and simple implementation of Non Maximum Suppression algorithm in C++ with DLL for python usage.
Language: C++ - Size: 94.7 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

riyuzaki/NonMaximumSupression
Fully Optimized Non Maximum Suppression for Object Detection
Language: C++ - Size: 10.5 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

theocharistr/ImageAndVideoAnalysis
Image and Video Analysis & Processing
Language: Python - Size: 60.1 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 0

HoganHPH/RCNN-Object-Detection-From-Scratch
A Python implementation from scratch of RCNN algorithm for Object Detection.
Language: Python - Size: 51.8 MB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

jungsoh/yolo-car-detection-for-autonomous-driving
Application of pre-trained YOLO object detection model to car detection for autonomous driving
Language: Jupyter Notebook - Size: 49.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

Subangkar/Convolutional-Neural-Networks-Deeplearning.ai-Coursera-Assignments
Notebooks of programming assignments of CNN course of deeplearning.ai on coursera in September-2019
Language: Jupyter Notebook - Size: 771 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 2

trungtpham/point_process_optimisation
Efficient point process inference for large scale object detection
Language: Matlab - Size: 1.57 MB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 0

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.
Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

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.
Language: Jupyter Notebook - Size: 3.59 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

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.
Language: Python - Size: 36.9 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Smorodov/pytorch.nms
python 3.7, vs2019 version
Language: Cuda - Size: 1010 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

a-earthperson/Deriche-Edges-HoughTransform
Convex Polygon Detection
Language: Makefile - Size: 6.39 MB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 3

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.
Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

NourKamaly/ComputerVisionAssignments
Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

naitri/panorama-stitching
A Panoramic Image stitching implementation using classical and deep learning method
Language: Python - Size: 86.2 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

zafarRehan/custom_OD_architecture_from_scratch
This repository walks you through creating your own custom One-Stage object detection model architecture ( in keras ) , with a synthetic dataset generator on board for training and evaluation
Language: Jupyter Notebook - Size: 46.9 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

csbanon/canny-edge-detector
Canny Edge Detector is an implementation of the edge detection method defined by John Canny in 1986. 2020.
Language: Python - Size: 75.2 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ArkaSarkar19/Car-Detection-using-YOLO
Refer Readme.md
Language: Python - Size: 58.9 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

adityajain10/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.
Language: Python - Size: 760 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

aspagnuolo/Face_detection
Face Detection from scratch
Language: Jupyter Notebook - Size: 193 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

peterdee/js-nms
Non Maximum Suppression with Javascript
Language: JavaScript - Size: 56.6 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

peterdee/go-fast
FAST corner detector implementation
Language: Go - Size: 1.74 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Sri-Sai-Charan/Kanade-Lucas-Tomasi-Feature-Tracker
The Kanade-Lucas-Tomasi (KLT) Feature Tracker algorithm estimates the 2D translation and scale changes of an image template between original template coordinates and a given reference image using the Inverse Compositional algorithm.
Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MominKhattar/canny_edge_detector
Canny Edge Detection without using OpenCV used Scripy ,Numpy
Language: Jupyter Notebook - Size: 8.24 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

radhasaraf/rbe549-my-auto-pano
Stitch two or more images to create a seamless panorama image using classical & deep learning approaches
Language: Jupyter Notebook - Size: 81 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

michhernand/od-toolbelt
A suite of tools to use in concert with object detection frameworks and models
Language: Python - Size: 190 KB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

HimashiRathnayake/Canny-Edge-Detector
Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

tooth2/YOLOv3-Pytorch
Object Detection with YOLOv3 in Pytorch
Language: Jupyter Notebook - Size: 4.85 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

tooth2/YOLOv3-Object-Detection
Vehicle detecting implementation using OpenCV's YOLOv3 library in C++
Language: C++ - Size: 3.14 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

fvilmos/cascade_nms
Non-Maximum-Suppression - with OpenCV cascade classifier. Uses Intersection Over Union to filter potential detections.
Language: Python - Size: 88.9 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

metinmertakcay/Canny_Edge_Detection
Language: Python - Size: 2.46 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

cpcdoy/non-max-suppression
Implements non max suppression
Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0
