Home

Awesome

Maintenance GitHub GitHub GitHub

NLP-pretrained-model

NLP logo

What is pre-trained Model?

A pre-trained model is a model created by some one else to solve a similar problem. Instead of building a model from scratch to solve a similar problem, we can use the model trained on other problem as a starting point. A pre-trained model may not be 100% accurate in your application.

Other Pre-trained Models

Model Deployment library

Framework

Model visualization

You can see visualizations of each model's network architecture by using Netron.

NLP logo

Tensorflow <a name="tensorflow"/>

Model NameDescriptionFramework
ChatbotThis work tries to reproduce the results of A Neural Conversational Model (aka the Google chatbot). It uses a RNN (seq2seq model) for sentence predictionTensorflow
Show, Attend and TellAttention Based Image Caption Generator.Tensorflow
Seq2seq-ChatbotChatbot in 200 lines of code.Tensorflow
Neural Caption GeneratorImplementation of "Show and Tell".Tensorflow
TensorFlow White Paper NotesAnnotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation.Tensorflow
Neural machine translation between the writings of Shakespeare and modern English using TensorFlowThis performs a monolingual translation, going from modern English to Shakespeare and vice-versa.Tensorflow
Mnemonic Descent MethodTensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"Tensorflow
Improved CycleGANUnpaired Image to Image Translation.Tensorflow
im2imUnsupervised Image to Image Translation with Generative Adversarial Networks.Tensorflow
DeepSpeechAutomatic speech recognition.Tensorflow
Im2txtImage-to-text neural network for image captioning.Tensorflow
<div align="right"> <b><a href="#framework">↥ Back To Top</a></b> </div>

Keras <a name="keras"/>

Model NameDescriptionFramework
Monolingual and Multilingual Image CaptioningThis is the source code that accompanies Multilingual Image Description with Neural Sequence Models.Keras
pix2pixKeras implementation of Image-to-Image Translation with Conditional Adversarial Networks.Keras
DualGANImplementation of DualGAN: Unsupervised Dual Learning for Image-to-Image Translation.Keras
CycleGANImplementation of Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks.Keras
<div align="right"> <b><a href="#framework">↥ Back To Top</a></b> </div>

PyTorch <a name="pytorch"/>

Model NameDescriptionFramework
pytorch-CycleGAN-and-pix2pixPyTorch implementation for both unpaired and paired image-to-image translation.PyTorch
vid2vidPytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation.PyTorch
Neural Machine Translation (NMT) SystemThis is a Pytorch port of OpenNMT, an open-source (MIT) neural machine translation system. It is designed to be research friendly to try out new ideas in translation, summary, image-to-text, morphology, and many other domains.PyTorch
UNITPyTorch Implementation of our Coupled VAE-GAN algorithm for Unsupervised Image-to-Image Translation.PyTorch
espnetEnd-to-End Speech Processing Toolkit.PyTorch
TTSDeep learning for Text2Speech.PyTorch
Neural Sequence labeling modelSequence labeling models are quite popular in many NLP tasks, such as Named Entity Recognition (NER), part-of-speech (POS) tagging and word segmentation.PyTorch
UnsupervisedMTPhrase-Based & Neural Unsupervised Machine Translation.PyTorch
waveglowA Flow-based Generative Network for Speech Synthesis.PyTorch
deepvoice3_pytorchPyTorch implementation of convolutional networks-based text-to-speech synthesis models.PyTorch
deepspeech2Implementation of DeepSpeech2 using Baidu Warp-CTC. Creates a network based on the DeepSpeech2 architecture, trained with the CTC activation function.PyTorch
pytorch-seq2seqA framework for sequence-to-sequence (seq2seq) models implemented in PyTorch.PyTorch
loopA method to generate speech across multiple speakers.PyTorch
neuraltalk2-pytorchImage captioning model in pytorch (finetunable cnn in branch with_finetune)PyTorch
seq2seqThis repository contains implementations of Sequence to Sequence (Seq2Seq) models in PyTorch.PyTorch
seq2seq.pytorchSequence-to-Sequence learning using PyTorch.PyTorch
self-critical.pytorchSelf-critical Sequence Training for Image Captioning.PyTorch
Hierarchical Attention Networks for Document ClassificationWe know that documents have a hierarchical structure, words combine to form sentences and sentences combine to form documents.PyTorch
nmtpytorchNeural Machine Translation Framework in PyTorch.PyTorch
pix2pix-pytorchPyTorch implementation of "Image-to-Image Translation Using Conditional Adversarial Networks".PyTorch
torch_waveglowA PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis.PyTorch
Open Source Chatbot with PyTorchAim to build a Marvelous ChatBot.PyTorch
nonauto-nmtPyTorch Implementation of "Non-Autoregressive Neural Machine Translation".PyTorch
tacotron_pytorchPyTorch implementation of Tacotron speech synthesis model.PyTorch
pytorch-seq2seq-intent-parsingIntent parsing and slot filling in PyTorch with seq2seq + attention.PyTorch
captionGenGenerate captions for an image using PyTorch.PyTorch
bandit-nmtThis is code repo for our EMNLP 2017 paper "Reinforcement Learning for Bandit Neural Machine Translation with Simulated Human Feedback".PyTorch
Pytorch Poetry Generationis a repurposing of http://pytorch.org/: an early release beta software (developed by a consortium led by Facebook and NVIDIA), a deep learning software that puts Python first.PyTorch
translagentCode for Emergent Translation in Multi-Agent Communication.PyTorch
<div align="right"> <b><a href="#framework">↥ Back To Top</a></b> </div>

MXNet <a name="mxnet"/>

Model NameDescriptionFramework
MXNMTThis is an implementation of seq2seq with attention for neural machine translation with MXNet.MXNet
deepspeechThis example based on DeepSpeech2 of Baidu helps you to build Speech-To-Text (STT) models at scale using.MXNet
mxnet-seq2seqThis project implements the sequence to sequence learning with mxnet for open-domain chatbot.MXNet
<div align="right"> <b><a href="#framework">↥ Back To Top</a></b> </div>

Caffe <a name="caffe"/>

Model NameDescriptionFramework
Speech RecognitionSpeech Recognition with the caffe deep learning framework.Caffe
<div align="right"> <b><a href="#framework">↥ Back To Top</a></b> </div>

Contributions

Your contributions are always welcome!! Please have a look at contributing.md

License

MIT License