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

GitHub topics: histogram-of-oriented-gradients

sergiud/hogpp

Fast computation of rectangular histogram of oriented gradients (R-HOG) features using integral histogram

Language: C++ - Size: 336 KB - Last synced at: 10 days ago - Pushed at: 15 days ago - Stars: 13 - Forks: 1

Assem-ElQersh/Real-time-Face-Detection

Real-time face detection and recognition system with dual implementations: a beginner-friendly version using OpenCV and an advanced version with deep learning (DeepFace). Features face tracking, alignment, and real-time processing.

Language: Python - Size: 83.3 MB - Last synced at: 9 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

ahmetozlu/vehicle_counting_hog_svm

Vehicle detection, tracking and counting by SVM is trained with HOG features using OpenCV on c++.

Language: C++ - Size: 82 KB - Last synced at: about 2 months ago - Pushed at: almost 8 years ago - Stars: 98 - Forks: 35

RicardoRobledo/Scooby-Doo-characters-classiffier

Scooby-Doo characters classifier with OpenCV

Language: Jupyter Notebook - Size: 307 KB - Last synced at: 25 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MohitSV/Pedestrian_Identification

Using Haar Cascade Classifier and HOG+SVM to identify pedestrians

Language: Python - Size: 99.1 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

harshd23/Attendance_System_using_Face_Recognition

The purpose of this Attendance System Using Face System is to record the presence or attendance of employee through a browser by recognizing the faces captured through a webcam. For this record-keeping, a database was built to store the in-time and out-time of the employee.

Language: HTML - Size: 74.6 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 1

soheil-mp/Histogram-of-Oriented-Gradients-HOG

This algorithm counts occurrences of gradient orientation in localized portions of an image and visualize it in an image.

Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

kwanit1142/Human-Detection-from-Infrared-Images

Using Support Vector Machine and Extracting Histogram of Oriented Gradient Features

Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 1

tszdabee/Charpy-Microstructure-Machine-Learning

Final Year Project: Predicting Charpy impact test data from microstructure data using a machine learning model.

Language: Python - Size: 86.9 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 3

ikergarcia1996/Handwritten-Names-Recognition

The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 59 - Forks: 30

saeid436/Persian_Digit_Classification

Persian Digit Classification with Multi Layer Perceptron(MLP)- using Block Mean as feature...

Language: MATLAB - Size: 321 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

GunalGupta/Academic-Plagiarism-Checker---For-Handwritten-Submissions

This repository hosts a project that aims to tackle the issue of plagiarism in handwritten submissions. The system developed based on Multi-level detection using the combination of digital pattern analysis and text content comparison to detect potential instances of plagiarism.

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

otivedani/hedge_hog

Histogram of Oriented Gradients, full numpy

Language: Python - Size: 1.79 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Mohit-Ak/CarND-Vehicle-Detection

Goal is to write a software pipeline to detect vehicles in a video using Support Vector Machines

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

RanaHabib/MNIST-with-KNN-SVM-NeuralNetwork

MNIST dataset with several classifiers applied.

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: 12 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

Rishab0701/Artificial-Intelligence-with-Real-Time-Projects-and-Mini-Project-

All the projects and mini project on AI and ML I am going to do in my first year of college is going to be uploaded in here

Language: Jupyter Notebook - Size: 32 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

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: 19 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

M-Taghizadeh/Image-Processing-Python

In this repository, we implement common image processing techniques in Python and fully describe their algorithms.

Language: Jupyter Notebook - Size: 14.2 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 1

parthsuresh/3dvhog

Python implementation of 3D Voxel HOG from the paper "A 3D Scene Analysis Framework and Descriptors for Risk Evaluation" by Rob Dupre, Vasileios Argyriou, D. Greenhill, Georgios Tzimiropoulos.

Language: Python - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 0

cdemutiis/Vehicle_Detection_and_Tracking

Use a Histogram of Oriented Gradients (HOG), Spatial Binning of Color, Histograms of Color, a Linear Support Vector Machine and multi-scale sliding windows for vehicle detection and tracking

Language: Jupyter Notebook - Size: 196 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

Auggen21/Face-Recognition

Face Recognition with HOG (Histogram of Gradients) and LDB (Local Difference Binary) features using SVM Classifier

Language: MATLAB - Size: 63.8 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 3

KCC13/tf-HOG

The histogram of oriented gradients (HOG) implemented in tensorflow.

Language: Jupyter Notebook - Size: 324 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 4

