lstm-networks
There are 56 repositories under lstm-networks topic.
lvapeab/nmt-keras
Neural Machine Translation with Keras
happynoom/DeepTrade
A LSTM model using Risk Estimation loss function for stock trades in market
ImanRHT/QECO
A QoE-Oriented Computation Offloading Algorithm based on Deep Reinforcement Learning (DRL) for Mobile Edge Computing (MEC) | This algorithm captures the dynamics of the MEC environment by integrating the Dueling Double Deep Q-Network (D3QN) model with Long Short-Term Memory (LSTM) networks.
26hzhang/neural_sequence_labeling
A TensorFlow implementation of Neural Sequence Labeling model, which is able to tackle sequence labeling tasks such as POS Tagging, Chunking, NER, Punctuation Restoration and etc.
Sshanu/Relation-Classification-using-Bidirectional-LSTM-Tree
TensorFlow Implementation of the paper "End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures" and "Classifying Relations via Long Short Term Memory Networks along Shortest Dependency Paths" for classifying relations
lccasagrande/Deep-Knowledge-Tracing
An implementation of the Deep Knowledge Tracing (DKT) using Tensorflow 2.0
navjindervirdee/neural-networks
Implemented Convolutional Neural Network, LSTM Neural Network, and Neural Network From Scratch in Python Language.
drewanye/har-joint-model
AROMA: A Deep Multi-Task Learning Based Simple and Complex Human Activity Recognition Method Using Wearable Sensors
aminullah6264/Activity_Rec_ML-LSTM
Activity Recognition using Temporal Optical Flow Convolutional Features and Multi-Layer LSTM
Merterm/Etymon
Find the origin of words in every language using a Deep Neural Network trained to create an etymological map.
adityajn105/image-caption-bot
Implementation of 'merge' architecture for generating image captions from paper "What is the Role of Recurrent Neural Networks (RNNs) in an Image Caption Generator?" using Keras. Dataset used is Flickr8k available on Kaggle.
elvisun/Chinese-poem-generator
藏头诗生成器 Chinese poem generator with LSTM network
shashankpr/sleep-classification
Sleep stage classification using LSTM networks
shivamnegi92/LSTM-RNN-over-Bitcoin-Historical-Data
A LSTM based Deep Net which predict bitcoin value trends(30 days)
VaibhavGaur05/StockMarketML
This repository contains our project on Stock Market Price prediction Using Historical Data
var97/Stock-Trend-Prediction
Predicting Upward and downward trends in the stock prices using Stacked LSTM.
Machine-Learning-For-Research/MachineCoding
深度学习实现AI写代码
rogertrullo/Convolutional-Neural-Networks-in-python
These are my solutions to the programming assignments of the class CS231n: Convolutional Neural Networks for Visual Recognition
DevSinghSachan/investigating-text-classifiers
Investigating the Working of Text Classifiers - COLING 2018
Mohitkr95/stock-price-predictor
Leverages Long Short-Term Memory (LSTM) neural networks to forecast stock prices using historical data. This project showcases how deep learning can be applied to time series analysis for technical stock market prediction, using one year of data from TataGlobal (NSE) as a case study.
ltfschoen/aind2-rnn
Term 2 Project 2 RNN and LSTM for time-series prediction and text generation
anjanatiha/Twitter-US-Airline-Sentiment
Twitter data on US Airlines Sentiment Analysis with Deep Learning (LSTM and CNN)
anlausch/multitask_sciarg
Multi-task learning models for the rhetorical analysis of scientific publications
cosimoiaia/lstm_generator_wrapper
A simple wrapper to flexibly create a SequenceGenerator Machine learning using LSTM Networks in TfLearn.
hiepnguyen034/Mood-Pal
Keep track of your happiness using Facebook Graph API and a LSTM model
TareqTayeh/Price-TimeSeries-Anomaly-Detection-with-LSTM-Autoencoders-Keras
Detecting anomalies in GE stock price data using an LSTM Autoencoder
cosimoiaia/LSTM_Music_Generator
A Machine Learning LSTM Music Generator with RTTTL
mmaks74/How_to_start_with_ML_project
The notebook to my article in LinkedIn
omkarudawant/Stock-Price-Prediction
Predicting SP500 stock prices with LSTMs
snehvora/Chatbot-using-Neural-Networks
This chat bot is created using LSTM (many-to-many relation). The dataset consists of the conversation between peoples.
tbsraja/Quora_QuestionPairs
Build a Classification model to predict if the questions asked in Quora are duplicates of the existing questions.
ynalcakan/cut-in-maneuver-prediction
Code and dataset information of our paper "Monocular Vision-based Prediction of Cut-in Maneuvers with LSTM Networks".
BlazeWild/LSTM_FROM_SCRATCH
LSTM implemented from scratch and with PyTorch's nn.LSTM, trained using PyTorch Lightning on a toy stock prediction task. Educational and beginner-friendly.