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

Topic: "lstm-model"

dalinvip/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch

In PyTorch Learing Neural Networks Likes CNN、BiLSTM

Language: Python - Size: 24.6 MB - Last synced at: 19 days ago - Pushed at: about 2 years ago - Stars: 1,340 - Forks: 345

prakashpandey9/Text-Classification-Pytorch

Text classification using deep learning models in Pytorch

Language: Python - Size: 31.3 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 801 - Forks: 237

echowei/DeepTraffic

Deep Learning models for network traffic classification

Language: Python - Size: 911 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 677 - Forks: 297

JordiCorbilla/stock-prediction-deep-neural-learning

Predicting stock prices using a TensorFlow LSTM (long short-term memory) neural network for times series forecasting

Language: Jupyter Notebook - Size: 36.4 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 581 - Forks: 121

happynoom/DeepTrade

A LSTM model using Risk Estimation loss function for stock trades in market

Language: Python - Size: 3.19 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 306 - Forks: 142

jinglescode/time-series-forecasting-pytorch

Acquiring data from Alpha Vantage and predicting stock prices with PyTorch's LSTM

Language: Jupyter Notebook - Size: 5.06 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 273 - Forks: 100

Moving-AI/virtual-walk

Virtual walks in Google Street View using PoseNet and applying Deep Learning models to recognize actions.

Language: Python - Size: 57.8 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 171 - Forks: 38

philipperemy/tensorflow-phased-lstm

Phased LSTM: Accelerating Recurrent Network Training for Long or Event-based Sequences (NIPS 2016) - Tensorflow 1.0

Language: Python - Size: 1.02 MB - Last synced at: 21 days ago - Pushed at: over 6 years ago - Stars: 128 - Forks: 24

emirhanai/Cryptocurrency-Prediction-with-Artificial-Intelligence

First Version.. Cryptocurrency Prediction with Artificial Intelligence (Deep Learning via LSTM Neural Networks)- Emirhan BULUT

Language: Jupyter Notebook - Size: 534 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 117 - Forks: 57

KittenCN/predict_Lottery_ticket

基于tensorflow lstm模型的彩票预测

Language: Python - Size: 154 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 116 - Forks: 61

jianyq/Tong-Music

Lyrics and rap lyrics AI-generate system based on GPT-2 and LSTM / 基于GPT-2和LSTM的歌词和说唱歌词创作系统

Language: Python - Size: 47.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 93 - Forks: 19

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)

Language: Jupyter Notebook - Size: 69.8 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 86 - Forks: 32

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.

Language: Python - Size: 19.4 MB - Last synced at: 7 days ago - Pushed at: about 5 years ago - Stars: 77 - Forks: 18

yuchenlin/lstm_sentence_classifier

LSTM-based Models for Sentence Classification in PyTorch

Language: Python - Size: 103 MB - Last synced at: 24 days ago - Pushed at: over 4 years ago - Stars: 76 - Forks: 31

dalinvip/pytorch_Highway_Networks

Highway Networks implement in pytorch

Language: Python - Size: 581 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 71 - Forks: 18

Ricardicus/recurrent-neural-net

A recurrent (LSTM) neural network in C

Language: C - Size: 11.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 68 - Forks: 10

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.

Language: Jupyter Notebook - Size: 20.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 54 - Forks: 19

abhinav-bhardwaj/Network-Intrusion-Detection-Using-Machine-Learning

A Novel Statistical Analysis and Autoencoder Driven Intelligent Intrusion Detection Approach

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 50 - Forks: 33

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.

Language: Python - Size: 955 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 17

An-Yuhang-ace/VesselTrajectoryPrediction

lstm-rnn, seq2seq model and attention-seq2seq model for vessel trajectory prediction.

Language: Python - Size: 59 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 46 - Forks: 7

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.

Language: Python - Size: 34 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 44 - Forks: 15

thanhsang298/Viet-Nam-Sign-Language-Recognition-using-Hand-MediaPipe-framework-and-LSTM-model

Language: Jupyter Notebook - Size: 6.92 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 43 - Forks: 16

limingwu8/Predictive-Maintenance

time-series prediction for predictive maintenance

Language: Python - Size: 205 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 36 - Forks: 24

QGoGithub/Python_ds_Research

Python based Quant Finance Models, Tools and Algorithmic Decision Making

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 34 - Forks: 23

entiretydotai/Meetup-Content

Entirety.ai Intuition to Implementation Meetup Content.

