All Projects → Alireza-Akhavan → Rnn Notebooks

Alireza-Akhavan / Rnn Notebooks

RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)

Projects that are alternatives of or similar to Rnn Notebooks

Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+664.58%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+233.33%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+7020.83%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+320.83%)
Mutual labels:  lstm, gru, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-66.67%)
Mutual labels:  lstm, gru, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (-16.67%)
Mutual labels:  lstm, gru, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+289.58%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+6031.25%)
Mutual labels:  jupyter-notebook, lstm, rnn
myDL
Deep Learning
Stars: ✭ 18 (-62.5%)
Mutual labels:  lstm, gru, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+458.33%)
Mutual labels:  jupyter-notebook, lstm, rnn
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+843.75%)
Mutual labels:  jupyter-notebook, lstm, gru
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+1031.25%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+6585.42%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+1745.83%)
Mutual labels:  jupyter-notebook, lstm, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+362.5%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-50%)
Mutual labels:  lstm, gru, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+1358.33%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (+266.67%)
Mutual labels:  jupyter-notebook, lstm, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+618.75%)
Mutual labels:  jupyter-notebook, lstm, rnn
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+1127.08%)
Mutual labels:  jupyter-notebook, lstm, rnn

rnn-notebooks

RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)

class.vision

class.vision

Slides

RNN.pdf

Video

Some parts are freely available from our Aparat channel or you can purchase a full package including 32 videos in Persian from class.vision

Notebooks

Intro to RNN:

01_simple-RNN.ipynb

How we can inference with diffrent sequence length?!

02_1_simple-RNN-diffrent-sequence-length.ipynb

02_2_simple-RNN-diffrent-sequence-length.ipynb

Cryptocurrency predicting

  • when we use return_sequences=True ?
  • Stacked RNN (Deep RNN)
  • using a LSTM layer

03_1_Cryptocurrency-predicting.ipynb

03_2_Cryptocurrency-predicting.ipynb

CNN + LSTM for Ball movement classification

  • what is TimeDistributed layer in Keras?
  • Introduction to video classification
  • CNN + LSTM

04_simple-CNN-LSTM.ipynb

Action Recognition with pre-trained CNN and LSTM

  • How using pre-trained CNN as a feature extracture for RNN
  • using GRU layer

05-1-video-action-recognition-train-extract-features-with-cnn

05-2_video-action-recognition-train-rnn.ipynb

Word Embedding and Analogy

  • Using Glove
  • Cosine Similarity
  • Analogy

06_analogy-using-embeddings.ipynb

Text Classification

  • What is Bag of Embeddings?
  • Using Embedding Layer in keras
  • Set embedding layer with pre-trained embedding
  • Using RNN for NLP Tasks

07_text-classification-Emojify.ipynb

Language Model and Text generation (On Persian poetry, Shahnameh)

  • what is TF Dataset
  • Stateful VS Stateless
  • When we need batch_input_shape ?

08_shahnameh-text-generation-language-model.ipynb

Seq2Seq networks (Encoder-Decoder)

Understanding a mathematical strings with seq2seq

  • using RepeatVector for connecting encoder to decoder
  • use encoder hidden state as an input decoder

09_add-numbers-with-seq2seq.ipynb

NMT (Natural Machine Trnslate) with Attention in Keras

10_Neural-machine-translation-with-attention-for-date-convert.ipynb

NMT with Attention and teacher forcing in TF2.0

  • Teacher forcing
  • Loss with Mask for zero padding!
  • Using Model-Subclassing

11_nmt-with-attention.ipynb

Image Captioning with Attention

12_image-captioning-with-attention.ipynb

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