Top 450 lstm open source projects

Tensorflow Bitcoin Robot
A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.
Tensorflow Multi Dimensional Lstm
Multi dimensional LSTM as described in Alex Graves' Paper https://arxiv.org/pdf/0705.2011.pdf
Mimick
Code for Mimicking Word Embeddings using Subword RNNs (EMNLP 2017)
Awd Lstm Lm
LSTM and QRNN Language Model Toolkit for PyTorch
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Jptdp
Neural network models for joint POS tagging and dependency parsing (CoNLL 2017-2018)
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Semanaly
semantic analysis using word2vector, doc2vector,lstm and other method. mainly for text similarity analysis.
Rnn poetry generator
基于RNN生成古诗
Deep Learning Resources
A Collection of resources I have found useful on my journey finding my way through the world of Deep Learning.
Richwordsegmentor
Neural word segmentation with rich pretraining, code for ACL 2017 paper
Ethnicolr
Predict Race and Ethnicity Based on the Sequence of Characters in a Name
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Question Pairs Matching
第三届魔镜杯 智能客服问题相似性算法设计 第12名解决方案
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Lstm Crf
A (CNN+)RNN(LSTM/BiLSTM)+CRF model for sequence labelling.😏
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
E3d lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Pointer Networks
Pointer Networks Implementation in Keras
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Lstm Autoencoders
Anomaly detection for streaming data using autoencoders
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Lstm Gru Pytorch
LSTM and GRU in PyTorch
Twitter Emotion Recognition
Models for predicting emotions from English tweets.
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Exermote
Using Machine Learning to predict the type of exercise from movement data
Tesseract
This package contains an OCR engine - libtesseract and a command line program - tesseract. Tesseract 4 adds a new neural net (LSTM) based OCR engine which is focused on line recognition, but also still supports the legacy Tesseract OCR engine of Tesseract 3 which works by recognizing character patterns. Compatibility with Tesseract 3 is enabled by using the Legacy OCR Engine mode (--oem 0). It also needs traineddata files which support the legacy engine, for example those from the tessdata repository.
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Jlm
A fast LSTM Language Model for large vocabulary language like Japanese and Chinese
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stock Market Prediction Web App Using Machine Learning And Sentiment Analysis
Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Deep Generation
I used in this project a reccurent neural network to generate c code based on a dataset of c files from the linux repository.
Pytorch gbw lm
PyTorch Language Model for 1-Billion Word (LM1B / GBW) Dataset
Keras Timeseries Prediction
Time series prediction with Sequential Model and LSTM units
61-120 of 450 lstm projects