recurrent-neural-networks
There are 2161 repositories under recurrent-neural-networks topic.
BrainJS/brain.js
🤖 GPU accelerated Neural networks in JavaScript for Browsers and Node.js
afshinea/stanford-cs-230-deep-learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
sjvasquez/handwriting-synthesis
Handwriting Synthesis with RNNs ✏️
amanchadha/coursera-deep-learning-specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
NELSONZHAO/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
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
dragen1860/Deep-Learning-with-PyTorch-Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
easy-tensorflow/easy-tensorflow
Simple and comprehensive tutorials in TensorFlow
Alro10/deep-learning-time-series
List of papers, code and experiments using deep learning for time series forecasting
sjchoi86/Tensorflow-101
TensorFlow Tutorials
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.
asappresearch/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
githubharald/SimpleHTR
Handwritten Text Recognition (HTR) system implemented with TensorFlow.
philipperemy/keras-tcn
Keras Temporal Convolutional Network. Supports Python and R.
kk7nc/Text_Classification
Text Classification Algorithms: A Survey
mbadry1/Top-Deep-Learning
Top 200 deep learning Github repositories sorted by the number of stars.
raminmh/liquid_time_constant_networks
Code Repository for Liquid Time-Constant Networks (LTCs)
HendrikStrobelt/LSTMVis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
hurshd0/must-read-papers-for-ml
Collection of must read papers for Data Science, or Machine Learning / Deep Learning Engineer
offchan42/machine-learning-curriculum
:computer: Learn to make machines learn so that you don't have to struggle to program them; The ultimate list
richliao/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
raminmh/CfC
Closed-form Continuous-time Neural Networks
githubharald/CTCDecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, beam search, lexicon search, prefix search, and token passing. Implemented in Python.
NeuromatchAcademy/course-content-dl
NMA deep learning course
samre12/deep-trading-agent
Deep Reinforcement Learning based Trading Agent for Bitcoin
datalogue/keras-attention
Visualizing RNNs using the attention mechanism
wagamamaz/tensorflow-tutorial
TensorFlow and Deep Learning Tutorials
pbashivan/EEGLearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
ottokart/punctuator2
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
mbadry1/Trending-Deep-Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
x4nth055/emotion-recognition-using-speech
Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras
sotelo/parrot
RNN-based generative models for speech.
jostmey/rwa
Machine Learning on Sequential Data Using a Recurrent Weighted Average
ikostrikov/TensorFlow-VAE-GAN-DRAW
A collection of generative methods implemented with TensorFlow (Deep Convolutional Generative Adversarial Networks (DCGAN), Variational Autoencoder (VAE) and DRAW: A Recurrent Neural Network For Image Generation).
NourozR/Stock-Price-Prediction-LSTM
OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network