Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: non-maximum-suppression

Koldim2001/YOLO-Patch-Based-Inference

Python library for YOLOv8 and YOLOv9 small object detection and instance segmentation

Language: Python - Size: 178 MB - Last synced: 3 days ago - Pushed: 4 days ago - Stars: 87 - Forks: 2

yui-mhcp/data_processing

Data processing utilities in keras3

Language: Jupyter Notebook - Size: 56.2 MB - Last synced: 11 days ago - Pushed: 11 days ago - Stars: 4 - Forks: 1

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: 22 days ago - Pushed: about 4 years ago - Stars: 1 - Forks: 2

saimj7/Object-Detection-Algorithms

Detection algorithms and applications from famous papers; simple theory; solid code.

Language: Python - Size: 103 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 13 - 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: about 1 month ago - Pushed: 3 months ago - Stars: 87 - Forks: 20

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: about 2 months ago - Pushed: over 5 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: about 2 months ago - Pushed: over 5 years ago - Stars: 10 - Forks: 2

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: 29 days ago - Pushed: over 1 year ago - Stars: 50 - Forks: 21

naitri/panorama-stitching

A Panoramic Image stitching implementation using classical and deep learning method

Language: Python - Size: 86.2 MB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

ArkaSarkar19/Car-Detection-using-YOLO

Refer Readme.md

Language: Python - Size: 58.9 MB - Last synced: 2 months ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

HsiehYiChia/Scene-text-recognition

Scene text detection and recognition based on Extremal Region(ER)

Language: C++ - Size: 1.57 GB - Last synced: 3 months ago - Pushed: about 4 years ago - Stars: 162 - Forks: 55

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: 5 months ago - Pushed: 8 months ago - Stars: 10 - Forks: 0

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: 5 months ago - Pushed: 5 months ago - Stars: 19 - Forks: 7

MominKhattar/canny_edge_detector

Canny Edge Detection without using OpenCV used Scripy ,Numpy

Language: Jupyter Notebook - Size: 8.24 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

tooth2/YOLOv3-Pytorch

Object Detection with YOLOv3 in Pytorch

Language: Jupyter Notebook - Size: 4.85 MB - Last synced: 6 months ago - Pushed: over 3 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: 6 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

BAILOOL/ANMS-Codes

Efficient adaptive non-maximal suppression algorithms for homogeneous spatial keypoint distribution

Language: C++ - Size: 6.04 MB - Last synced: 8 months ago - Pushed: over 2 years ago - Stars: 303 - Forks: 78

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: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

sahilg06/Global-Wheat-Detection-AIcrowd

Wheat detection using Faster RCNN

Language: Jupyter Notebook - Size: 7.96 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 13 - Forks: 0

mhernan88/od-toolbelt

A suite of tools to use in concert with object detection frameworks and models

Language: Python - Size: 190 KB - Last synced: 10 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

aspagnuolo/Face_detection

Face Detection from scratch

Language: Jupyter Notebook - Size: 193 MB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

riyuzaki/NonMaximumSupression

Fully Optimized Non Maximum Suppression for Object Detection

Language: C++ - Size: 10.5 MB - Last synced: 10 months ago - Pushed: over 5 years ago - Stars: 5 - Forks: 0

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: 2 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

peterdee/js-nms

Non Maximum Suppression with Javascript

Language: JavaScript - Size: 56.6 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

peterdee/go-fast

FAST corner detector implementation

Language: Go - Size: 1.74 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

chen0040/java-ssd-object-detection

Image SSD object detection in Java using Tensorrflow

Language: Java - Size: 87.4 MB - Last synced: 11 months ago - Pushed: about 6 years ago - Stars: 25 - Forks: 8

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: 11 months ago - Pushed: over 2 years ago - Stars: 7 - Forks: 1

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: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

SkalskiP/sketchy-vision

Each week I create sketches covering key Computer Vision concepts. If you want to learn more about CV stick around!

Size: 1000 Bytes - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 52 - Forks: 1

object-detection-algorithm/R-CNN

目标检测 - R-CNN算法实现

Language: Python - Size: 2.47 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 87 - Forks: 29

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: over 1 year ago - Pushed: over 2 years ago - Stars: 4 - Forks: 1

NourKamaly/ComputerVisionAssignments

