All Projects → ayanavasarkar → Rnn_lstm_gesture_recog

ayanavasarkar / Rnn_lstm_gesture_recog

Licence: other
For recognising hand gestures using RNN and LSTM... Implementation in TensorFlow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Rnn lstm gesture recog

Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+5585.71%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+1671.43%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+14878.57%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+907.14%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Sequence-to-Sequence-Learning-of-Financial-Time-Series-in-Algorithmic-Trading
My bachelor's thesis—analyzing the application of LSTM-based RNNs on financial markets. 🤓
Stars: ✭ 64 (+357.14%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Speech Recognition Neural Network
This is the end-to-end Speech Recognition neural network, deployed in Keras. This was my final project for Artificial Intelligence Nanodegree @Udacity.
Stars: ✭ 148 (+957.14%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Stock Price Prediction Lstm
OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network
Stars: ✭ 232 (+1557.14%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+1171.43%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (+50%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
LSTM-footballMatchWinner
This repository contains the code for a conference paper "Predicting the football match winner using LSTM model of Recurrent Neural Networks" that we wrote
Stars: ✭ 44 (+214.29%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+592.86%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Deep-Learning
This repo provides projects on deep-learning mainly using Tensorflow 2.0
Stars: ✭ 22 (+57.14%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+378.57%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Rnn lstm from scratch
How to build RNNs and LSTMs from scratch with NumPy.
Stars: ✭ 156 (+1014.29%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (+271.43%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Chase
Automatic trading bot (WIP)
Stars: ✭ 73 (+421.43%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Conversational-AI-Chatbot-using-Practical-Seq2Seq
A simple open domain generative based chatbot based on Recurrent Neural Networks
Stars: ✭ 17 (+21.43%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Da Rnn
📃 **Unofficial** PyTorch Implementation of DA-RNN (arXiv:1704.02971)
Stars: ✭ 256 (+1728.57%)
Mutual labels:  recurrent-neural-networks, lstm-neural-networks
Ctcdecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, prefix search, beam search and token passing. Implemented in Python.
Stars: ✭ 529 (+3678.57%)
Mutual labels:  recurrent-neural-networks
Keras Attention
Visualizing RNNs using the attention mechanism
Stars: ✭ 697 (+4878.57%)
Mutual labels:  recurrent-neural-networks

rnn_lstm_gesture_recog

For recognising hand gestures using RNN and LSTM... Implementation in TensorFlow

In this git repo, there are 4 main files that represent the current implementation. Rest are for testing purposes. These 4 files can be copied for other implementations.

  1. rnn_lstm_optimized.py --- This python script is the optimized implementation. It trains the model on the data and then tests the accuracy and records it.

  2. rnn_lstm_train.py --- This python script file is for training the model on the data and then string the model and the graph in the folder trained_model.

  3. rnn_lstm_test.py --- This python script file is for testing the accuracy of the saved trained model.

  4. rnn_lstm_testing.py --- It calculates and depicts the accuracy of prediction of the model across the 4 classes of gestures. It also represents the standard deviation for each class during prediction.

Link to the Research Paper --- https://link.springer.com/content/pdf/10.1007%2F978-3-319-72038-8_3.pdf

Please cite the following paper:

Dynamic Hand Gesture Recognition for Mobile Systems Using Deep LSTM (Link for Paper -- https://link.springer.com/content/pdf/10.1007%2F978-3-319-72038-8_3.pdf)

Citation ---

Sarkar, A., Gepperth, A., Handmann, U., & Kopinski, T. (2017, December). Dynamic Hand Gesture Recognition for Mobile Systems Using Deep LSTM. In International Conference on Intelligent Human Computer Interaction (pp. 19-31). Springer, Cham.

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