Language: Jupyter Notebook - Size: 101 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 33 - Forks: 18

dDevTech/Stock-Market-Predictor

Stock Market Predictor with LSTM network. Web scraping and analyzing tools (ohlc, mean)

Language: Jupyter Notebook - Size: 8.52 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 33 - Forks: 15

launchcode01dl/deeplearning.ai-coursera

This repository contains programming assignments and research paper refrenced in the deeplearning.ai specialization by Andrew-Ng on Coursera.

Language: Jupyter Notebook - Size: 61.6 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 33 - Forks: 19

Pavankunchala/Deep-Learning

This repo provides projects on deep-learning mainly using Tensorflow 2.0

Language: Python - Size: 1.24 GB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 32 - Forks: 17

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

Language: Jupyter Notebook - Size: 20.7 MB - Last synced at: 6 days ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 10

yuanbit/FinBERT-QA-notebooks

Notebooks for fine-tuning a BERT model and training a LSTM model for financial QA

Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 29 - Forks: 7

gowthamrang/HAN

Hierarchical Attention Network for Document Classification

Language: Python - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 28 - Forks: 9

sotirismos/emotion-recognition-conversations

Diploma thesis analyzing emotion recognition in conversations exploiting physiological signals (ECG, HRV, GSR, TEMP) and an Attention-based LSTM network

Language: Python - Size: 8.13 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 4

SamanKhamesian/Time-Series-Classification-for-Human-Activity-Recognition

An implementation of the CNN-LSTM model for Classifying Time Series Human Activities

Language: Python - Size: 14.6 KB - Last synced at: 25 days ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 5

NathanDuran/Probabilistic-RNN-DA-Classifier

Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model

Language: Python - Size: 210 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 13

AmberSJones/pyhydroqc

This software was designed with the purpose of anomaly detection and correction for time series water sensor data. This software was developed using the Logan River Observatory data set.

Language: HTML - Size: 45.6 MB - Last synced at: 24 days ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 11

Merterm/Etymon

Find the origin of words in every language using a Deep Neural Network trained to create an etymological map.

Language: JavaScript - Size: 426 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 20 - Forks: 1

lazy-forever/Fake-news-detection

虚假新闻检测 - nku 南开大学《python语言程序设计》大作业

Language: Python - Size: 4.33 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 19 - Forks: 0

dsindex/segm-lstm

[deprecated] reference code for string segmentation using LSTM(tensorflow)

Language: Python - Size: 755 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 19 - Forks: 3

tomtom94/stockmarketpredictions

Educational predictions on stock market with Tensorflow.js sequential RNN with LSTM layers on a React web App.

Language: JavaScript - Size: 1.97 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 18 - Forks: 2

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.

Language: Jupyter Notebook - Size: 5.91 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 4

kkleidal/GridLSTM-PyTorch

An implementation of the grid LSTM network for PyTorch

Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 18 - Forks: 3

Solrikk/Cripto-Boats

CryptoBoat is an advanced cryptocurrency trading bot powered by artificial intelligence. It combines LSTM neural networks and Random Forest algorithms to make intelligent trading decisions in the cryptocurrency futures market.

Language: Python - Size: 3.58 MB - Last synced at: 16 days ago - Pushed at: about 2 months ago - Stars: 17 - Forks: 8

sleetymattgeorge/Deep-Learning-Evaluation-of-IDS-Datasets

Deep Model Intrusion Detection (IDS) Evaluation of NSL KDD and CIC IDS 2018 datasets.

Language: Jupyter Notebook - Size: 5.8 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 1

lucylow/Covid_Control

Machine learning to predict future number Covid19 Daily Cases (7-day moving average). Long Short Term Memory (LSTM) Predictor and Reinforcement Learning (RL) Prescription with Oxford Dataset

Language: Jupyter Notebook - Size: 18.1 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 15 - Forks: 2

sid230798/Facial-emotion-Recognition

This Repo consist code for transfer learning for facial emotion detection via valence and arousal levels. We used pretrained weights from VGG-16 net and apply on that features deep neural network and lstm model in pytorch. We tested our model on Aff-wild net dataset.

Language: Python - Size: 18.6 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 5

KhaledAshrafH/ChatGPT-Sentiment-Analysis

This project aims to perform sentiment analysis on tweets related to ChatGPT, a popular language model developed by OpenAI. The dataset used for training and testing consists of 219,293 tweets collected over a month. Each tweet is classified as positive ("good"), negative ("bad"), or ("neutral").

Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: 18 days ago - Pushed at: 5 months ago - Stars: 14 - Forks: 1