Language: Jupyter Notebook - Size: 12.2 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

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: over 1 year ago - Pushed: about 3 years ago - Stars: 5 - Forks: 0

abhinavsagar/pedestrian-detection

Pedestrian Detection using Non Maximum Suppression

Language: Python - Size: 338 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 31 - Forks: 13

smit25/Pedestrian-Detector-using-CNN-and-Sliding-Window

Language: Jupyter Notebook - Size: 11.9 MB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 9 - Forks: 1

object-detection-algorithm/SSD

目标检测 - SSD算法实现

Language: Python - Size: 4.51 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 10 - Forks: 2

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: over 1 year ago - Pushed: over 4 years ago - Stars: 4 - Forks: 2

ChenhongyiYang/SG-NMS

[ECCV 2020] Learning to Separate: Detecting Heavily-Occluded Objects in Urban Scenes

Language: Python - Size: 166 KB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 11 - 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: 12 months ago - Pushed: about 3 years ago - Stars: 3 - Forks: 0

theocharistr/ImageAndVideoAnalysis

Image and Video Analysis & Processing

Language: Python - Size: 60.1 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - 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: over 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

hosang/gossipnet

Non-maximum suppression for object detection in a neural network

Language: Python - Size: 86.9 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 80 - Forks: 25

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: over 1 year ago - Pushed: over 4 years ago - Stars: 3 - Forks: 2

arjun372/Deriche-Edges-HoughTransform

Convex Polygon Detection

Language: Makefile - Size: 6.39 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 3

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: over 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

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: about 2 months ago - Pushed: about 4 years ago - Stars: 8 - Forks: 1

HimashiRathnayake/Canny-Edge-Detector

Language: Jupyter Notebook - Size: 2.6 MB - Last synced: over 1 year ago - Pushed: over 2 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: 12 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Smorodov/pytorch.nms

python 3.7, vs2019 version

Language: Cuda - Size: 1010 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

trungtpham/point_process_optimisation

Efficient point process inference for large scale object detection

Language: Matlab - Size: 1.57 MB - Last synced: 3 months ago - Pushed: about 6 years ago - Stars: 3 - Forks: 0

metinmertakcay/Canny_Edge_Detection

Language: Python - Size: 2.46 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

cpcdoy/non-max-suppression

Implements non max suppression

Language: Python - Size: 5.86 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Related Keywords
non-maximum-suppression 52 object-detection 22 computer-vision 11 nms 10 yolo 7 pytorch 6 python 6 edge-detection 5 canny-edge-detection 5 deep-learning 5 machine-learning 5 opencv 5 detection 4 image-processing 4 numpy 4 bounding-boxes 4 convolutional-neural-networks 3 cascade-classifier 3 svm 3 hysteresis-thresholding 3 ransac 3 noise-reduction 3 double-thresholding 3 homography 3 hough-transform 3 ssd 3 anchor-box 2 feature-matching 2 unsupervised-learning 2 corner-detection 2 3d-object-detection 2 autonomous-driving 2 neural-network 2 supervised-learning 2 sift 2 threshold 2 python3 2 open-cv 2 anms 2 panorama 2 cuda 2 pycuda 2 image-stitching 2 ocr 2 hog-features 2 compter-vision 2 yolov3 2 face-detection 2 intersection-over-union 2 gradient-calculation 2 gradient-magnitude 2 paper 2 gaussian-smoothing 2 tensorflow 2 feature-extraction 2 pedestrian-detection 2 tensorflow2 2 algorithm 2 feature-descriptors 1 image-features 1 jupyter-notebook 1 edges 1 sift-algorithm 1 cpp 1 custom-architecture 1 machine-learning-algorithms 1 maximum-suppression-algorithm 1 text-detection 1 multithreading 1 artificial-intelligence 1 convolutional-neural-network 1 cpp17 1 blending 1 shi-tomasi-detection 1 3d-reconstruction 1 feature-selection 1 feature-tracking 1 kanade-lucas-tomasi 1 klt-tracking 1 single-shot-multibox-detector 1 golang 1 go 1 fast-detector 1 fast 1 js 1 alexnet 1 bounding-box-regression 1 pascal-voc 1 r-cnn 1 javascript 1 selectivesearch 1 bounding-box 1 car-detection 1 iou 1 self-driving-car 1 synthetic-dataset-generation 1 you-only-look-once 1 keras 1 gradients 1 thin 1