Repository for RNNs using TensorFlow and Keras - LSTM and GRU Implementation from Scratch - Simple Classification and Regression Problem using RNNs

Overview

RNN

01- RNN_Classification

Simple RNN training for classification task of 3 signal: Sine, Square, Triangle.


02- RNN_Regression

Simple RNN training for sine wave estimation.

download


03- RNN_vs_GRU_Classification

Comparison of RNN model and GRU model for classification task of 3 signal: Sine, Square and Triangle, after 100 epoch training.

Model Accuracy
RNN Model 0.9315
GRU Model 0.9383

04- RNN_vs_GRU_Regression

Comparison of RNN model and GRU model for regression task of sine wave estimation after 100 epoch training.

Model loss
RNN Model 0.0027
GRU Model 0.0026

01

02


05- Ball_Move_Data_Generation

Generate data for ball move direction

image


06- GRU_Implementation_from_Scratch

GRU implementation from scratch + inference


07-LSTM_Implementation_from_Scrat

LSTM implementation from scratch + inference


08- Ball_Move_Direction_Classification

  • Generate data for ball move direction

  • Classification of direction using RNN, GRU and LSTM


09- VideoClassificationCRNN

  • 09- Video_Classification_CRNN.ipynb(train)
  • inference.py
  • models.py (gru, lstm, rnn)
  • load_video.py
  • requirements.txt

Model

Backbone: ResNet50V2 and my vgg base model for feature extraction

RNN modules: RNN, GRU and LSTM are tested

The performance of GRU module was better than other madules

Dataset

Dataset contains videos from 2 classes



Due to insufficient data, the training was not done well. but this project can be used for other video classification tasks using CRNNs


10- Video_Classification_CRNN

  • Video classificatio nusing CRNN on ucf101_top5 dataset

Model

Backbone: my vgg base model for feature extraction

RNN modules: RNN, GRU are tested

The performance of GRU module was better than RNN madules

Dataset

  • ucf101_top5 dataset containing 573 video from 5 classes

Result

Model Val Accuracy
RNN Model 0.87
GRU Model 0.94
You might also like...
Hitters Linear Regression - Hitters Linear Regression With Python
Hitters Linear Regression - Hitters Linear Regression With Python

Hitters_Linear_Regression Kullanacağımız veri seti Carnegie Mellon Üniversitesi'

A python-image-classification web application project, written in Python and served through the Flask Microframework. This Project implements the VGG16 covolutional neural network, through Keras and Tensorflow wrappers, to make predictions on uploaded images.
This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras)

Yogi-Optimizer_Keras This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras) The NeurIPS-Paper can be found here: http://papers.nips.c

Keras udrl - Keras implementation of Upside Down Reinforcement Learning

keras_udrl Keras implementation of Upside Down Reinforcement Learning This is me

Dilated RNNs in pytorch

PyTorch Dilated Recurrent Neural Networks PyTorch implementation of Dilated Recurrent Neural Networks (DilatedRNN). Getting Started Installation: $ pi

Training RNNs as Fast as CNNs
Training RNNs as Fast as CNNs

News SRU++, a new SRU variant, is released. [tech report] [blog] The experimental code and SRU++ implementation are available on the dev branch which

Example-custom-ml-block-keras - Custom Keras ML block example for Edge Impulse

Custom Keras ML block example for Edge Impulse This repository is an example on

Simple-Image-Classification - Simple Image Classification Code (PyTorch)
Simple-Image-Classification - Simple Image Classification Code (PyTorch)

Simple-Image-Classification Simple Image Classification Code (PyTorch) Yechan Kim This repository contains: Python3 / Pytorch code for multi-class ima

This repository builds a basic vision transformer from scratch so that one beginner can understand the theory of vision transformer.

vision-transformer-from-scratch This repository includes several kinds of vision transformers from scratch so that one beginner can understand the the

Owner
Nahid Ebrahimian
AI Graduated Student at Ferdowsi University of Mashhad - Machine Learning Engineer at Part AI Co - Research Assistant
Nahid Ebrahimian
Machine Translation Implement By Bi-GRU And Transformer

Seq2Seq Translation Implement By Bidirectional GRU And Transformer In Pytorch Before You Run The Code You should download the data through the link be

He Wang 2 Oct 27, 2021
Keras like implementation of Deep Learning architectures from scratch using numpy.

Mini-Keras Keras like implementation of Deep Learning architectures from scratch using numpy. How to contribute? The project contains implementations

MANU S PILLAI 5 Oct 10, 2021
Classification models 1D Zoo - Keras and TF.Keras

Classification models 1D Zoo - Keras and TF.Keras This repository contains 1D variants of popular CNN models for classification like ResNets, DenseNet

Roman Solovyev 12 Jan 6, 2023
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading

A tour through tensorflow with financial data I present several models ranging in complexity from simple regression to LSTM and policy networks. The s

null 195 Dec 7, 2022
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose

Erik Linder-Norén 21.8k Jan 9, 2023
Problem-943.-ACMP - Problem 943. ACMP

Problem-943.-ACMP В "main.py" расположен вариант моего решения задачи 943 с серв

Konstantin Dyomshin 2 Aug 19, 2022
null 5 Jan 5, 2023
A Simple LSTM-Based Solution for "Heartbeat Signal Classification and Prediction" in Tianchi

LSTM-Time-Series-Prediction A Simple LSTM-Based Solution for "Heartbeat Signal Classification and Prediction" in Tianchi Contest. The Link of the Cont

KevinCHEN 1 Jun 13, 2022
An end-to-end regression problem of predicting the price of properties in Bangalore.

Bangalore-House-Price-Prediction An end-to-end regression problem of predicting the price of properties in Bangalore. Deployed in Heroku using Flask.

Shruti Balan 1 Nov 25, 2022
Quantile Regression DQN a Minimal Working Example, Distributional Reinforcement Learning with Quantile Regression

Quantile Regression DQN Quantile Regression DQN a Minimal Working Example, Distributional Reinforcement Learning with Quantile Regression (https://arx

Arsenii Senya Ashukha 80 Sep 17, 2022