long-short-term-memory

There are 219 repositories under long-short-term-memory topic.

  • Rajat-dhyani/Stock-Price-Predictor

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

    Language:HTML296197164
  • taufeeque9/HumanFallDetection

    Real-time, Multi-person & Multi-camera Fall Detector in Python

    Language:Python25672063
  • gionanide/Speech_Signal_Processing_and_Classification

    Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].

    Language:Python24111464
  • LahiruJayasinghe/RUL-Net

    Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine

    Language:Python2326571
  • tiberiu44/TTS-Cube

    End-2-end speech synthesis with recurrent neural networks

    Language:Python225202445
  • adobe/stringlifier

    Stringlifier is on Opensource ML Library for detecting random strings in raw text. It can be used in sanitising logs, detecting accidentally exposed credentials and as a pre-processing step in unsupervised ML-based analysis of application text data.

    Language:Python164151223
  • FaustoNisida/Chatbot-Long-Short-Term-Memory

    GPT-3 Chatbot with Long and Short Term Memory and advanced logic built in javascript with openai API - short and long memory, KYC, embeddings, openai, database, flexible, gpt-3.5-turbo, react

    Language:JavaScript1627636
  • zhuofupan/Tensorflow-Deep-Neural-Networks

    用Tensorflow实现的深度神经网络。

    Language:Python137111955
  • Zeeshanahmad4/chatgpt-knowledge-base-chatbot

    An advanced chatbot that utilizes your own data to provide intelligent ChatGPT-style conversations using gpt-3.5-turbo and Ada for advanced embedding, as well as custom indexes and knowledgebase for a seamless user experience.

    Language:TypeScript12328021
  • YangWangsky/tf_EEGLearn

    A tensorflow implementation for EEGLearn

    Language:Python7761131
  • guangyizhangbci/EEG_Riemannian

    IEEE Transactions on Emerging Topics in Computational Intelligence

    Language:Python612111
  • yxtay/char-rnn-text-generation

    Character Embeddings Recurrent Neural Network Text Generation Models

    Language:Python618423
  • Sk70249/Wind-Energy-Analysis-and-Forecast-using-Deep-Learning-LSTM

    A Deep Learning model that predict forecast the power generated by wind turbine in a Wind Energy Power Plant using LSTM (Long Short Term Memory) i.e modified recurrent neural network.

    Language:Jupyter Notebook603215
  • sankalpjain99/Automatic-Essay-Scoring

    Created a web app that can automatically score essays. The grading model was trained using HP Essays Dataset from Kaggle. Used Long Short Term Memory (LSTM) network and machine learning algorithms to train model. WebApp was created using Flask framework.

    Language:Jupyter Notebook535220
  • thenomaniqbal/Traffic-flow-prediction

    Long Short-Term Memory(LSTM) is a particular type of Recurrent Neural Network(RNN) that can retain important information over time using memory cells. This project includes understanding and implementing LSTM for traffic flow prediction along with the introduction of traffic flow prediction, Literature review, methodology, etc.

    Language:Jupyter Notebook27203
  • skanderhamdi/attention_cnn_lstm_covid_mel_spectrogram

    Attention-based Hybrid CNN-LSTM and Spectral Data Augmentation for COVID-19 Diagnosis from Cough Sound

    Language:Python26224
  • mithi/deep-blueberry

    If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!

  • theerfan/Maqenta

    Generating music using quantum machine learning models. (QuGAN and QLSTM)

    Language:TeX25204
  • khooinguyeen/Sign-Language-Translation

    Sign language translation model for the app Look & Tell https://github.com/khooinguyeen/LookandTell-OfficialApp

  • safrooze/LSTNet-Gluon

    Time-series prediction with LSTNet in Apache MXNet Gluon

    Language:Python224013
  • AFAgarap/ecommerce-reviews-analysis

    Statistical Analysis on E-Commerce Reviews, with Sentiment Classification using Bidirectional Recurrent Neural Network (RNN)

    Language:Jupyter Notebook204112
  • ikmb/amino_acid_encoding_deep_learning_applications

    The repository contains all the code for the paper amino acid encoding using deep learning application

    Language:Python19225
  • albertusk95/intention-to-code-lstm

    Source Code Generation Based On User Intention Using LSTM Networks

    Language:Python18113
  • aosama16/Udacity-Deep-Learning-Nanodegree

    My Projects Submission to Udacity's Deep Learning Nanodegree Program

    Language:HTML161112
  • LeDat98/JSL_App_Webapp

    A video call application that recognizes gestures (signal language) and converts them into text and sound.

    Language:JavaScript16103
  • MohamedSebaie/Coursera--Deep_Learning_Specialization--By_Anderw_Ng

    Coursera (Deep_Learning_Specialization) By Andrew Ng and offered by deeplearning.ai.**Each of the below Courses Contains Notes, programming assignments, and quizzes.1- Neural Networks and Deep Learning;2- Improving Deep Neural Networks: Hyperparameter tuning, Regularization, and Optimization; 3- Structuring Machine Learning Projects; 4- Convolutional Neural Networks;5- Sequence Models.

    Language:Jupyter Notebook15109
  • vinayakumarr/CNN-RNN

    Image classification using CNN

    Language:Jupyter Notebook15207
  • Abhradipta/Fake-News-Detection

    Fake News Detection Using Recurrent Neural Networks (RNNs) & Long Short Term Memory (LSTM).

    Language:Jupyter Notebook14219
  • georgezoto/RNN-LSTM-NLP-Sequence-Models

    Sequence Models repository for all projects and programming assignments of Course 5 of 5 of the Deep Learning Specialization offered on Coursera and taught by Andrew Ng, covering topics such as Recurrent Neural Network (RNN), Gated Recurrent Unit (GRU), Long Short Term Memory (LSTM), Natural Language Processing, Word Embeddings and Attention Model.

    Language:Jupyter Notebook12305
  • catcd/MASS

    Large-scale Exploration of Neural Relation Classification Architectures

    Language:Python11301
  • catcd/LSTM-CNN-SUD

    Hybrid biLSTM and CNN architecture for Sentence Unit Detection

    Language:Python10306
  • oem/bitcoin-prediction

    A simple LSTM network to predict bitcoin closing prices

    Language:Jupyter Notebook10401
  • saadarshad102/Sentiment-Analysis-RNN-LSTM

    Sentiment Analysis using Recurrent Neural Networks (RNN-LSTM) and Google News Word2Vec

    Language:Jupyter Notebook102210
  • sdw95927/Tang_Poetry_generator_by_LSTM

    Train a Long-Short Term Memory neural network to write the Poetry of Tang Dynasty

    Language:Jupyter Notebook10201
  • ifrunistuttgart/RL_Integrated-Updraft-Exploitation

    This repository includes a reinforcement learning framework for end-to-end type integrated thermal updraft localization and exploitation.

    Language:Python9113
  • KaushikPalani/Classification_of_bearing_faults_using_ML

    This project compares the accuracy of different machine learning models in the identification and classification of bearing faults from time-series vibration data.

    Language:Jupyter Notebook8102