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.
You can see visualizations of each model's network architecture by using Netron.
Model Name | Description | Framework |
---|---|---|
Chatbot | This work tries to reproduce the results of A Neural Conversational Model (aka the Google chatbot). It uses a RNN (seq2seq model) for sentence prediction | Tensorflow |
Show, Attend and Tell | Attention Based Image Caption Generator. | Tensorflow |
Seq2seq-Chatbot | Chatbot in 200 lines of code. | Tensorflow |
Neural Caption Generator | Implementation of "Show and Tell". | Tensorflow |
TensorFlow White Paper Notes | Annotated 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 TensorFlow | This performs a monolingual translation, going from modern English to Shakespeare and vice-versa. | Tensorflow |
Mnemonic Descent Method | Tensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment" | Tensorflow |
Improved CycleGAN | Unpaired Image to Image Translation. | Tensorflow |
im2im | Unsupervised Image to Image Translation with Generative Adversarial Networks. | Tensorflow |
DeepSpeech | Automatic speech recognition. | Tensorflow |
Im2txt | Image-to-text neural network for image captioning. | Tensorflow |
Model Name | Description | Framework |
---|---|---|
Monolingual and Multilingual Image Captioning | This is the source code that accompanies Multilingual Image Description with Neural Sequence Models. | Keras |
pix2pix | Keras implementation of Image-to-Image Translation with Conditional Adversarial Networks. | Keras |
DualGAN | Implementation of DualGAN: Unsupervised Dual Learning for Image-to-Image Translation. | Keras |
CycleGAN | Implementation of Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks. | Keras |
Model Name | Description | Framework |
---|---|---|
pytorch-CycleGAN-and-pix2pix | PyTorch implementation for both unpaired and paired image-to-image translation. | PyTorch |
vid2vid | Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation. | PyTorch |
Neural Machine Translation (NMT) System | This 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 |
UNIT | PyTorch Implementation of our Coupled VAE-GAN algorithm for Unsupervised Image-to-Image Translation. | PyTorch |
espnet | End-to-End Speech Processing Toolkit. | PyTorch |
TTS | Deep learning for Text2Speech. | PyTorch |
Neural Sequence labeling model | Sequence labeling models are quite popular in many NLP tasks, such as Named Entity Recognition (NER), part-of-speech (POS) tagging and word segmentation. | PyTorch |
UnsupervisedMT | Phrase-Based & Neural Unsupervised Machine Translation. | PyTorch |
waveglow | A Flow-based Generative Network for Speech Synthesis. | PyTorch |
deepvoice3_pytorch | PyTorch implementation of convolutional networks-based text-to-speech synthesis models. | PyTorch |
deepspeech2 | Implementation of DeepSpeech2 using Baidu Warp-CTC. Creates a network based on the DeepSpeech2 architecture, trained with the CTC activation function. | PyTorch |
pytorch-seq2seq | A framework for sequence-to-sequence (seq2seq) models implemented in PyTorch. | PyTorch |
loop | A method to generate speech across multiple speakers. | PyTorch |
neuraltalk2-pytorch | Image captioning model in pytorch (finetunable cnn in branch with_finetune) | PyTorch |
seq2seq | This repository contains implementations of Sequence to Sequence (Seq2Seq) models in PyTorch. | PyTorch |
seq2seq.pytorch | Sequence-to-Sequence learning using PyTorch. | PyTorch |
self-critical.pytorch | Self-critical Sequence Training for Image Captioning. | PyTorch |
Hierarchical Attention Networks for Document Classification | We know that documents have a hierarchical structure, words combine to form sentences and sentences combine to form documents. | PyTorch |
nmtpytorch | Neural Machine Translation Framework in PyTorch. | PyTorch |
pix2pix-pytorch | PyTorch implementation of "Image-to-Image Translation Using Conditional Adversarial Networks". | PyTorch |
torch_waveglow | A PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis. | PyTorch |
Open Source Chatbot with PyTorch | Aim to build a Marvelous ChatBot. | PyTorch |
nonauto-nmt | PyTorch Implementation of "Non-Autoregressive Neural Machine Translation". | PyTorch |
tacotron_pytorch | PyTorch implementation of Tacotron speech synthesis model. | PyTorch |
pytorch-seq2seq-intent-parsing | Intent parsing and slot filling in PyTorch with seq2seq + attention. | PyTorch |
captionGen | Generate captions for an image using PyTorch. | PyTorch |
bandit-nmt | This is code repo for our EMNLP 2017 paper "Reinforcement Learning for Bandit Neural Machine Translation with Simulated Human Feedback". | PyTorch |
Pytorch Poetry Generation | is 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 |
translagent | Code for Emergent Translation in Multi-Agent Communication. | PyTorch |
Model Name | Description | Framework |
---|---|---|
MXNMT | This is an implementation of seq2seq with attention for neural machine translation with MXNet. | MXNet |
deepspeech | This example based on DeepSpeech2 of Baidu helps you to build Speech-To-Text (STT) models at scale using. | MXNet |
mxnet-seq2seq | This project implements the sequence to sequence learning with mxnet for open-domain chatbot. | MXNet |
Model Name | Description | Framework |
---|---|---|
Speech Recognition | Speech Recognition with the caffe deep learning framework. | Caffe |
Your contributions are always welcome!! Please have a look at contributing.md