RonakDedhiya/Early-Warning-Fault-Detection

Language: Python - Size: 90.8 KB - Last synced at: 11 months ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 6

zamaex96/Hybrid-CNN-LSTM-with-Spatial-Attention

This documents the training and evaluation of a Hybrid CNN-LSTM Attention model for time series classification in a dataset. The model combines convolutional neural networks (CNNs) for feature extraction, long short-term memory (LSTM) networks for sequential modeling, and attention mechanisms to focus on important parts of the sequence.

Language: Python - Size: 874 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 13 - Forks: 2

marlonrcfranco/soyforecast

Prediction of Soybean stock prices using LSTM with data from CBOT Soybean Futures + (2015 USA Weather Avg, Max, Min by USDA-NASS-soybeans-production_bushels-2015)

Language: Jupyter Notebook - Size: 48.9 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 3

surfertas/deep_learning

Topics related to Deep Learning

Language: Jupyter Notebook - Size: 220 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 8

HRSadeghi/NeuralPersianPoet

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

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

upathare1/Bitcoin-Price-Prediction

Analysis of LSTM and Deep-Learning for machine-learning guided Bitcoin Trading.

Language: Jupyter Notebook - Size: 25.1 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 3

dysdsyd/kaggle-question-pairs-quora

My solution for Quora's Question Pair contest on Kaggle.

Language: Jupyter Notebook - Size: 276 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 11 - Forks: 10

sagnik1511/samay_yantra

Stolen programs from Rohit Mehra's Time Machine from Krish(2006) for future weather prediction at Beutenberg

Language: Python - Size: 115 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 0

DeeJangir/DiscordBot

Discord Bot in python with rasa nlu, tensorflow, discord api

Language: Python - Size: 2.19 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 4

rohan472000/reliance-stock-price-prediction-LSTM

Implemented LSTM model to predict Reliance stock prices, achieving accurate forecasts for 10 days.

Language: Jupyter Notebook - Size: 592 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 3

amycardoso/retrieval-based-chatbot

Analysis Of The Context Size Impact In Deep Learning Conversational Systems

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

ethanol-cx/crime-prediction

Heterogeneous clustering and cross-modal evaluation metrics for crime prediction

Language: Python - Size: 2.41 MB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 4

tarcisio-marinho/Music-Generation

Piano music generation with RNN with Tensorflow

Language: Python - Size: 827 KB - Last synced at: 18 days ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 3

KeshavCh0udhary/HIS2.0

DeepFake Detection Web-App[Mirage Breaker] 🖥 using Deep Learning(ResNext and LSTM), Flask and ReactJs where you can predict whether a video is FAKE Or REAL along with the confidence ratio.

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 0

tumeteor/neurips2019challenge

Solution for our Neurips 2019 challenge on traffic movie forecasting

Language: Python - Size: 23.4 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 1

kanch91/project-energy

Time-series analysis of the electricity load consumption in the Mumbai Metropolitan Region.

Language: Python - Size: 49 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 0

imdeepmind/GeneratingTextWithLSTM

The aim of this project is to generate text using LSTM Recurrent Neural Networks. LSTM Recurrent Neural Networks are powerful Deep Learning models that are used for learning sequenced data. Here a LSTM model is trained on 200 million samples, and the idea is that after training on 200 million samples, it should be able to generate text.

Language: Python - Size: 12.8 MB - Last synced at: 20 days ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 2

Wasim37/knowledge-automatic-tagging

知识点分类

Language: Python - Size: 59.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 3

Mechres/Price-Predict

Crypto & Stock* price prediction with regression models.

Language: Python - Size: 768 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 7 - Forks: 1

VuBacktracking/Deep-Neural-Network-Vietnamese-Student-Feedback-Sentiment-Analysis

Vietnamese Student Feedback Sentiment Analysis

Language: Jupyter Notebook - Size: 34.4 MB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 0

sidgolangade/BitCoin-Price-Prediction-Using-LSTM-Project

This Repository contains the BitCoin Stock Price Prediction using LSTM Project.

Language: Jupyter Notebook - Size: 531 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 5

rimijoker/Shakespeare-Generator

Implemented an LSTM model to generate text like William Shakespeare.

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 1

sergio11/spam_email_classifier_lstm

