Ecosyste.ms: Repos

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

GitHub topics: thresholding

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

javad-sheikh/Thresholding-and-Template-Matching

examining thresholding methods and using them to extract templates for Template Matching to find an object in a video

Language: Jupyter Notebook - Size: 21.2 MB - Last synced: 3 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

prakharjadaun/Image-Processing

Repository contains the assignment that I have implement under the subject Image processing and pattern analysis.

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

renzan90/OpenCV-Fundamentals

This consists of some very basic features of OpenCV such as thresholding, contouring, smoothing and edge detection. I've also added in the comments, the explanation of some of these methods and the mathematics behind them.

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

Haleshot/Image_Processing

A project on Image Processing, leveraging PyQt5 for a user-friendly GUI and implementing essential operations like Low Pass Filter, Downsampling, Upsampling, Thresholding, and Negative Image Generation. It offers a visually engaging experience while exploring the realm of image processing techniques.

Language: Python - Size: 6.4 MB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 4 - Forks: 1

KulikDM/pythresh

Outlier Detection Thresholding

Language: Jupyter Notebook - Size: 14.5 MB - Last synced: 20 days ago - Pushed: 3 months ago - Stars: 116 - Forks: 5

gsiddhad/Image-Processing

Matlab Codes for Image Manipulation

Language: Jupyter Notebook - Size: 1.65 MB - Last synced: 25 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Haleshot/Signal_Image_Processing

Dive into the world of Signal and Image Processing with this repository. Explore a collection of Python programs covering Discrete Fourier Transform, Elementary Signals, Sampling, Point Processing Techniques, Histogram Processing, Frequency Domain Filtering, Edge Detection, Erosion and Dilation, and Morphological Operations.

Language: Jupyter Notebook - Size: 5.67 MB - Last synced: 25 days ago - Pushed: 25 days ago - Stars: 0 - Forks: 0

abdullahelen/ElenThreshold

A histogram-based global thresholding method for image binarization

Language: MATLAB - Size: 3.47 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

RobuRishabh/Real_time_2D_Object_Recognition

This project is about real-time 2D object recognition. The goal is to have the computer identify a specified set of objects placed on a white surface in a translation, scale, and rotation invariant manner from a camera looking straight down. The computer should be able to recognize single objects placed in the image and identify the objects.

Language: C++ - Size: 1.21 MB - Last synced: about 1 month ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

overtane/udacity-carnd-p4

Computer Vision: Lane Line Detection with OpenCV

Language: Jupyter Notebook - Size: 106 MB - Last synced: about 1 month ago - Pushed: about 7 years ago - Stars: 0 - Forks: 1

Dhanya-Abhirami/Brain-Tumour-Segmentation

Use of Image Processing to detect brain tumour in MRI Scan

Language: Jupyter Notebook - Size: 806 KB - Last synced: about 1 month ago - Pushed: almost 4 years ago - Stars: 21 - Forks: 7

Scaramir/HD_colocalization

Preprocess, noise-reduction, threshold & quantify images to get box plots for each class (mainly cell cultures of different cel llines). Colocalization due to a naive trick of counting all overlapping signals/pixels. Could be done in ImageJ as well, but i thought this is better suited than fiddling with macros.

Language: Python - Size: 858 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 2 - Forks: 0

JakeKandell/rubiks-cube-teacher

Teaches 2-Look OLL and PLL for the Rubik's Cube With the Help of Computer Vision

Language: C++ - Size: 43.9 KB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

gulabpatel/Computer_Vision

Image Classification, Object Detection, Image Segmentation, Instance Segmentation and Pose Estimation

Language: Jupyter Notebook - Size: 110 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 4 - Forks: 0

prasanthcodes/segment_objects

segment image objects based on color

Language: HTML - Size: 9.77 KB - Last synced: 21 days ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

Amber0914/Digital_Image_Processing

Implement digital image processing method by using C++, including histogram equalization, edge detection, lowpass/highpass filter and thresholding.

Language: C++ - Size: 5.86 KB - Last synced: 3 months ago - Pushed: over 5 years ago - Stars: 2 - Forks: 5

waldvoid/microscope-cell-image-processing

Finding the number of cells in the microscope image and the attributes to be obtained from the cells

Language: Jupyter Notebook - Size: 1.05 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

UCA-Datalab/nilm-thresholding

:warning: This repository is no longer actively maintained. It previously dealt with Non-Intrusive Load Monitoring (NILM), focusing on predicting household appliance status from aggregated power load data. We explored different thresholding methods and evaluated deep learning models for regression and classification tasks.

Language: Python - Size: 685 KB - Last synced: 3 months ago - Pushed: 8 months ago - Stars: 33 - Forks: 4

maettyhawk/popartjs

Generate Andy Warhole alike popart images

Language: JavaScript - Size: 759 KB - Last synced: 5 months ago - Pushed: about 7 years ago - Stars: 0 - Forks: 0

MehmetZahidGenc/Image-Processing-Resources

Created by Mehmet Zahid Genç

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

Kartik-Katkar/Image-Processing

This GitHub repository serves as a valuable resource for researchers, developers, and enthusiasts working with AUVs, providing a range of image processing algorithms and tools tailored to enhance visual perception and analysis in underwater scenarios.

Language: Python - Size: 11 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 3 - Forks: 0

Sri-Sai-Charan/Draft-Marker-Reading-Water-Level-Detection

Water level detection using draft marker readings, through the means of computer vision, machine learning and optical flow methods

Language: Python - Size: 22.3 MB - Last synced: 4 months ago - Pushed: about 1 year ago - Stars: 3 - Forks: 1

elaaj/binary-video-segmentation

This project aims at performing a segmentation of each frame of 4 given videos using two possible methods, one based on multiple OpenCv tools, and one on the OpenCV's Watershed implementation.

Language: Jupyter Notebook - Size: 31.7 MB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

Arek-KesizAbnousi/Large-Covariance-Matrices_Estimators

Comparing three different Generalized Thresholding Estimators For Large Covariance Matrices. soft-thresholding, hard-thresholding, and adaptive-soft-thresholding Estimators.

Language: R - Size: 2.93 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Auggen21/image-processing-basics-matlab-3

Inverse Filtering, Wiener Filter, Image Restoration, Hough Transform, Image segmentation using watershed, thresholding, region growing and region splitting and merging

Language: MATLAB - Size: 887 KB - Last synced: 7 months ago - Pushed: about 4 years ago - Stars: 13 - Forks: 2

n0obcoder/image_recognition

digit recognition

Language: Jupyter Notebook - Size: 5.88 MB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

mrmohim/Paddy-Leaf-Disease-Detection-Using-SVM-Classifier

Paddy Leaf Disease Detection Using SVM Classifier - Matlab Code

Language: Matlab - Size: 2.19 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 18 - Forks: 10

donxuiqote/PCD_Tugas1

Greyscaled, Histogram, Negative, Threshold using algorithm not MATLBA's function

Size: 0 Bytes - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

ddS08/Medical-Image-Processing

Language: Jupyter Notebook - Size: 2.77 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 1

IrfanRa/fingerprint_recognition_scanning

Fingerprint Recognition Scanning for Secure Attendance System based on Blockchain Technology, Using SQLite database & applied, normalization, pre-processing, feature extraction techniques.

Language: Python - Size: 50.2 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 0

srijachatterjee19/TagDetection

Image Processing(2022 MOD002643)

Language: MATLAB - Size: 11.7 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

Baksonator/fashionMNIST-classifier Fork of raf-bsn/ML-project2

Convoluted Neural Network for classifying the FashionMNIST data set. Recognition of multiple clothing objects on the same picture with noise using the trained model and OpenCV.

Language: Python - Size: 66.5 MB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

einsteinxx/UCLA_PBMED210_2019

Computer Vision in Imaging code and scratch code

Language: MATLAB - Size: 14.6 KB - Last synced: 8 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Will-Susi/Electrical_Box_Inspection

Resulting work from research at Umass Lowell's HRI Lab. A general overview is provided with the link below:

Language: Python - Size: 15.5 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

francescamizzi/Computer-Vision-for-AI-ARI2129

A collection of tutorials as well as the final assignment for the University of Malta unit Principles of Computer Vision in AI (ARI2129)

Language: Jupyter Notebook - Size: 255 MB - Last synced: 10 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

marthtz/colorSelect

Threshold an image interactively (HSV,HSL, Sobel X/Y)

Language: Python - Size: 4.88 KB - Last synced: 10 months ago - Pushed: about 7 years ago - Stars: 2 - Forks: 0

gcunhase/BEP-2014

Repository referent to the Basic Education Program (2014)

Language: MATLAB - Size: 47.7 MB - Last synced: 10 months ago - Pushed: about 5 years ago - Stars: 3 - Forks: 1

aravind-3105/Retinal-Blood-Vessels-Segmentation-and-Denoising

A Morphological Hessian Based Approach for Retinal Blood Vessels Segmentation and Denoising Using Region-Based Otsu Thresholding

Language: Jupyter Notebook - Size: 39.3 MB - Last synced: 4 months ago - Pushed: over 2 years ago - Stars: 4 - Forks: 6

olledejong/Sfp1-Analysis

Part of MSc Biology Project (1/2). This repo contains three different analysis pipelines, which all analyse microscopy images of yeast cells. Two calculate Sfp1 NC ratios, and one calculates nuclear and whole-cell volumes.

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

amrusb/ImageSegmentation

A java application showing diffrent image segmentation's algorithms.

Language: Java - Size: 57.1 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

SamaSamrin/Image-Thresholding-with-OpenCV

Attempt at image thresholding with OpenCV and Google Colab

Language: Jupyter Notebook - Size: 0 Bytes - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

HaiderAbasi/OpenCV-Master-Computer-Vision-in-Python

Complete resource for people wanting to learn Computer Vision with the latest OpenCV4, Dlib and DeepLearning

Language: Python - Size: 239 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

shrey1216/Medical-Imaging-Techniques-Heart-Chamber-and-Brain-Tumor-Analysis

Thresholding, Watershed Segmentation, Laplacian Edge Detection, Histogram Equalization, and Filter Application

Language: Python - Size: 12.7 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

ddS08/Fingerprint-Feature-Extraction

Language: Jupyter Notebook - Size: 930 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

sshen8/acsat

Automated Cell Segmentation by Adaptive Thresholding (ACSAT)

Language: Matlab - Size: 11.7 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 4 - Forks: 3

yashk2000/Image-Processing

A set of algorithms and other cool things that I learned while doing image processing with openCV using C++ and python.

Language: Python - Size: 146 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 33 - Forks: 9

RajithaRanasinghe/Automatic_Thresholding

This application can be used to quickly view how different Thresholding Methods work on images. Selected threshold method can be applied for bulk images in a folder, results are saved in a user selected folder with histograms.

Language: Python - Size: 1.15 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 3 - Forks: 0

VimalChamyal/Image-processing-implementation

Checkout my, image processing learnings in action here.

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

LazoCoder/Image-Processing-Library

Library for processing and manipulating images.

Language: C# - Size: 4.49 MB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 38 - Forks: 16

Akhilesh64/Image-Processing

Implementation of various image processing methods from scratch in python.

Language: Python - Size: 2.97 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 2

worksonmymachine-de/iotsensor

Temperatur and humidity sensor publishing values to a mqtt. Very configurable. Uses thresholds.

Language: Python - Size: 12.7 KB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

dhinkris/medical-imaging

Medical Image Processing Techniques

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 13 - Forks: 5

pezhvak98/Image-Thresholding-

Basic thresholding of an image using OpenCV library with trackbar

Language: C++ - Size: 1.3 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

OlehOnyshchak/LineDetection

A pipeline which extract edges from an image with Canny Edge Detector and then identifies lines, which forms those edges

Language: Jupyter Notebook - Size: 976 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 1

Scrawk/ImageProcessing

A collection of code for processing images

Language: C# - Size: 4.05 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 13 - Forks: 0

znreza/image_processing_for_plant_disease

Image processing code for blob detection and feature extraction in MATLAB. Paper Reference: Detecting jute plant disease using image processing and machine learning. Find the full text here: http://ieeexplore.ieee.org/document/7873147/

Language: MATLAB - Size: 445 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 20 - Forks: 8

andikarachman/Motion-Heatmap

See movement patterns over time using Python and OpenCV

Language: Python - Size: 325 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 7 - Forks: 1

KrishArul26/Impact-Resistance-Testing-Instrument-for-Ceramic-Floor-Tiles

impact resistance properties of tiles are important property to be identified, for that purpose impact testing instrument was fabricated according to Sri Lanka industry specification

Size: 215 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 0

JCamiloo/ImageProcessing

Qt interface for the digital images processing.

Language: C++ - Size: 23.4 KB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 1

RedFerret61/DrumRPG

Drum Rhythm Pattern Generator

