An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: lstm-neural-network

Abhi7410/NLP-Spring23

Language: Jupyter Notebook - Size: 177 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

snrazavi/Deep-Learning-for-NLP

Contains different course tutorials and jupyter notebook file for applying different Deep Learning models in different NLP tasks such as text classification, summarization, translation, etc.

Language: Jupyter Notebook - Size: 9.76 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 20 - Forks: 4

hellojinwoo/TorchCoder Fork of shobrook/sequitur

PyTorch based autoencoder for sequential data

Language: Python - Size: 79.1 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 39 - Forks: 7

boingoing/panann

A zero-dependency, portable, and efficient library for building, running, and training feed-forward artificial neural networks.

Language: C++ - Size: 649 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

olga1590/Power_consumption_prediction

Regression with LSTM

Language: Jupyter Notebook - Size: 5.33 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

AjiteshMahalingam/Predictive-Maintenance-of-Aircraft-engine-using-LSTM-networks

LSTM network is used to predict the RUL of turbofan engines.

Language: Jupyter Notebook - Size: 3.79 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

dreamergz/stock-prediction

Stock prediction with LSTM. Predict 21st day close price by input 1 - 20th days store data

Language: Python - Size: 14.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

bbabina/Visual-Question-Answering

Visual Question Answering on Medical Data

Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Logahn/human-activity-recognition

Implementation of human activity recognition using a Convolutional Neural Network combined with a Long-Short Term Memory Network

Language: Jupyter Notebook - Size: 2.87 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

R-aryan/Name_Entity_Recognition

This repository contains model for NER trained on clinical data to extract names of diseases from unstructured text. Named-entity recognition (NER) (also known as entity extraction) is a sub-task of information extraction that seeks to locate and classify named entity mentions in unstructured text into pre-defined categories such as the person names, organizations etc.

Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

RSBhoomika/Sign-Language-Recognition

In this project, we have created a model to detect sign language using mediapipe holistic keypoints and LSTM layered model.

Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

darian-catalin-cucer/long-short-term-memory

Long Short-Term Memory (LSTM) is a type of Recurrent Neural Network (RNN) that is capable of remembering long-term dependencies in sequential data by using memory cells, gates, and a hidden state to control the flow of information. It is widely used in time series analysis, natural language processing, and other tasks.

Language: Kotlin - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

darian-catalin-cucer/LSTM

LSTM (Long Short-Term Memory) is a type of recurrent neural network used for processing sequential data. It has the ability to store and access information over a longer period of time, allowing it to handle tasks such as language modeling, speech recognition, and sequence prediction.

Language: Kotlin - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tstran155/Time-series-regression-of-Rossmann-stores-sales-data

In this notebook, I built machine learning and neural network models to regress and predict Rossmann stores' daily sales.

Language: Jupyter Notebook - Size: 3.99 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

tmatha/lstm

Training an LSTM network on the Penn Tree Bank (PTB) dataset

Language: Jupyter Notebook - Size: 9 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 6

lck3nny/AvalancheLSTM

A proof of concept ML project using an LSTM structure to analyse trends in weather data and predict the occurrence of avalanches in the Utah area.

Language: Jupyter Notebook - Size: 92 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

ohallstrom/ML-jazz-predictions

Chord predictions through ML w/ the Digital and Cognitive Musicology Lab at EPFL

Language: Python - Size: 49 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Minimel/nlu_project 📦

RNN with LSTM cells - Project for Natural Language Understanding Course (ETH Zurich, Spring 2018)

Language: Python - Size: 4.34 MB - Last synced at: 8 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

thw1021/DSRRANS

Discovering explicit Reynolds-averaged turbulence closures for turbulent separated flows through deep learning-based symbolic regression with non-linear corrections

Language: C++ - Size: 26.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

Gaiban-Khan/Stock-Price-Prediction

A stock price prediction system built using LSTM.

Language: Jupyter Notebook - Size: 431 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

santhalakshminarayana/Quotation_Generation_Glove_LSTM_Pytorch

Quotation generation using LSTM - Pytorch with custom embeddings trained with Glove model.

Language: Jupyter Notebook - Size: 428 KB - Last synced at: 26 days ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

HRSadeghi/NeuralPersianPoet

Neural Persian Poet: A sequence-to-sequence model for composing Persian poetry

Language: Jupyter Notebook - Size: 26.8 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 12 - Forks: 2

aartighatkesar/Deep-Learning-Fundamentals

Implementation of various basic layers forward and back propagation. CS 231n Stanford Spring 2018: Convolutional Neural Networks for Visual Recognition. Solutions to Assignments

Language: Jupyter Notebook - Size: 59.6 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

takp/stock-price-predictor

🤖 Predicting the stock price using LSTM (Deep Learning)

Language: Python - Size: 5.3 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 2

amycardoso/retrieval-based-chatbot

Analysis Of The Context Size Impact In Deep Learning Conversational Systems