This project uses a Bi-directional LSTM model 📧🤖 to classify emails as spam or legitimate, utilizing NLP techniques like tokenization, padding, and stopword removal. It aims to create an effective email classifier 💻📊 while addressing overfitting with strategies like early stopping 🚫.

Language: Jupyter Notebook - Size: 5.92 MB - Last synced at: 9 days ago - Pushed at: about 2 months ago - Stars: 6 - Forks: 0

gaurav-bothra/LSTM_Stock_Trend_Prediction

Stock Trend Prediction Using LSTM

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

barbaraneves/gender-bias-in-virtual-assistants

Final Project of the Data Science postgraduate class at UFC. To be published!

Language: Jupyter Notebook - Size: 61.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

LaurentVeyssier/Machine-translation-English-French-with-Deep-neural-Network

Build a deep neural network with keras that functions as part of an end-to-end machine translation pipeline

Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 6

AjayKumar1994/Stock-Price-Prediction-LSTM-FBProphet-ARIMA

This project seeks to utilize the Deep Learning model, Long-Short Term Memory (LSTM) Neural Network algorithm, Time Series Models, ARIMA and FBProphet to predict stock prices.

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

MeitarBach/nba-individual-predictions-lstm

NBA players individual performance perdictions using Neural Networks. Comparison between LSTM and Feed Forward Architectures. Created by Meitar Bach, Mai Elenberg and Lior Ben-Ami

Language: Jupyter Notebook - Size: 40 KB - Last synced at: 19 days ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

TranBaVinhSon/sequence-labeling

Sequence Labeling implemented by BiLSTM using Tensorflow

Language: Python - Size: 7.81 KB - Last synced at: 17 days ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 0

rishavgiri6/Sporting_Video_Classifier

This repository contains the source code,datasets,model files and all the relevant documentation pertaining to our Final Year Project Thesis at Heritage Institute of Technology.Team members-Rishav Giri,Sarasij Jana,Shouvik Chatterjee,Sourav Dey. Project Mentor-Prof. Jhalak Dutta.

Language: Python - Size: 14.3 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 2

mehrotrasan16/CS581-CAN-DO-Project

This is the page for our semester project for CS581 - Embedded Machine Learning. CAN DO - Controller Area Network (CAN) - Discrepancy/Divergence/Deviation Observer(TBD)

Language: Jupyter Notebook - Size: 70.5 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

dchandak99/LSTM_isb

LSTM with attention for time series predictions of stock prices using own Ticker Embedding model

Language: Python - Size: 527 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 3

bhushan23/SmartOff

Machine Learning and Internet of Things approach for turning off appliances when not used for saving power consumption.

Language: Jupyter Notebook - Size: 36 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 4

FandosA/Singer_Recognition_Keras_TF

This project was my final Bachelor's degree thesis. In it I decided to mix my passion, music, and the syllabus that I liked the most in my degree, deep learning.

Language: Python - Size: 3.26 GB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

shenrunzhang/forex

This project aimed to develop a model for predicting the price movements of the EUR/USD currency pair in the foreign exchange market using both fundamental and technical analysis. The model achieved an accuracy of over 50% in predicting the correct direction of price movements.

Language: PureBasic - Size: 2.9 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 4

anriknas/sentiment-app

Build and deploy a sentiment analysis model to production. Webapp will take user input and show the predicted sentiment. Final Project for BANA 8090 - Python

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

TUDelftHao/4DLongitudinal-MRI-Segmentation-Network

This is my Master thesis work at TU Delft, to longitudinally segment the MRI brain image series by 4D network.

Language: Python - Size: 1.08 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

pyaj0/DL-hydrological-model

Predicting Discharge in Catchment Outlet Using Deep Learning: Case Study of the Ansongo-Niamey Basin

Language: Jupyter Notebook - Size: 11.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

prakhargurawa/Neural-Machine-Translation-Keras-Attention

Machine translation using LSTM Model. Created two translation models with/without attention mechanisms for translation between French-English and German-English.

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

xoire/Forecasting-Stock-Price

Forecasting Stock Price (Independent Capstone project)

Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

kcg2015/fiber_cuts_prediction

Time Series Analyses and Machine Learning for Classifying Events prior to Fiber Cuts

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

ahmadhusain/lstm_text

Text Classification with Long Short-Term Memory (LSTM) model

Language: R - Size: 2.87 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

lizenan/Stock-Prediction

RNN, LSTM, Multi-layers, stock trend prediction

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

devssh/GenderEthnicityDetector

