TensorFlow Research Models
This directory contains code implementations and pre-trained models of published research papers.
The research models are maintained by their respective authors.
Modeling Libraries and Models
Directory
Name
Description
Maintainer(s)
object_detection
TensorFlow Object Detection API
A framework that makes it easy to construct, train and deploy object detection models A collection of object detection models pre-trained on the COCO dataset, the Kitti dataset, the Open Images dataset, the AVA v2.1 dataset, and the iNaturalist Species Detection Dataset
jch1, tombstone, pkulzc
slim
TensorFlow-Slim Image Classification Model Library
A lightweight high-level API of TensorFlow for defining, training and evaluating image classification models • Inception V1/V2/V3/V4 • Inception-ResNet-v2 • ResNet V1/V2 • VGG 16/19 • MobileNet V1/V2/V3 • NASNet-A_Mobile/Large • PNASNet-5_Large/Mobile
sguada, marksandler2
Models and Implementations
Natural Language Processing
⚠️ Archived Models and Implementations
The following research models are no longer maintained.
Note : We will remove archived models from the master branch in June, 2020.
After removal, you will still be able to access archived models in the archive branch.
Directory
Paper(s)
Conference
Maintainer(s)
adv_imagenet_models
[1] Adversarial Machine Learning at Scale [2] Ensemble Adversarial Training: Attacks and Defenses
[1] ICLR 2017 [2] ICLR 2018
alexeykurakin
adversarial_crypto
Learning to Protect Communications with Adversarial Neural Cryptography
dave-andersen
adversarial_logit_pairing
Adversarial Logit Pairing
alexeykurakin
autoencoder
Various autoencoders
snurkabill
brain_coder
Neural Program Synthesis with Priority Queue Training
danabo, mnorouzi
cognitive_mapping_and_planning
Cognitive Mapping and Planning for Visual Navigation
CVPR 2017
s-gupta
compression
Full Resolution Image Compression with Recurrent Neural Networks
CVPR 2017
nmjohn
deep_contextual_bandits
Deep Bayesian Bandits Showdown: An Empirical Comparison of Bayesian Deep Networks for Thompson Sampling
ICLR 2018
rikel
deep_speech
Deep Speech 2
ICLR 2016
yhliang2018
domain_adaptation
[1] Domain Separation Networks [2] Unsupervised Pixel-Level Domain Adaptation with Generative Adversarial Networks
NIPS 2016
bousmalis, dmrd
feelvos
FEELVOS
CVPR 2019
pvoigtlaender, yuningchai, aquariusjay
fivo
Filtering variational objectives for training generative sequence models
NIPS 2017
dieterichlawson
global_objectives
Scalable Learning of Non-Decomposable Objectives
AISTATS 2017
mackeya-google
im2txt
Show and Tell: Lessons learned from the 2015 MSCOCO Image Captioning Challenge
TPAMI 2016
cshallue
inception
Rethinking the Inception Architecture for Computer Vision
CVPR 2016
shlens, vincentvanhoucke
keypointnet
KeypointNet
mnorouzi
learned_optimizer
Learned Optimizers that Scale and Generalize
ICML 2017
olganw, nirum
learning_to_remember_rare_events
Learning to Remember Rare Events
ICLR 2017
lukaszkaiser, ofirnachum
learning_unsupervised_learning
Meta-Learning Update Rules for Unsupervised Representation Learning
ICLR 2019
lukemetz, nirum
lexnet_nc
Olive Oil is Made of Olives, Baby Oil is Made for Babies: Interpreting Noun Compounds using Paraphrases in a Neural Model
NAACL 2018
vered1986, waterson
lm_1b
Exploring the Limits of Language Modeling
oriolvinyals, panyx0718
lm_commonsense
A Simple Method for Commonsense Reasoning
thtrieu
maskgan
MaskGAN: Better Text Generation via Filling in the
ICLR 2018
liamb315, a-dai
namignizer
Namignizer
knathanieltucker
neural_gpu
Neural GPUs Learn Algorithms
lukaszkaiser
neural_programmer
Learning a Natural Language Interface with Neural Programmer
ICLR 2017
arvind2505
next_frame_prediction
Visual Dynamics: Probabilistic Future Frame Synthesis via Cross Convolutional Networks
NIPS 2016
panyx0718
ptn
Perspective Transformer Nets: Learning Single-View 3D Object Reconstruction without 3D Supervision
NIPS 2016
xcyan, arkanath, hellojas, honglaklee
qa_kg
Learning to Reason: End-to-End Module Networks for Visual Question Answering
ICCV 2017
yuyuz
real_nvp
Density estimation using Real NVP
ICLR 2017
laurent-dinh
sentiment_analysis
Effective Use of Word Order for Text Categorization with Convolutional Neural Networks
NAACL HLT 2015
sculd
seq2species
Seq2Species: A deep learning approach to pattern recognition for short DNA sequences
apbusia, depristo
skip_thoughts
Skip-Thought Vectors
cshallue
steve
Sample-Efficient Reinforcement Learning with Stochastic Ensemble Value Expansion
NeurIPS 2018
buckman-google
street
End-to-End Interpretation of the French Street Name Signs Dataset
ECCV 2016
theraysmith
struct2depth
Depth Prediction Without the Sensors: Leveraging Structure for Unsupervised Learning from Monocular Videos
AAAI 2019
aneliaangelova
swivel
Swivel: Improving Embeddings by Noticing What's Missing
waterson
tcn
Time-Contrastive Networks: Self-Supervised Learning from Video
ICRA 2018
coreylynch, sermanet
textsum
A Neural Attention Model for Abstractive Sentence Summarization
EMNLP 2015
panyx0718, peterjliu
transformer
Spatial Transformer Network
NIPS 2015
daviddao
video_prediction
Unsupervised Learning for Physical Interaction through Video Prediction
NIPS 2016
cbfinn
If you want to contribute, please review the contribution guidelines .