Language: Python - Size: 3.38 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 3

RegaipKURT/Artificial_Intelligence_PYTHON

Artificial İntelligence Python Codes

Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

priyanshu2015/Weather-Forecasting

Using LSTM model to predict temperature using data of previous 3hours.

Language: Jupyter Notebook - Size: 5.83 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 2

IamAdiSri/auth-id

A hierarchical bi-LSTM model trained to identify the author of a given email (SMAI@IIIT-H 2017)

Language: Python - Size: 3.34 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 3

0zgur0/STAckable-Recurrent-network

[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained

Language: Python - Size: 11.6 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 2

ayushgodbole17/Zomato-Sentiment-Analysis

A model to predict rating of a restaurant based on reviews

Language: Jupyter Notebook - Size: 169 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nzxtdata/Multivariate-Financial-Time-Series-Forecasting-with-Machine-Learning

Project using FTSE100 & SPX500 macroeconomic stock price data to forecast the close price of each dataset. Using Multivariate Vector Autoregressive Model (VAR), Vector Autoregressive moving-average Model (VARMA), Long Short-Term Memory Model (LSTM) & Encoder-Decoder LSTM

Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

utkarsh-iitbhu/Sentimental-Analysis

Model can classify speech into Positive, Neutral and Negative with there probabilities.

Language: Jupyter Notebook - Size: 16.6 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Venn1998/NLP

Projects for the Natural Language Processing course: FakeNews classifier and Sentiment Analysis

Language: Jupyter Notebook - Size: 4.01 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

EX1ST3NCE/Predictive_Maintenance_of_aircraft_engines

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

virchan/a_text_generator_on_moby_dick

A text generator trained on the novel "Moby Dick" is provided here.

Language: Python - Size: 368 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

akshay-alpha/Deep-Learning

Deep-Learning Projects

Language: Jupyter Notebook - Size: 101 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

menardai/chromecast_vad

RNN implementation of a voice activity detector to control Chromecast device volume.

Language: Jupyter Notebook - Size: 195 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 0

kochlisGit/LSTM-Stock-Predictions

Prediction of Stock price using Recurrent Neural Network (RNN) models. Contains GRU, LSTM, Bidirection LSTM & LSTM combinations with GRU units. The models were deveoped using the keras module from Tensorlfow.

Language: Python - Size: 8.9 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

dimi-fn/Emotion-Recognition-in-Movie-Abstracts

Original dissertation title: "Extract Emotional Tags from Movie Synopses". The identification, definition, and automatic prediction of a set of emotions in movies, based on their movie abstracts and various metadata.

Language: Jupyter Notebook - Size: 24.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

corneliusgdahling/Predicting-sensor-values-using-LSTM

Long Short-Term Memory network for predicting sensor values

Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

sadmanca/lstm-stock-predictor

Training an LSTM neural network to predict stock prices.

Language: HTML - Size: 312 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

3ZadeSSG/Minor-Project-Sentiment-Analysis

Minor Project - Sentiment Analysis Model

Language: Jupyter Notebook - Size: 329 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

dylanzenner/lstm_optimization

This repo contains the final project for EE 608. In this project we try and optimize an LSTM model to predict the stock prices of Nvidia.

Language: Jupyter Notebook - Size: 241 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Smarker/predict-ether

python meetup slides

Language: JavaScript - Size: 3.27 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

OmerShubi/DL_VQA

Visual Question Answering (VQA) Model

Language: Python - Size: 267 KB - Last synced at: 2 days ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

saminens/Detecting-Equipment-Failure-Using-LSTM-Autoencoder

Industry Practicum: Jan 2020 - Mar 2020

Language: Jupyter Notebook - Size: 131 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

AI-PROJECTS-ORGANIZATION/Time-Series-Analysis-and-Forecasting

Time Series Analysis and Forecasting

Language: Jupyter Notebook - Size: 2.59 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

dglttr/dengai

Predict cases of dengue fever on Iquitos (Peru) and San Juan (Puerto Rico). Challenge from DrivenData.org (https://www.drivendata.org/competitions/44/dengai-predicting-disease-spread/page/82/).

Language: Jupyter Notebook - Size: 4.75 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Rahulraj31/Fake-News-LSTM

Fake news Classifier using LSTM- NLP

Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

gabrieltx/LSTM-Quality-Prediction

A LSTM neural network used to predict quality in a mining industry process

Language: Jupyter Notebook - Size: 565 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 2

tompntn/LSTM-RNN

Implementation of a Recurrent Neural Network with LSTM cells, in pure Python.

Language: Python - Size: 8.79 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 4

amasotti/poetryGenerator_it

Italian poetry generator with a bidirectional LSTM

Language: Python - Size: 38.7 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

alex21th/financial-deeplearning

Study on the application of the LSTM state-of-art language modeling deep learning architecture to the analysis of Bitcoin financial time series. 💰

Language: TeX - Size: 12.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

RajK853/Hand_Movement_Recognition

Hand movement recognition using BBC Microbit

Language: Jupyter Notebook - Size: 48.5 MB - Last synced at: 2 days ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 3

StockGram/Abstractive-Document-Summarizer

This repo contains the code for summarizing financial reports with increased factual correctness for quantitative researchers.

Size: 1.95 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sekharvth/dinosaur-name-generation-keras

Name your own dinosaurs

Language: Python - Size: 18.6 KB - Last synced at: 26 days ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

PeterGemmell/Stock_Price_Predictor

This Python programme aims to give a prediction of the future price of a particular stock using the past 60 day closing price. This involves the use of an RNN called LSTM. Implements TensorFlow, with data being presented via Matplotlib.

Language: Python - Size: 166 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

riven314/End2End-Controllable-Instagram-Captioning

An end-to-end approach to build an image captioning model with engaging captions and controllable attributes

Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: 6 days ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

MohamedAliHabib/Stock-Price-Predictor

Building an LSTM Recurrent Neural Network for Predicting Stock Market Prices.

Language: Jupyter Notebook - Size: 186 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 11 - Forks: 3

ewliang/Stock-Predictor

A simple stock predictor webapp using brain.js LSTM neural network.

Language: JavaScript - Size: 244 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 4

maitree7/Stock_Predictor_LSTM

Using Deep Learning RNN, build and evaluate the Bitcoin Closing prices(Compare the FNG indicator vs. Previous Closing Prices)

Language: Jupyter Notebook - Size: 6.25 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

xga0/SarcasmDetection

A Sarcasm Detection Model with LSTM and GloVe Pre-trained Word Vectors.

Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

jay4842/HCI_StoryTeller

Language: Python - Size: 274 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

shubhanshu786/Stock_Price_Prediction

Language: Jupyter Notebook - Size: 124 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

sushant1827/Generating-TV-Scripts

Deep Learning Nanodegree Project : To generate Simpsons TV scripts using part of the Simpsons data-set of scripts from 27 seasons.

Language: Jupyter Notebook - Size: 197 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

amoazeni75/sequence-classification-movie-reviews

In this project we are going to create a network to predict a category for the sequence.

Language: Python - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

parthbhide/Copy-cat-Bot

Generate plausible new text which looks like some other text !!

Language: Jupyter Notebook - Size: 598 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

gnebbia/lstm_predictor

A Univariate Time Series Forecasting with Python+Keras

Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: 4 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

VeeShostak/tensorflow-seq2seq-chat-bot

Tensorflow chatbot based on the seq2seq model, trained on a twitter chat log

Language: Python - Size: 6.92 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

parrondo/tutorial-LSTM

Tutorial-LSTM: Project for testing LSTM time series forecasting. See notebooks for complete information

Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

Related Keywords
lstm-neural-network 170 lstm 55 deep-learning 46 machine-learning 33 python 29 lstm-neural-networks 24 lstm-model 21 tensorflow 21 rnn 20 neural-network 18 stock-price-prediction 16 keras 16 nlp 15 nlp-machine-learning 11 recurrent-neural-networks 11 deep-neural-networks 9 python3 9 neural-networks 9 sentiment-analysis 9 rnn-tensorflow 9 natural-language-processing 8 time-series 8 recurrent-neural-network 7 artificial-intelligence 7 time-series-forecasting 7 keras-tensorflow 7 pytorch 7 cnn 6 lstm-sentiment-analysis 5 convolutional-neural-networks 5 data-science 5 numpy 5 time-series-analysis 5 bitcoin 5 lstm-networks 5 stock-market 5 rnn-model 4 data-visualization 4 prediction-model 4 convolutional-neural-network 4 prediction 4 glove-embeddings 4 text-classification 4 cnn-model 4 nltk 4 jupyter-notebook 4 cnn-classification 4 timeseries 4 word-embeddings 4 javascript 3 image-classification 3 finance 3 transformer 3 computer-vision 3 arima-model 3 machine-learning-models 3 gru-neural-networks 3 chatbot 3 java 3 gru 3 stock 3 seq2seq 3 rnn-keras 3 machinelearning 3 pandas 3 sentiment-classification 3 keras-neural-networks 3 rnn-lstm 3 data-analysis 3 vgg16 3 opencv 3 price-prediction 3 stocks 3 autoencoder 3 machine-learning-algorithms 3 word2vec 2 long-short-term-memory 2 dataset 2 topic-modeling 2 text-generation 2 html-css-javascript 2 knn-classification 2 predictive-modeling 2 kaggle 2 random-forest 2 generative-ai 2 generative-adversarial-network 2 cnn-keras 2 allennlp 2 correlation 2 matplotlib 2 scikit-learn 2 bidirectional-lstm 2 css3 2 resnet-50 2 html5 2 image-captioning 2 tensorflow2 2 deep-learning-tutorial 2 tokenization 2