Implementation of TabTransformer, attention network for tabular data, in Pytorch
Support
Quality
Security
License
Reuse
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
Support
Quality
Security
License
Reuse
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Support
Quality
Security
License
Reuse
T
Time-Series-ARIMA-XGBOOST-RNNby Jenniferz28
Python 516 Version:Current License: No License (No License)
Time series forecasting for individual household power prediction: ARIMA, xgboost, RNN
Support
Quality
Security
License
Reuse
Sequence-to-Sequence learning using PyTorch
Support
Quality
Security
License
Reuse
TensorFlow implementation of Independently Recurrent Neural Networks
Support
Quality
Security
License
Reuse
TensorFlow Implementation of "DRAW: A Recurrent Neural Network For Image Generation"
Support
Quality
Security
License
Reuse
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Support
Quality
Security
License
Reuse
Noise Conditional Score Networks (NeurIPS 2019, Oral)
Support
Quality
Security
License
Reuse
Tensorflow tutorial of building different dynamic recurrent neural network
Support
Quality
Security
License
Reuse
BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)
Support
Quality
Security
License
Reuse
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
Support
Quality
Security
License
Reuse
Official Pytorch implementation of "OmniNet: A unified architecture for multi-modal multi-task learning" | Authors: Subhojeet Pramanik, Priyanka Agrawal, Aman Hussain
Support
Quality
Security
License
Reuse
d
diffusion_modelsby acids-ircam
Jupyter Notebook 502 Version:Current License: No License (No License)
A series of tutorial notebooks on denoising diffusion probabilistic models in PyTorch
Support
Quality
Security
License
Reuse
High Frequency Trading Price Prediction using LSTM Recursive Neural Networks
Support
Quality
Security
License
Reuse
P
Predictive-Maintenance-using-LSTMby umbertogriffo
Python 493 Version:Current License: Permissive (MIT)
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Support
Quality
Security
License
Reuse
Practical Examples for RNNs in Tensorflow
Support
Quality
Security
License
Reuse
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Support
Quality
Security
License
Reuse
RNNLG is an open source benchmark toolkit for Natural Language Generation (NLG) in spoken dialogue system application domains. It is released by Tsung-Hsien (Shawn) Wen from Cambridge Dialogue Systems Group under Apache License 2.0.
Support
Quality
Security
License
Reuse
Tree LSTM implementation in PyTorch
Support
Quality
Security
License
Reuse
:fire: Use pre-trained models in PyTorch to extract vector embeddings for any image
Support
Quality
Security
License
Reuse
Modular Natural Language Processing workflows with Keras
Support
Quality
Security
License
Reuse
LSTM implementation on Caffe
Support
Quality
Security
License
Reuse
Train an LSTM to generate piano or violin/piano music.
Support
Quality
Security
License
Reuse
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Support
Quality
Security
License
Reuse
Transformers for Longer Sequences
Support
Quality
Security
License
Reuse
唐诗、宋词生成器,有详细说明
Support
Quality
Security
License
Reuse
Transformer based on a variant of attention that is linear complexity in respect to sequence length
Support
Quality
Security
License
Reuse
DanceNet -💃💃Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras)
Support
Quality
Security
License
Reuse
Pervasive Attention: 2D Convolutional Networks for Sequence-to-Sequence Prediction
Support
Quality
Security
License
Reuse
Code for reproducing results of NIPS 2014 paper "Semi-Supervised Learning with Deep Generative Models"
Support
Quality
Security
License
Reuse
[Reimplementation Antol et al 2015] Keras-based LSTM/CNN models for Visual Question Answering
Support
Quality
Security
License
Reuse
A 1-1 end-to-end encrypted internet pipe powered by Hyperswarm
Support
Quality
Security
License
Reuse
A wrapper around tensor2tensor to flexibly train, interact, and generate data for neural chatbots.
Support
Quality
Security
License
Reuse
PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940
Support
Quality
Security
License
Reuse
End-to-end ASR/LM implementation with PyTorch
Support
Quality
Security
License
Reuse
T
Text-Classification-Models-Pytorchby AnubhavGupta3377
Python 467 Version:Current License: Permissive (MIT)
Implementation of State-of-the-art Text Classification Models in Pytorch
Support
Quality
Security
License
Reuse
A TensorFlow implementation of Recurrent Neural Networks for Sequence Classification and Sequence Labeling
Support
Quality
Security
License
Reuse
sliced-rnn
Support
Quality
Security
License
Reuse
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Support
Quality
Security
License
Reuse
T
Transformers-for-Natural-Language-Processingby PacktPublishing
Jupyter Notebook 463 Version:Current License: No License (No License)
Transformers for Natural Language Processing, published by Packt
Support
Quality
Security
License
Reuse
D
Deep-Time-Series-Predictionby EvilPsyCHo
Python 461 Version:Current License: No License (No License)
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Support
Quality
Security
License
Reuse
U
Urban-Sound-Classificationby aqibsaeed
Jupyter Notebook 461 Version:Current License: Permissive (Apache-2.0)
Urban sound classification using Deep Learning
Support
Quality
Security
License
Reuse
TensorFlow implementation of "Pointer Networks"
Support
Quality
Security
License
Reuse
Deep-learning by using Pytorch. Basic nns like Logistic, CNN, RNN, LSTM and some examples are implemented by complex model.
Support
Quality
Security
License
Reuse
Multimodal model for text and tabular data with HuggingFace transformers as building block for text data
Support
Quality
Security
License
Reuse
Language Model GRU with Python and Theano
Support
Quality
Security
License
Reuse
l
lightning-transformersby PyTorchLightning
Python 454 Version:Current License: Permissive (Apache-2.0)
Flexible interface for high-performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra.
Support
Quality
Security
License
Reuse
BERT4Rec: Sequential Recommendation with Bidirectional Encoder Representations from Transformer
Support
Quality
Security
License
Reuse
T
Tensorflow-for-stock-predictionby kimber-chen
Jupyter Notebook 446 Version:Current License: No License (No License)
Use Tensorflow to run CNN for predict stock movement. Hope to find out which pattern will follow the price rising.
Support
Quality
Security
License
Reuse
t
tab-transformer-pytorchby lucidrains
Implementation of TabTransformer, attention network for tabular data, in Pytorch
Python 518Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
seqGANby suragnair
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
Python 517Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
N
NLP_pytorch_projectby shawroad
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Python 517Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
T
Time-Series-ARIMA-XGBOOST-RNNby Jenniferz28
Time series forecasting for individual household power prediction: ARIMA, xgboost, RNN
Python 516Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
s
seq2seq.pytorchby eladhoffer
Sequence-to-Sequence learning using PyTorch
Python 515Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
i
indrnnby batzner
TensorFlow implementation of Independently Recurrent Neural Networks
Python 515Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
d
drawby ericjang
TensorFlow Implementation of "DRAW: A Recurrent Neural Network For Image Generation"
Python 510Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
A
ActionAIby smellslikeml
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Python 510Updated: 3 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
n
ncsnby ermongroup
Noise Conditional Score Networks (NeurIPS 2019, Oral)
Python 510Updated: 1 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
D
Dynamic-Tensorflow-Tutorialby KnHuq
Tensorflow tutorial of building different dynamic recurrent neural network
Jupyter Notebook 507Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
B
BERTweetby VinAIResearch
BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)
Python 504Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
CTCWordBeamSearchby githubharald
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
C++ 504Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
O
OmniNetby subho406
Official Pytorch implementation of "OmniNet: A unified architecture for multi-modal multi-task learning" | Authors: Subhojeet Pramanik, Priyanka Agrawal, Aman Hussain
Python 502Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
d
diffusion_modelsby acids-ircam
A series of tutorial notebooks on denoising diffusion probabilistic models in PyTorch
Jupyter Notebook 502Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
S
StockPredictionRNNby dzitkowskik
High Frequency Trading Price Prediction using LSTM Recursive Neural Networks
Python 500Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
P
Predictive-Maintenance-using-LSTMby umbertogriffo
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Python 493Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
tf-rnnby dennybritz
Practical Examples for RNNs in Tensorflow
Jupyter Notebook 492Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
c
cnn_lstm_ctc_ocrby weinman
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Python 491Updated: 2 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
R
RNNLGby shawnwun
RNNLG is an open source benchmark toolkit for Natural Language Generation (NLG) in spoken dialogue system application domains. It is released by Tsung-Hsien (Shawn) Wen from Cambridge Dialogue Systems Group under Apache License 2.0.
Python 490Updated: 4 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
t
treelstm.pytorchby dasguptar
Tree LSTM implementation in PyTorch
Python 489Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
i
img2vecby christiansafka
:fire: Use pre-trained models in PyTorch to extract vector embeddings for any image
Python 489Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
k
keras-nlpby keras-team
Modular Natural Language Processing workflows with Keras
Python 488Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
c
caffe-lstmby junhyukoh
LSTM implementation on Caffe
C++ 486Updated: 3 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
m
musical-neural-netby mcleavey
Train an LSTM to generate piano or violin/piano music.
Python 485Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
k
kospeechby sooftware
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Python 485Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
b
bigbirdby google-research
Transformers for Longer Sequences
Python 484Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
C
Chinese_poem_generatorby hjptriplebee
唐诗、宋词生成器,有详细说明
Python 481Updated: 1 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
l
linear-attention-transformerby lucidrains
Transformer based on a variant of attention that is linear complexity in respect to sequence length
Python 479Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
dancenetby jsn5
DanceNet -💃💃Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras)
Python 478Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
attn2dby elbayadm
Pervasive Attention: 2D Convolutional Networks for Sequence-to-Sequence Prediction
Python 477Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
nips14-sslby dpkingma
Code for reproducing results of NIPS 2014 paper "Semi-Supervised Learning with Deep Generative Models"
Python 476Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
v
visual-qaby avisingh599
[Reimplementation Antol et al 2015] Keras-based LSTM/CNN models for Visual Question Answering
Python 475Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
h
hyperbeamby mafintosh
A 1-1 end-to-end encrypted internet pipe powered by Hyperswarm
JavaScript 475Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
S
Seq2seqChatbotsby ricsinaruto
A wrapper around tensor2tensor to flexibly train, interact, and generate data for neural chatbots.
Python 474Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
neural-combinatorial-rl-pytorchby pemami4911
PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940
Python 472Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
neural_spby hirofumi0810
End-to-end ASR/LM implementation with PyTorch
Python 469Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
T
Text-Classification-Models-Pytorchby AnubhavGupta3377
Implementation of State-of-the-art Text Classification Models in Pytorch
Python 467Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
rnn-nluby HadoopIt
A TensorFlow implementation of Recurrent Neural Networks for Sequence Classification and Sequence Labeling
Python 465Updated: 4 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
s
Support
Quality
Security
License
Reuse
h
handwriting-generationby Grzego
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Python 464Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
T
Transformers-for-Natural-Language-Processingby PacktPublishing
Transformers for Natural Language Processing, published by Packt
Jupyter Notebook 463Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
D
Deep-Time-Series-Predictionby EvilPsyCHo
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Python 461Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
U
Urban-Sound-Classificationby aqibsaeed
Urban sound classification using Deep Learning
Jupyter Notebook 461Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
p
pointer-network-tensorflowby devsisters
TensorFlow implementation of "Pointer Networks"
Python 460Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
torch-lightby ne7ermore
Deep-learning by using Pytorch. Basic nns like Logistic, CNN, RNN, LSTM and some examples are implemented by complex model.
Python 458Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
M
Multimodal-Toolkitby georgian-io
Multimodal model for text and tabular data with HuggingFace transformers as building block for text data
Python 457Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
rnn-tutorial-gru-lstmby dennybritz
Language Model GRU with Python and Theano
Python 456Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
l
lightning-transformersby PyTorchLightning
Flexible interface for high-performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra.
Python 454Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
B
BERT4Recby FeiSun
BERT4Rec: Sequential Recommendation with Bidirectional Encoder Representations from Transformer
Python 451Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
T
Tensorflow-for-stock-predictionby kimber-chen
Use Tensorflow to run CNN for predict stock movement. Hope to find out which pattern will follow the price rising.
Jupyter Notebook 446Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse