GitHub topics: thresholding
KulikDM/pythresh
Outlier Detection Thresholding
Language: Jupyter Notebook - Size: 14.8 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 128 - Forks: 5

zainabkapadia52/Image_Processing_App
An interactive Streamlit app that combines image binarization with thresholding (Otsu's and manual) and histogram matching for style consistency. Users can upload images, apply thresholding with noise addition and interactive histograms, or transfer the tonal characteristics of a reference image to source images.
Language: Python - Size: 33.2 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

OgeNI/Fingerprint_Process_Enhance_Binarize
Fingerprint binarization algorithm
Language: Python - Size: 53.7 KB - Last synced at: 22 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 1

zenahmad06/handling-skin-color
Handling different skin color in image in thresholding method
Language: HTML - Size: 1.38 MB - Last synced at: about 2 months ago - Pushed at: about 2 months 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 at: 4 days ago - Pushed at: almost 5 years ago - Stars: 20 - Forks: 2

Digiratory/sdd-segmentation
The python implementation of algorithm proposed by Z. Wang, "A New Approach for Segmentation and Quantification of Cells or Nanoparticles," in IEEE Transactions on Industrial Informatics, vol. 12, no. 3, pp. 962-971, June 2016, DOI: 10.1109/TII.2016.
Language: Python - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - 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 at: 2 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

Rashiin/Image-Processing-project
Language: Python - Size: 6.84 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

lamaabdeldayem/Image-Processing
A Python-based image processing project using OpenCV to perform edge detection, thresholding, contour detection, and visualization, including bounding boxes on detected contours.
Language: Python - Size: 9.77 KB - Last synced at: 24 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

zamaex96/Data-Augmentation
This Python script uses the PIL (Python Imaging Library) to perform image processing operations including bicubic interpolation and binary thresholding on a specified input image.
Language: Python - Size: 433 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nasirsaeed2704/Birds-In-The-Sky-Object-Detection
This project explores a simple yet effective object detection method using OpenCV to identify birds flying in the sky. The solution is designed to detect objects where birds are visibly darker than the background, leveraging computer vision techniques like adaptive thresholding and contour detection.
Language: Python - Size: 2.89 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Computer-Vision-Spring-2024/exVision-BasicToolkit
BasicToolkit is an intuitive image-processing and computer vision app that has the feel of Photoshop. It offers a range of processing techniques built from scratch, such as filtering, equalizing, active contouring, and more.
Language: Python - Size: 276 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Felipecastanog/final_project_ENEL645
PRIVACY-PRESERVING RECORD LINKAGE METHODS FOR HOMELESSNESS DATA
Language: Jupyter Notebook - Size: 4.32 MB - Last synced at: 4 months ago - Pushed at: 4 months 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.42 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 7 - Forks: 2

aryy-hue/Bottle-Identification-and-Liquid-Level-Analysis-System
Adaptive thresholding and contour
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Computer-Vision-Spring-2024/exVision-AlgoSegment
Desktop application incorporating different algorithmic segmentation techniques, specifically clustering and thresholding
Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

GFrasson/leaf-image-segmentation
Programa de segmentação de imagens para geração de uma base de máscaras que será utilizada no treinamento de uma rede neural para aprimorar a etapa de segmentação de um método de dimensionamento foliar.
Language: Jupyter Notebook - Size: 404 KB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Souravjyoti/Platelets-and-WBC-detection-and-count-from-blood-smear-images.
Medical Image processing and segmentation for the automatic detection and counting of blood platelets and WBCs.
Language: Python - Size: 15 MB - Last synced at: 2 months ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

Axisflow/AMTS-Steganography
Data Hiding in Color Images Using Adjacent Mean with Threshold Shifting
Language: Jupyter Notebook - Size: 8.58 MB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

LazoVelko/Image-Processing-Library
Library for processing and manipulating images.
Language: C# - Size: 4.49 MB - Last synced at: 6 days ago - Pushed at: about 8 years ago - Stars: 44 - Forks: 18

ADIL41/Muhammad-Adil
its all about my computer vision journey
Language: Python - Size: 211 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

nomadsdev/edge-vision-cam
EdgeVisionCam is a real-time edge detection tool using Python and Pygame. It processes live webcam video to highlight edges and contours, offering a clear view of your environment's features. With an easy-to-use interface and adjustable settings, EdgeVisionCam is ideal for dynamic visual analysis.
Language: Python - Size: 7.81 KB - Last synced at: 13 days ago - Pushed at: 8 months ago - Stars: 2 - Forks: 1

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 at: 8 months ago - Pushed at: 8 months ago - Stars: 7 - 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 at: about 1 year ago - Pushed at: over 1 year ago - Stars: 33 - Forks: 4

chandra-ps612/Set_of_shortest_distance_rectangles
Classical Computer Vision
Language: Python - Size: 16.6 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

lukegor/JSharp
This project is a comprehensive image processing application designed to perform a wide range of operations on digital images. It provides a user-friendly interface for opening, manipulating, and analyzing images using various techniques and algorithms. It is built using C# and WPF, leveraging the MVVM (Model-View-ViewModel) design pattern.
Language: C# - Size: 438 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - 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 at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 2

Galasnow/Threshold_Extract
In water index calculation, gets the best threshold and full area of water according to known parts or approximation of water.
Language: Python - Size: 48.8 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

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 at: 16 days ago - Pushed at: almost 5 years ago - Stars: 36 - Forks: 9

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: 883 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

shubvats/EdgeDetection-GradientImage-C
EdgeDetection-GradientImage-C: A C program for edge detection and gradient image generation. Implements threshold-based edge detection and computes gradient images using 3x3 and 5x5 filters. Handles overflow and underflow, essential for image processing tasks.
Language: C - Size: 3.91 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

jizekki/mewo
Interpreting neural networks predictions for multi-label classification of music catalogs.
Language: Jupyter Notebook - Size: 592 KB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Fay-Balhareth/Lab-5
This lab explores essential image enhancement techniques using OpenCV in Python. Tasks include Contrast Stretching, Thresholding and Half Toning, Histogram Equalization, and Histogram Matching.
Language: Jupyter Notebook - Size: 3.62 MB - Last synced at: 10 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Hetawk/thresholding_and_image_segmentation
A Python project for image processing, including edge detection and thresholding, applied to sample images like bacteria, Lena, and fingerprint.
Language: Python - Size: 5.91 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

gulabpatel/Computer_Vision
Image Classification, Object Detection, Image Segmentation, Instance Segmentation and Pose Estimation
Language: Jupyter Notebook - Size: 124 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 4 - 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: 11 months ago - Pushed at: about 5 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 at: 11 months ago - Pushed at: about 4 years 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 at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

gsiddhad/Image-Processing
Matlab Codes for Image Manipulation
Language: Jupyter Notebook - Size: 1.65 MB - Last synced at: 12 months ago - Pushed at: about 4 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 at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

abdullahelen/ElenThreshold
A histogram-based global thresholding method for image binarization
Language: MATLAB - Size: 3.47 MB - Last synced at: 12 months ago - Pushed at: 12 months 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 at: 12 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

overtane/udacity-carnd-p4
Computer Vision: Lane Line Detection with OpenCV
Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 1 year ago - Pushed at: about 8 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 at: 5 days ago - Pushed at: almost 5 years ago - Stars: 21 - Forks: 7

prasanthcodes/segment_objects
segment image objects based on color
Language: HTML - Size: 9.77 KB - Last synced at: 12 months ago - Pushed at: about 1 year 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 at: about 1 year ago - Pushed at: about 6 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 at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

maettyhawk/popartjs
Generate Andy Warhole alike popart images
Language: JavaScript - Size: 759 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

MehmetZahidGenc/Image-Processing-Resources
Created by Mehmet Zahid Genç
Language: Jupyter Notebook - Size: 6.3 MB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 0 - 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 at: about 1 year ago - Pushed at: almost 2 years 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 at: about 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

n0obcoder/image_recognition
digit recognition
Language: Jupyter Notebook - Size: 5.88 MB - Last synced at: over 1 year ago - Pushed at: over 7 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 at: over 1 year ago - Pushed at: over 6 years ago - Stars: 18 - Forks: 10

donxuiqote/PCD_Tugas1
Greyscaled, Histogram, Negative, Threshold using algorithm not MATLBA's function
Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ddS08/Medical-Image-Processing
Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: over 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

srijachatterjee19/TagDetection
Image Processing(2022 MOD002643)
Language: MATLAB - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: over 5 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 at: over 1 year ago - Pushed at: about 6 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 at: over 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: almost 4 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 at: 10 days ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

marthtz/colorSelect
Threshold an image interactively (HSV,HSL, Sobel X/Y)
Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: about 8 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 at: over 1 year ago - Pushed at: about 6 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 at: over 1 year ago - Pushed at: over 3 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 at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

amrusb/ImageSegmentation
A java application showing diffrent image segmentation's algorithms.
Language: Java - Size: 57.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Team-IEEE-BPIT/Symphony
Symphony is an interactive music experience that utilizes computer vision technology to detect leg gestures made by the participant using ArucoMarkers.
Size: 2.65 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

SamaSamrin/Image-Thresholding-with-OpenCV
Attempt at image thresholding with OpenCV and Google Colab
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years 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 at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ddS08/Fingerprint-Feature-Extraction
Language: Jupyter Notebook - Size: 930 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

sshen8/acsat
Automated Cell Segmentation by Adaptive Thresholding (ACSAT)
Language: Matlab - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 3

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 at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

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 at: about 2 years ago - Pushed at: about 2 years 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 at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Akhilesh64/Image-Processing
Implementation of various image processing methods from scratch in python.
Language: Python - Size: 2.97 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 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 at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

dhinkris/medical-imaging
Medical Image Processing Techniques
Language: Jupyter Notebook - Size: 18.7 MB - Last synced at: about 2 years ago - Pushed at: almost 8 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 at: 19 days ago - Pushed at: over 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 at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

Scrawk/ImageProcessing
A collection of code for processing images
Language: C# - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: almost 3 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 at: about 2 years ago - Pushed at: about 6 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 at: about 2 years ago - Pushed at: over 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 at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

JCamiloo/ImageProcessing
Qt interface for the digital images processing.
Language: C++ - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

RedFerret61/DrumRPG
Drum Rhythm Pattern Generator
Language: Java - Size: 298 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - 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 at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

fqjin/skin-segmentation
Two methods for segmenting skin on ultrasound B-mode images
Language: Python - Size: 2.48 MB - Last synced at: about 2 years ago - Pushed at: over 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 at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

shanthi-ni/BrainTumorDetection
Simple project on detecting presence of brain tumor
Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years 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 at: 7 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

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 at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

deanpoulos/box-invert
Computer Vision tool for advanced image inversion.
Language: Python - Size: 2.55 MB - Last synced at: almost 2 years ago - Pushed at: about 4 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 at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

AlessandroSaviolo/Shadow-Detector
Shadow Detector
Language: C++ - Size: 2.75 MB - Last synced at: about 2 years ago - Pushed at: about 4 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 at: 19 days ago - Pushed at: almost 3 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 at: almost 2 years ago - Pushed at: about 4 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 at: about 2 months ago - Pushed at: almost 3 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 at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