Language: Java - Size: 298 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 2 - Forks: 0

fqjin/skin-segmentation

Two methods for segmenting skin on ultrasound B-mode images

Language: Python - Size: 2.48 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 10 - Forks: 2

Parneet-Raghuvanshi/Plotline

Easy to use edge detection library using canny edge detection algorithm and sobel operators, with some other utilities to remove boiler-plate code for applications.

Language: Java - Size: 896 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

shanthi-ni/BrainTumorDetection

Simple project on detecting presence of brain tumor

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

peter-evans/soft-thresholding

Candidate selection using an iterative soft-thresholding algorithm

Language: Python - Size: 19.5 KB - Last synced: 21 days ago - Pushed: about 5 years ago - Stars: 1 - Forks: 0

Acejoy/Hand-Gesture-using-OpenCV

a project that counts fingers by recognising hand gestures using color based thresholding and convex hull

Language: Python - Size: 5.43 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

deanpoulos/box-invert

Computer Vision tool for advanced image inversion.

Language: Python - Size: 2.55 MB - Last synced: 11 months ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

RajafarAttala21/Malaria-detection

Malaria detection with image data using various methods in python.

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

AlessandroSaviolo/Shadow-Detector

Shadow Detector

Language: C++ - Size: 2.75 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 6 - Forks: 1

Chubek/intresignia

Detect and Classify Red Traffic Signs (Intredit/Prohibition Traffic Signs)

Language: Python - Size: 1.12 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

jigmetoby/ring-size

Measure the size of a ring with the help of MATLAB's image processing tools

Language: MATLAB - Size: 1.44 MB - Last synced: 11 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

gauravtrivedi967/lane_detection

Lane detection and tracking are the advanced key features of the advanced driver assistance system. Lane detection is the process of detecting white lines on the roads. In this we I have used prebuild models for the development of the code

Language: Python - Size: 2.93 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

yasinda-s/Matlab-Leaf-Detection

This matlab project segments leaves from a plant using varios pre-processing techniques followed by the watershed segmentation algorithm.

Language: MATLAB - Size: 1.89 MB - Last synced: 4 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

AvijitChowdhury/CarDetectionProject

Language: Python - Size: 17.8 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

GeoKrom/UoI-Computer-Vision-course

Programming assignments for image processing and an cnn for image segmentation

Language: Python - Size: 6.96 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

123mpozzi/nbrancati-py

Adaptive rule based skin detector

Language: Python - Size: 716 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

limsukjing/oring-inspection

A program to inspect images of o-rings for visible defects.

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

DexA1948/Image-Processing

This repository contains my codes reports for my fifth-semester course of Image Processing. I have used OpenCV in python to do simple image processing tasks such as image enhancement, grayscale conversion, masking, thresholding, High-pass and Low-pass filters in spatial and frequency domain, Fourier transformations etc. These codes are created using Colab Notebooks hence the .ipynb format. I haven't dwelled much into Image detection and Object Recognition right now but will surely be following up on those topics.

Language: Jupyter Notebook - Size: 14.6 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

kochlisGit/Computer-Vision-Algorithms

Implementation of computer vision algorithms and image processing using Numpy & OpenCV

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

sadimanna/image_processing_in_C_Matlab_Py

Basic Image Processing in C, Matlab and Python

Language: MATLAB - Size: 29.3 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 4 - Forks: 0

Nelson-Gon/pyautocv

(Semi) Automated Image Processing

Language: Python - Size: 34.4 MB - Last synced: 24 days ago - Pushed: almost 2 years ago - Stars: 3 - Forks: 0

jizekki/mewo

Interpreting neural networks predictions for multi-label classification of music catalogs.

Language: Jupyter Notebook - Size: 592 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

sihyeonlee/multithreshold-otsu-method

Two-Stage Multithreshold Otsu method.

Language: C++ - Size: 39.1 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

sijiazhao/how-to-staircase

JavaScript code for Adaptive Staircase Thresholding Procedure

Language: HTML - Size: 36.1 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

christophmark/imagej-interactive-thresholding

ImageJ macros that automate the workflow of thresholding and analyzing the size and intensity of objects/regions in microscope images.

Size: 9.77 KB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 1 - Forks: 1

JakubVojvoda/filtering-mcu-fpga

Simple image filtering and segmentation on MCU and FPGA

