All Projects → thuml → Predrnn Pytorch

thuml / Predrnn Pytorch

Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Predrnn Pytorch

Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+1525.42%)
Mutual labels:  recurrent-neural-networks
Char Rnn Keras
TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts
Stars: ✭ 40 (-32.2%)
Mutual labels:  recurrent-neural-networks
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-11.86%)
Mutual labels:  recurrent-neural-networks
Sibyl
Platform for backtesting and live-trading intraday Stock/ETF/ELW using recurrent neural networks
Stars: ✭ 32 (-45.76%)
Mutual labels:  recurrent-neural-networks
Reinvent Randomized
Recurrent Neural Network using randomized SMILES strings to generate molecules
Stars: ✭ 39 (-33.9%)
Mutual labels:  recurrent-neural-networks
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-27.12%)
Mutual labels:  recurrent-neural-networks
Price prediction lob
Deep learning for price movement prediction using high frequency limit order data
Stars: ✭ 27 (-54.24%)
Mutual labels:  recurrent-neural-networks
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (+3.39%)
Mutual labels:  recurrent-neural-networks
Rnn Vae
Variational Autoencoder with Recurrent Neural Network based on Google DeepMind's "DRAW: A Recurrent Neural Network For Image Generation"
Stars: ✭ 39 (-33.9%)
Mutual labels:  recurrent-neural-networks
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-16.95%)
Mutual labels:  recurrent-neural-networks
Flynet
Official PyTorch implementation of paper "A Hybrid Compact Neural Architecture for Visual Place Recognition" by M. Chancán (RA-L & ICRA 2020) https://doi.org/10.1109/LRA.2020.2967324
Stars: ✭ 37 (-37.29%)
Mutual labels:  recurrent-neural-networks
Textclassifier
Text classifier for Hierarchical Attention Networks for Document Classification
Stars: ✭ 985 (+1569.49%)
Mutual labels:  recurrent-neural-networks
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-23.73%)
Mutual labels:  recurrent-neural-networks
Recurrent Scene Parsing With Perspective Understanding In The Loop
parsing scene images with understanding geometric perspective in the loop
Stars: ✭ 32 (-45.76%)
Mutual labels:  recurrent-neural-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-11.86%)
Mutual labels:  recurrent-neural-networks
Theano Kaldi Rnn
THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.
Stars: ✭ 31 (-47.46%)
Mutual labels:  recurrent-neural-networks
Predicting Myers Briggs Type Indicator With Recurrent Neural Networks
Stars: ✭ 43 (-27.12%)
Mutual labels:  recurrent-neural-networks
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (+1.69%)
Mutual labels:  recurrent-neural-networks
Simplehtr
Handwritten Text Recognition (HTR) system implemented with TensorFlow.
Stars: ✭ 1,072 (+1716.95%)
Mutual labels:  recurrent-neural-networks
Tensorflow Cnn Time Series
Feeding images of time series to Conv Nets! (Tensorflow + Keras)
Stars: ✭ 49 (-16.95%)
Mutual labels:  recurrent-neural-networks

PredRNN (NIPS 2017)

A PyTorch implementation of PredRNN [paper], a recurrent network with twisted and zigzag space-time memory cells for video data. Given a sequence of previous frames, our model generates future frames for multiple timestamps.

Video prediction networks have been used for precipitation nowcasting, early activity recognition, physical scene understanding, model-based visual planning, and unsupervised representation learning of video data.

Get Started

  1. Install Python 3.7, PyTorch 1.3, and OpenCV 3.4.

  2. Download data. This repo contains code for two datasets: the Moving Mnist dataset and the KTH action dataset.

  3. Train the model. You can use the following bash script to train the model. The learned model will be saved in the --save_dir folder. The generated future frames will be saved in the --gen_frm_dir folder.

cd script/
sh predrnn_mnist_train.sh

Citation

If you use this repo or our results in your research, please remember to cite the following paper.

@inproceedings{wang2017predrnn,
  title={{PredRNN}: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal {LSTM}s},
  author={Wang, Yunbo and Long, Mingsheng and Wang, Jianmin and Gao, Zhifeng and Philip, S Yu},
  booktitle={Advances in Neural Information Processing Systems},
  pages={879--888},
  year={2017}
}

Related Publication

PredRNN++: Towards A Resolution of the Deep-in-Time Dilemma in Spatiotemporal Predictive Learning.
Yunbo Wang, Zhifeng Gao, Mingsheng Long, Jianmin Wang, and Philip S. Yu.
ICML 2018 [paper] [code]

Contact

You may send email to [email protected] or [email protected], or create an issue in this repo and @wyb15.

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