Tensorflow Keras based pre-trained model to predict gender and ethnicity of Indian Names using Python

Language: Jupyter Notebook - Size: 89.9 MB - Last synced at: 24 days ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

GigiCoding/video-summarization

Language: Lua - Size: 35.2 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 2

yutarochan/Bi-LSTM-CRF

Bidirectional Long Short Term Memory Architecture

Language: Python - Size: 1.95 KB - Last synced at: 3 days ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 1

ajwdd/StockEval

📈 Suite of a stock price forecaster and a sentiment analysis program built to provide in-depth visualizations, high accuracy, and low resource usage.

Language: Python - Size: 85.9 KB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 2

shahgem/CIND-820

Predicting Cryptocurrency Prices with Machine Learning - Time Series Forecasting

Language: Jupyter Notebook - Size: 59.1 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 3 - Forks: 1

ArshTiwari2004/Sahyog

Centralized Disaster Response and Inventory Management System that leverages AI and Google Cloud Technologies to predict disasters, optimize resource management, and provide real-time coordination.

Language: JavaScript - Size: 14.2 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 3 - Forks: 3

Vruddhi18/LSTM_Next-word-predictor

The LSTM Next-Word Predictor uses deep learning with LSTM networks to accurately predict the next word based on user input.

Language: Jupyter Notebook - Size: 443 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

zamaex96/ML-LSTM-CNN-RNN-MLP

Fundamental files to train and evaluate a simple LSTM, MLP, CNN, and RNN model which can be trained on a time-series dataset composed of n input features and m outputs classes.

Language: Python - Size: 743 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

abuhmhai/Stock-Price-Prediction-X

This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Networks to predict stock prices.

Language: Jupyter Notebook - Size: 104 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

subhanSahebShaik/detectify

Detectify is a deep learning system that detects AI-generated fake videos (deepfakes) using CNN and LSTM-based RNNs. Trained on datasets like Face-Forensic++, Deepfake Detection Challenge, and Celeb-DF, Detectify offers real-time video manipulation detection to combat misinformation and misuse of deepfake technology.

Language: HTML - Size: 14.8 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

benny-abhishek/CryptoProphet

A python based project to predict the future prices of the top 10 trending cryptocurrencies using ML Algorithms like SVR, Decision Tree and LSTM with an interactive frontend using streamlit. Analysis using PowerBi and has DBMS connectivity.

Language: Python - Size: 1.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

Related Topics
machine-learning 140 lstm 136 deep-learning 130 lstm-neural-networks 112 python 99 tensorflow 56 stock-price-prediction 50 keras 45 pytorch 41 nlp 39 neural-network 34 time-series 31 neural-networks 31 rnn 30 time-series-analysis 29 deep-neural-networks 29 keras-tensorflow 28 pandas 28 sentiment-analysis 26 numpy 22 python3 22 cnn-model 21 lstm-neural-network 20 data-science 20 rnn-tensorflow 20 machine-learning-algorithms 20 recurrent-neural-networks 20 jupyter-notebook 19 natural-language-processing 19 time-series-forecasting 19 random-forest 18 nlp-machine-learning 18 stock-market 18 cnn 18 classification 16 rnn-model 15 linear-regression 15 arima-model 14 convolutional-neural-networks 14 prediction 14 matplotlib 13 prediction-model 13 text-classification 12 gru 12 ai 11 data-analysis 11 lstm-sentiment-analysis 11 data-visualization 11 streamlit 11 time-series-prediction 11 flask 10 forecasting 10 gru-model 10 arima-forecasting 9 stock 9 sentiment-classification 9 bert-model 9 artificial-intelligence 9 finance 8 artificial-neural-networks 8 rnn-lstm 8 deeplearning 8 stock-prediction 7 tensorflow2 7 music-generation 7 vgg16 7 cnn-keras 7 arima 7 long-short-term-memory 7 word-embeddings 7 keras-models 7 text-generation 6 glove-embeddings 6 exploratory-data-analysis 6 stock-analysis 6 logistic-regression 6 feature-engineering 6 bitcoin 6 lstm-networks 6 rnn-keras 6 image-captioning 6 glove 5 javascript 5 stocks 5 eda 5 computer-vision 5 forecasting-models 5 quantitative-finance 5 bilstm 5 attention-mechanism 5 dataset 5 cryptocurrency 5 feature-extraction 5 yfinance 5 xgboost 5 streamlit-webapp 5 music 5 data-preprocessing 5 adam-optimizer 5 django 5