Language: C - Size: 133 KB - Last synced: about 1 year ago - Pushed: about 8 years ago - Stars: 3 - Forks: 1

sabo99/CNN-AlexNet-LeNet

Convolutional Neural Network menggunakan Arsitektur AlexNet dan LeNet dengan penggunaan dataset yang telah dilakukan pre-processing Thresholding pada tools Matlab

Language: Jupyter Notebook - Size: 17.6 KB - Last synced: 12 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 1

ishpreet-singh/smart-sudoku

Deep Learning based Sudoku Solver

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

charleeboy/Computer-Vision

Computer Vision & OpenCV Projects & Code Snippets

Language: Jupyter Notebook - Size: 34.2 MB - Last synced: 11 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

grantgasser/advanced-lane-finding

Lane finding with computer vision

Language: Python - Size: 89.7 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

Mr-Monwe/Tracking-white-colour-in-video-OpenCV-

Testing various OpenCV functions for building a lane detection algorithm.

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

jelonmusk/tetris-count

A simple Python + OpenCV script to count the number of Tetris blocks in an image.

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

aquatiko/Gesture-based-Mouse-Controller

A gesture based Mouse controller using openCV and PyMouse

Language: Jupyter Notebook - Size: 1.67 MB - Last synced: 11 months ago - Pushed: over 4 years ago - Stars: 5 - Forks: 1

Ekan5h/TextSegmentation

Using Otsu's thresholding for text segmentation on images of sticky notes.

Language: HTML - Size: 916 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 1

adityachechani/Skin-Color-Detection

Perform basic thresholding operations on image using OPENCV Libraries and eventually develop an algorithm for skin detection in image and video in real time

Language: C++ - Size: 3.91 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

altruistcoder/Open-CV-Implementations

This is a repository of code files which can be used to perform some basic tasks & operations using OpenCV.

Language: Jupyter Notebook - Size: 2.16 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 2

Graygzou/Image-based-meshing

Extract the medial axis and build a 3D mesh from images of the same object.

Language: Matlab - Size: 69.6 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

warborn/matlab-ai02

Repository for the matlab practices of the Artificial Intelligence II class

Language: Matlab - Size: 4.82 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 1

FlaviusPopescu/AIVision Fork of planeteerADCS/BlindAid

Using OpenCV on Android to detect obstacles on the floor during indoor navigation.

Language: Java - Size: 88.2 MB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 1

claudiomarpda/image_processing

Introduction to image processing with Python and OpenCV

Language: Python - Size: 9.72 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

Related Keywords
thresholding 100 image-processing 42 opencv 26 python 25 edge-detection 16 computer-vision 14 matlab 11 segmentation 10 canny-edge-detection 8 histogram-equalization 8 histogram 8 python3 7 machine-learning 7 image-recognition 6 opencv-python 6 image-segmentation 6 filters 6 otsu-thresholding 6 contours 5 image-analysis 5 deep-learning 5 feature-extraction 4 gaussian-filter 4 lowpass-filter 4 otsu 4 object-detection 4 denoising 3 template-matching 3 image-enhancement 3 blob-detection 3 dilation 3 erosion 3 java 3 c-plus-plus 3 median-filter 3 threshold 3 thresholding-algorithm 3 masking 3 cpp 3 sobel 3 tensorflow 3 numpy 3 dct 3 image-classification 3 convolutional-neural-networks 3 image-manipulation 3 haarcascade 3 morphology 3 cnn 3 image 3 cv2 3 blurring 3 sobel-gradient 2 highpass-filter 2 histograms 2 keras 2 morphological-image-processing 2 noise-reduction 2 hsv 2 bit-plane-slicing 2 imageclassification 2 perspective-transformation 2 digital-image-processing 2 lane-finding 2 imagej 2 grayscale-images 2 clahe 2 gui 2 fourier-transform 2 color-space 2 c 2 kmeans-clustering 2 convolution 2 fft 2 morphological-operators 2 watershed 2 hough-transformation 2 upsampling 2 qt 2 downsampling 2 negative 2 hough-transform 2 contour-detection 2 python-package 2 rgb-to-hsv 2 morphological-analysis 2 histogram-matching 2 hsv2rgb 2 images 2 bounding-boxes 2 gaussian-blur 2 normalization 2 camera-calibration 2 training 2 binarization 2 skin-detection 2 binary-image 2 rgb 2 classify-traffic-sign 1 color-detection 1