Mead BaselineDeep-Learning Model Exploration and Development for NLP
EchotorchA Python toolkit for Reservoir Computing and Echo State Network experimentation based on pyTorch. EchoTorch is the only Python module available to easily create Deep Reservoir Computing models.
Cs224dCode for Stanford CS224D: deep learning for natural language understanding
Rnn ctcRecurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Im2latex TensorflowTensorflow implementation of the HarvardNLP paper - What You Get Is What You See: A Visual Markup Decompiler (https://arxiv.org/pdf/1609.04938v1.pdf)
Attention MechanismsImplementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
IseebetteriSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Coursera Deep Learning SpecializationNotes, 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
HdltexHDLTex: Hierarchical Deep Learning for Text Classification
Pytorch Kaldipytorch-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.
Mss pytorchSinging Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo:
SruSRU is a recurrent unit that can run over 10 times faster than cuDNN LSTM, without loss of accuracy tested on many tasks.
Hey JetsonDeep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Keras LmuKeras implementation of Legendre Memory Units
Brain.jsbrain.js is a GPU accelerated library for Neural Networks written in JavaScript.
Lrp for lstmLayer-wise Relevance Propagation (LRP) for LSTMs
TfvosSemi-Supervised Video Object Segmentation (VOS) with Tensorflow. Includes implementation of *MaskRNN: Instance Level Video Object Segmentation (NIPS 2017)* as part of the NIPS Paper Implementation Challenge.
Stock Price PredictorThis project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Speech Recognition Neural NetworkThis is the end-to-end Speech Recognition neural network, deployed in Keras. This was my final project for Artificial Intelligence Nanodegree @Udacity.
Arc PytorchThe first public PyTorch implementation of Attentive Recurrent Comparators
Crypto RnnLearning the Enigma with Recurrent Neural Networks
Deep LyricsLyrics Generator aka Character-level Language Modeling with Multi-layer LSTM Recurrent Neural Network
Rcnn Text ClassificationTensorflow Implementation of "Recurrent Convolutional Neural Network for Text Classification" (AAAI 2015)
DeepecgECG classification programs based on ML/DL methods
Linear Attention Recurrent Neural NetworkA recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
BrainforgeA Neural Networking library based on NumPy only
Top Deep Learning Top 200 deep learning Github repositories sorted by the number of stars.
Chemgan ChallengeCode for the paper: Benhenda, M. 2017. ChemGAN challenge for drug discovery: can AI reproduce natural chemical diversity? arXiv preprint arXiv:1708.08227.
Pytorch Pos TaggingA tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
EasyesnPython library for Reservoir Computing using Echo State Networks
Multitask sentiment analysisMultitask Deep Learning for Sentiment Analysis using Character-Level Language Model, Bi-LSTMs for POS Tag, Chunking and Unsupervised Dependency Parsing. Inspired by this great article https://arxiv.org/abs/1611.01587
KerasrR interface to the keras library