All Projects → MahmudulAlam → Unified Gesture And Fingertip Detection

MahmudulAlam / Unified Gesture And Fingertip Detection

Licence: mit
A Unified Convolutional Neural Network Approach of Gesture Recognition and Fingertip Detection.

Programming Languages

python
139335 projects - #7 most used programming language

Labels

Projects that are alternatives of or similar to Unified Gesture And Fingertip Detection

Yolo Pytorch
YOLO for object detection tasks
Stars: ✭ 301 (+148.76%)
Mutual labels:  cnn, yolo
Yolo V3 Iou
YOLO3 动漫人脸检测 (Based on keras and tensorflow) 2019-1-19
Stars: ✭ 116 (-4.13%)
Mutual labels:  cnn, yolo
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (+149.59%)
Mutual labels:  cnn, yolo
Anpr
licence plate detection and recognition
Stars: ✭ 277 (+128.93%)
Mutual labels:  cnn, yolo
Mobilenet Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB🔥🔥🔥
Stars: ✭ 1,566 (+1194.21%)
Mutual labels:  cnn, yolo
Pedestrian Cam
Monitoring Foot Traffic over IP Webcams with ML
Stars: ✭ 113 (-6.61%)
Mutual labels:  yolo
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+1182.64%)
Mutual labels:  cnn
Tf2
An Open Source Deep Learning Inference Engine Based on FPGA
Stars: ✭ 113 (-6.61%)
Mutual labels:  cnn
Torchsketch
Stars: ✭ 113 (-6.61%)
Mutual labels:  cnn
Classifier multi label textcnn
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 116 (-4.13%)
Mutual labels:  cnn
Model Quantization
Collections of model quantization algorithms
Stars: ✭ 118 (-2.48%)
Mutual labels:  cnn
Satellite Image Object Detection
YOLO/YOLOv2 inspired deep network for object detection on satellite images (Tensorflow, Numpy, Pandas).
Stars: ✭ 115 (-4.96%)
Mutual labels:  yolo
Pytorch cpp
Deep Learning sample programs using PyTorch in C++
Stars: ✭ 114 (-5.79%)
Mutual labels:  yolo
Aspect Extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Stars: ✭ 117 (-3.31%)
Mutual labels:  cnn
Deepway
This project is an aid to the blind. Till date there has been no technological advancement in the way the blind navigate. So I have used deep learning particularly convolutional neural networks so that they can navigate through the streets.
Stars: ✭ 118 (-2.48%)
Mutual labels:  cnn
Reproducible Image Denoising State Of The Art
Collection of popular and reproducible image denoising works.
Stars: ✭ 1,776 (+1367.77%)
Mutual labels:  cnn
Yolo mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
Stars: ✭ 1,624 (+1242.15%)
Mutual labels:  yolo
Hyperlandmark
Deep Learning Based Free Mobile Real-Time Face Landmark Detector. Contact:[email protected]
Stars: ✭ 1,528 (+1162.81%)
Mutual labels:  cnn
Not Hotdog
Built with TensorFlow, Yolov2 Tiny and React Native | Flutter | Javascript
Stars: ✭ 114 (-5.79%)
Mutual labels:  yolo
Id Card Detector
💳 Detecting the National Identification Cards with Deep Learning (Faster R-CNN)
Stars: ✭ 114 (-5.79%)
Mutual labels:  cnn

Unified Gesture Recognition and Fingertip Detection

A unified convolutional neural network (CNN) algorithm for both hand gesture recognition and fingertip detection at the same time. The proposed algorithm uses a single network to predict both finger class probabilities for classification and fingertips positional output for regression in one evaluation. From the finger class probabilities, the gesture is recognized, and using both of the information fingertips are localized. Instead of directly regressing the fingertips position from the fully connected (FC) layer of the CNN, we regress the ensemble of fingertips position from a fully convolutional network (FCN) and subsequently take ensemble average to regress the final fingertips positional output.

Update

Included robust real-time hand detection using yolo for better smooth performance in the first stage of the detection system and most of the code has been cleaned and restructured for ease of use. To get the previous versions, please visit the release section.

GitHub stars GitHub forks GitHub issues Version GitHub license

Requirements

  • [x] TensorFlow-GPU==1.15.0
  • [x] Keras==2.2.4
  • [x] ImgAug==0.2.6
  • [x] OpenCV==4.2.0
  • [x] Weights: Download the pre-trained weights files of the unified gesture recognition and fingertip detection model and put the weights folder in the working directory.

Downloads Downloads

The weights folder contains four weights files. The classes5.h5 is for the first five classes, classes8.h5 is for the first eight classes. yolo.h5 and solo.h5 are for the yolo and solo method of hand detection. (what is solo?)

Paper

Paper

To get more information about the proposed method and experiments, please go through the paper. Cite the paper as:

@article{alam2021unified,
  title={A Unified Learning Approach for Hand Gesture Recognition and Fingertip Detection},
  author={Alam, Mohammad Mahmudul and Islam, Mohammad Tariqul and Rahman, SM Mahbubur},
  journal={arXiv preprint arXiv:2101.02047},
  year={2021}
}

Dataset

The proposed gesture recognition and fingertip detection model is trained by employing Scut-Ego-Gesture Dataset which has a total of eleven different single hand gesture datasets. Among the eleven different gesture datasets, eight of them are considered for experimentation. A detailed explanation about the partition of the dataset along with the list of the images used in the training, validation, and the test set is provided in the dataset/ folder.

Network Architecture

To implement the algorithm, the following network architecture is proposed where a single CNN is utilized for both hand gesture recognition and fingertip detection.

Prediction

To get the prediction on a single image run the predict.py file. It will run the prediction in the sample image stored in the data/ folder. Here is the output for the sample.jpg image.

Real-Time!

To run in real-time simply clone the repository and download the weights file and then run the real-time.py file.

directory > python real-time.py

In real-time execution, there are two stages. In the first stage, the hand can be detected by using either you only look once (yolo) or single object localization (solo) algorithm. By default, yolo will be used here. The detected hand portion is then cropped and fed to the second stage for gesture recognition and fingertip detection.

Output

Here is the output of the unified gesture recognition and fingertip detection model for all of the 8 classes of the dataset where not only each fingertip is detected but also each finger is classified.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].