Raa-11/sistem_deteksi_kantuk_iot

Sistem Deteksi Kantuk Berbasis Internet Of Things Untuk Mobil

Language: Python - Size: 67.4 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

apgeorg/Vehicle-Detection-And-Tracking

Vehicle Detection and Tracking

Language: Python - Size: 79.9 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

Moukhik20/Image-Processing-and-Computer-Vision-Techniques-used-in-Autonomous-Vehicles

Techniques used are Canny Edge Detection, Lane Dtection using Hough Transform, Feature Extraction using Histogram of Oriented Gradients (HOG) and a Vehicle Detection Model using SVM

Language: Jupyter Notebook - Size: 674 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

hotessy/car_classifier

Implementing different object detection algorithms on the UIUC car dataset

Language: C - Size: 42.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

arcticpenguin/ObjectDetection

Object detection program, using HoG+SVM, OpenCV2.4.10, VS2013

Language: C++ - Size: 32.5 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 23 - Forks: 25

farhadabedinzadeh/Thermogram-Breast-Cancer-Detection

Thermograms Classification To Breast Cancer Detection Using Statistical And Fractal Texture Features Extraction

Language: MATLAB - Size: 3.54 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

JakubVojvoda/histogram-of-oriented-gradients-gpu

Histogram of oriented gradients (HOG) on GPU

Language: C++ - Size: 54.7 KB - Last synced at: 3 months ago - Pushed at: about 9 years ago - Stars: 8 - Forks: 0

tobybreckon/python-bow-hog-object-detection Fork of siphomateke/PyBOW

Bag of Visual Words and HOG based object detection in python/opencv

Language: Python - Size: 472 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 9

JaiPe/hoggy

Library for creating HoGs for use with machine learning etc.

Language: JavaScript - Size: 32.2 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

chriamue/hog-detector

Histogram of Oriented Gradients and Object Detection

Language: Rust - Size: 55 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

mavenzer/Player-Action-Detection

Language: Matlab - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 16 - Forks: 3

Phrungck/myocardial-infarction-detection

A baseline/jump-off project for segmentation of cardiac regions and detection of myocardial infarction. Dataset used: https://www.kaggle.com/datasets/aysendegerli/hmcqu-dataset

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Praveenterax/Traffic-sign-Detection-Recognition-Matlab-RandomForest

Detect traffic sign and recognize them using Image Processing algorithms and Machine Learning(Random Forest)

Language: MATLAB - Size: 4.83 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

VitoriaCarvalho/VisaoComputacional

Um pouco dos trabalhos desenvolvidos durante a disciplina de Visão Computacional <3

Language: Jupyter Notebook - Size: 44.7 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 2

RAvengineer/CSE3018-CBIR-Lab

Lab Experiments under Lab component of CSE3018 - Content-based Image and Video Retrieval course at Vellore Institute of Technology, Chennai

Language: MATLAB - Size: 6.48 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

onurboyar/SketchBasedFaceRecognition

Sketch based face recognition using AR and CUHK datasets. CNN and HoG methods are compared. Different augmentation techniques are applied due to limited data size.

Language: Jupyter Notebook - Size: 511 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

rylp/Parkinsons-Disease-Detection

Worked on a Medical Computer Vision project involving Parkinson's Disease Detection by using Histogram of Oriented Gradients (HOG), Machine Learning and OpenCV on the images generated by the Spiral-Wave test

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

rohitkumark1499/Human_face_or_not_detection_using_HOG

The repository contains code which is used to detect weather the given image is of human or not using Histogram Of Oriented Gradients (HOG) technique

Language: Python - Size: 227 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

iremkalkanli/Social-Distance-Analysis

Python code that examines social distance and warns in cases of violation.

Language: Python - Size: 11.4 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

elatfar/Sign-Language-Detection

Model that train with HOG+SVM to define sign language gesture

Language: OpenEdge ABL - Size: 38.9 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

souravs17031999/Dog-Breed-Classifier-App

This repo includes complete end to end algorithm for dog breed classification mechanism using deep learning.

Language: HTML - Size: 5.63 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

shah-deven/SVM-Object-Detection

Train a SVM and for detecting human upper bodies in TV series The Big Bang Theory

Language: Matlab - Size: 61.4 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 2

vladiant/ObjectDetectSamples

Object Classification and Detection samples

Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

dao-duc-tung/Human-Detector-App

Implementation of Histogram of Oriented Gradients-based Human Detector from scratch

Language: C# - Size: 27.4 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

niharikakrishnan/Human-Detection-using-HOG

To compute the HOG (Histograms of Oriented Gradients) feature from an input image and then classify the HOG feature vector into human or no-human by using a 3-nearest neighbor (NN) classifier.

Language: Python - Size: 7.19 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

IacopomC/CarND-Vehicle-Detection

Vehicle Detection and Tracking pipeline with OpenCV, HOG and SVM.

Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

onaly/image_object_similarity

Object similarity in images using Histogram of Oriented Gradients (HOG)

Language: MATLAB - Size: 31.3 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Sai-Venky/HOG

Histogram Of Oriented Gradients - C++

Language: C++ - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

lashraelrx/social-distance-detector

Python program to detect social distance violations with simple opencv libraries(HOG)

Language: Python - Size: 10.3 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

emredog/vmt

Activity recognition with volume motion templates and histograms of 3D gradients

Language: C++ - Size: 82.7 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

canxkoz/HOG-Classifier

Image Search via Feature Vectors.

Language: Python - Size: 55.8 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 0

Surya97/MWDB-project

Multimedia and Web Databases Fall 2019 project

Language: Python - Size: 53.5 MB - Last synced at: 21 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

defi0x1/Build-Classifier-LogisticRegression

Classification countryside and metropilitian

Language: Python - Size: 9.89 MB - Last synced at: 6 days ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

aidenyg/Handwritten-Names-Recognition Fork of ikergarcia1996/Handwritten-Names-Recognition

The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

shreyasbhatia09/CSE527

Introduction to Computer Vision

Language: Python - Size: 10.6 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

alex-lechner/CarND-VehicleDetection-P5

Detecting and tracking vehicles with computer vision and machine learning. Project 5 of Udacity's Self-Driving Car Engineer Nanodegree Program.

Language: Python - Size: 23.2 MB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

MovElb/CV-projects

Projects related to Computer Vision

Language: Python - Size: 59.4 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

yaricom/robotvisiontracker

An algorithm that can detect and track the object of interest (OOI) in video frames.

Language: C++ - Size: 646 KB - Last synced at: 3 months ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

jinglebot/Vehicle_Detection_and_Tracking

Supervised Classification using Python, SVM, HOG, Jupyter, Anaconda, AWS, Ubuntu

Language: Jupyter Notebook - Size: 83.9 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

Related Keywords
histogram-of-oriented-gradients 61 computer-vision 15 opencv 14 image-processing 14 hog 13 python 13 machine-learning 13 hog-features 13 svm 12 svm-classifier 8 support-vector-machines 7 local-binary-patterns 6 vehicle-detection 5 object-detection 5 feature-extraction 5 face-recognition 5 matlab 5 self-driving-car 4 face-detection 4 deep-learning 4 support-vector-machine 4 random-forest 4 numpy 4 histogram-equalization 3 sliding-windows 3 jupyter-notebook 3 scikit-learn 3 sklearn 3 python3 3 matplotlib 3 neural-network 3 self-driving-cars 3 hog-features-extraction 3 opencv-python 3 haar-cascade-classifier 3 svm-model 3 principal-component-analysis 2 restricted-boltzmann-machine 2 color-histogram 2 neural-networks 2 multilayer-perceptron-network 2 character-recognition 2 human-detection 2 segmentation 2 harris-corner-detector 2 scipy 2 classification 2 pytorch 2 autonomous-vehicles 2 classifier 2 convolutional-neural-networks 2 sift 2 histogram 2 haar-cascade 2 random-forest-classifier 2 cnn-model 1 gray-level-coocurence-matrix 1 glcm 1 tamura 1 data-augmentation 1 vit-university 1 distance-metrics 1 lbp-features 1 shape-analysis 1 surf-features 1 sift-features 1 efficientnet 1 gpu 1 gradient-descent 1 opencl 1 bag-of-visual-words 1 rust 1 wasm 1 histogram-of-optical-flow 1 random-forrest 1 lstm 1 gtsdb 1 gtsdb-dataset 1 gtsrb 1 gtsrb-dataset 1 traffic-sign-classification 1 traffic-sign-detection 1 traffic-sign-recognition 1 kmeans 1 matplotlib-pyplot 1 skimage 1 auto-correlogram 1 cbir 1 ccv 1 color-cohorence-vector 1 color-mapping 1 medical-image-processing 1 euclidean-distances 1 image-retrieval 1 lda 1 nmf-decomposition 1 pagerank-algorithm 1 pca 1 svd 1 binary-classification 1