lstm
There are 6290 repositories under lstm topic.
tesseract-ocr/tesseract
Tesseract Open Source OCR Engine (main repository)
apachecn/ailearning
AiLearning:数据分析+机器学习实战+线性代数+PyTorch+NLTK+TF2
JaidedAI/EasyOCR
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
emilwallner/Screenshot-to-code
A neural network that transforms a design mock-up into a static website.
ddbourgin/numpy-ml
Machine learning, in numpy
BlinkDL/RWKV-LM
RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.
huseinzol05/Stock-Prediction-Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
ml5js/ml5-library
Friendly machine learning for the web! 🤖
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
lucasjinreal/tensorflow_poems
中文古诗自动作诗机器人,x炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
guillaume-chevalier/LSTM-Human-Activity-Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
UB-Mannheim/tesseract
Tesseract Open Source OCR Engine (main repository)
yangwohenmai/LSTM
基于LSTM的时间序列预测研究
jisungk/deepjazz
Deep learning driven jazz generation using Keras & Theano!
zzw922cn/Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Alro10/deep-learning-time-series
List of papers, code and experiments using deep learning for time series forecasting
curiousily/Getting-Things-Done-with-Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BER
mravanelli/pytorch-kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
AIStream-Peelout/flow-forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
salesforce/awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
rguthrie3/DeepLearningForNLPInPytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
jiesutd/NCRFpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
tobegit3hub/tensorflow_template_application
TensorFlow template application for deep learning
xiaohu2015/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
lilianweng/stock-rnn
Predict stock market prices using RNN model with multilayer LSTM cells + optional multi-stock embeddings.
mesolitica/NLP-Models-Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
nlpodyssey/spago
Self-contained Machine Learning and Natural Language Processing library in Go
VivekPa/AIAlpha
Use unsupervised and supervised learning to predict stocks
guillaume-chevalier/Awesome-Deep-Learning-Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
abdulfatir/twitter-sentiment-analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
declare-lab/conv-emotion
This repo contains implementation of different architectures for emotion recognition in conversations.
scorpionhiccup/StockPricePrediction
Stock Price Prediction using Machine Learning Techniques
hunkim/word-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
senlinuc/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
HendrikStrobelt/LSTMVis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)