All Projects → loicmarie → Sign Language Alphabet Recognizer

loicmarie / Sign Language Alphabet Recognizer

Licence: mit
Simple sign language alphabet recognizer using Python, openCV and tensorflow for training Inception model (CNN classifier).

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Sign Language Alphabet Recognizer

Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-10.39%)
Mutual labels:  classification
Shufflenet V2 Tensorflow
A lightweight convolutional neural network
Stars: ✭ 145 (-5.84%)
Mutual labels:  classification
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+1326.62%)
Mutual labels:  classification
Interactive machine learning
IPython widgets, interactive plots, interactive machine learning
Stars: ✭ 140 (-9.09%)
Mutual labels:  classification
Grid Gcn
Grid-GCN for Fast and Scalable Point Cloud Learning
Stars: ✭ 143 (-7.14%)
Mutual labels:  classification
Wordembeddings Elmo Fasttext Word2vec
Using pre trained word embeddings (Fasttext, Word2Vec)
Stars: ✭ 146 (-5.19%)
Mutual labels:  classification
Pytorch semantic segmentation
Implement some models of RGB/RGBD semantic segmentation in PyTorch, easy to run. Such as FCN, RefineNet, PSPNet, RDFNet, 3DGNN, PointNet, DeepLab V3, DeepLab V3 plus, DenseASPP, FastFCN
Stars: ✭ 137 (-11.04%)
Mutual labels:  classification
Ml Course
Starter code of Prof. Andrew Ng's machine learning MOOC in R statistical language
Stars: ✭ 154 (+0%)
Mutual labels:  classification
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+1146.75%)
Mutual labels:  classification
Iciar2018
Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification. ICIAR 2018 Grand Challenge on BreAst Cancer Histology images (BACH)
Stars: ✭ 149 (-3.25%)
Mutual labels:  classification
Benchmarks
Comparison tools
Stars: ✭ 139 (-9.74%)
Mutual labels:  classification
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (-8.44%)
Mutual labels:  classification
Darknet2ncnn
Darknet2ncnn converts the darknet model to the ncnn model
Stars: ✭ 149 (-3.25%)
Mutual labels:  classification
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+2107.14%)
Mutual labels:  classification
Dgcnn.pytorch
A PyTorch implementation of Dynamic Graph CNN for Learning on Point Clouds (DGCNN)
Stars: ✭ 153 (-0.65%)
Mutual labels:  classification
Invoicenet
Deep neural network to extract intelligent information from invoice documents.
Stars: ✭ 1,886 (+1124.68%)
Mutual labels:  classification
100daysofmlcode
My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge.
Stars: ✭ 146 (-5.19%)
Mutual labels:  classification
Transfer Learning Anime
Transfer Learning for Anime Characters Recognition
Stars: ✭ 155 (+0.65%)
Mutual labels:  classification
Color recognition
🎨 Color recognition & classification & detection on webcam stream / on video / on single image using K-Nearest Neighbors (KNN) is trained with color histogram features by OpenCV.
Stars: ✭ 154 (+0%)
Mutual labels:  classification
Sunets
PyTorch Implementation of Stacked U-Nets (SUNets)
Stars: ✭ 149 (-3.25%)
Mutual labels:  classification

SLR Alphabet Recognizer

This project is a sign language alphabet recognizer using Python, openCV and tensorflow for training InceptionV3 model, a convolutional neural network model for classification.

The framework used for the CNN implementation can be found here:

Simple transfer learning with an Inception V3 architecture model by xuetsing

The project contains the dataset (1Go). If you are only interested in code, you better copy/paste the few files than cloning the entire project.

You can find the demo here

Demo

Requirements

This project uses python 3.5 and the PIP following packages:

  • opencv
  • tensorflow
  • matplotlib
  • numpy

See requirements.txt and Dockerfile for versions and required APT packages

Using Docker

docker build -t hands-classifier .
docker run -it hands-classifier bash

Install using PIP

pip3 install -r requirements.txt

Training

To train the model, use the following command (see framework github link for more command options):

python3 train.py \
  --bottleneck_dir=logs/bottlenecks \
  --how_many_training_steps=2000 \
  --model_dir=inception \
  --summaries_dir=logs/training_summaries/basic \
  --output_graph=logs/trained_graph.pb \
  --output_labels=logs/trained_labels.txt \
  --image_dir=./dataset

If you're using the provided dataset, it may take up to three hours.

Classifying

To test classification, use the following command:

python3 classify.py path/to/image.jpg

Using webcam (demo)

To use webcam, use the following command:

python3 classify_webcam.py

Your hand must be inside the rectangle. Keep position to write word, see demo for deletions.

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].