lstm-model
There are 564 repositories under lstm-model topic.
dalinvip/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN、BiLSTM
prakashpandey9/Text-Classification-Pytorch
Text classification using deep learning models in Pytorch
echowei/DeepTraffic
Deep Learning models for network traffic classification
JordiCorbilla/stock-prediction-deep-neural-learning
Predicting stock prices using a TensorFlow LSTM (long short-term memory) neural network for times series forecasting
happynoom/DeepTrade
A LSTM model using Risk Estimation loss function for stock trades in market
jinglescode/time-series-forecasting-pytorch
Acquiring data from Alpha Vantage and predicting stock prices with PyTorch's LSTM
KittenCN/predict_Lottery_ticket
基于tensorflow lstm模型的彩票预测
Moving-AI/virtual-walk
Virtual walks in Google Street View using PoseNet and applying Deep Learning models to recognize actions.
emirhanai/Cryptocurrency-Prediction-with-Artificial-Intelligence
First Version.. Cryptocurrency Prediction with Artificial Intelligence (Deep Learning via LSTM Neural Networks)- Emirhan BULUT
philipperemy/tensorflow-phased-lstm
Phased LSTM: Accelerating Recurrent Network Training for Long or Event-based Sequences (NIPS 2016) - Tensorflow 1.0
abhinav-bhardwaj/Network-Intrusion-Detection-Using-Machine-Learning
A Novel Statistical Analysis and Autoencoder Driven Intelligent Intrusion Detection Approach
jianyq/Tong-Music
Lyrics and rap lyrics AI-generate system based on GPT-2 and LSTM / 基于GPT-2和LSTM的歌词和说唱歌词创作系统
An-Yuhang-ace/VesselTrajectoryPrediction
lstm-rnn, seq2seq model and attention-seq2seq model for vessel trajectory prediction.
Ricardicus/recurrent-neural-net
A recurrent (LSTM) neural network in C
MiteshPuthran/Image-Caption-Generator
The LSTM model generates captions for the input images after extracting features from pre-trained VGG-16 model. (Computer Vision, NLP, Deep Learning, Python)
thtrieu/essence
AutoDiff DAG constructor, built on numpy and Cython. A Neural Turing Machine and DeepQ agent run on it. Clean code for educational purpose.
yuchenlin/lstm_sentence_classifier
LSTM-based Models for Sentence Classification in PyTorch
dalinvip/pytorch_Highway_Networks
Highway Networks implement in pytorch
FernandoLpz/Text-Classification-LSTMs-PyTorch
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
limingwu8/Predictive-Maintenance
time-series prediction for predictive maintenance
034adarsh/Stock-Price-Prediction-Using-LSTM
This project is about predicting stock prices with more accuracy using LSTM algorithm. For this project we have fetched real-time data from yfinance library.
FernandoLpz/Text-Generation-BiLSTM-PyTorch
In this repository you will find an end-to-end model for text generation by implementing a Bi-LSTM-LSTM based model with PyTorch's LSTMCells.
QGoGithub/Python_ds_Research
Python based Quant Finance Models, Tools and Algorithmic Decision Making
SuperpeakZhou/emotion_reg
疫情期间网民情绪识别代码,包含lstm,bert,xlnet,robert,最高f1为0.725 部署在Google colab
dDevTech/Stock-Market-Predictor
Stock Market Predictor with LSTM network. Web scraping and analyzing tools (ohlc, mean)
Pradnya1208/Time-series-forecasting-using-Deep-Learning
The goal of this notebook is to implement and compare different approaches to predict item-level sales at different store locations.
entiretydotai/Meetup-Content
Entirety.ai Intuition to Implementation Meetup Content.
Pavankunchala/Deep-Learning
This repo provides projects on deep-learning mainly using Tensorflow 2.0
yuanbit/FinBERT-QA-notebooks
Notebooks for fine-tuning a BERT model and training a LSTM model for financial QA
tomtom94/stockmarketpredictions
Educational predictions on stock market with Tensorflow.js sequential RNN with LSTM layers on a React web App.
gowthamrang/HAN
Hierarchical Attention Network for Document Classification
ritu-thombre99/RUL-Prediction
Remaining useful life estimation of NASA turbofan jet engines using data driven approaches which include regression models, LSTM neural networks and hybrid model which is combination of VAR with LSTM
lazy-forever/Fake-news-detection
虚假新闻检测 - nku 南开大学《python语言程序设计》大作业
NathanDuran/Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
sotirismos/emotion-recognition-conversations
Diploma thesis analyzing emotion recognition in conversations exploiting physiological signals (ECG, HRV, GSR, TEMP) and an Attention-based LSTM network