Skip to content

Latest commit

 

History

History
 
 

research

Folders and files

NameName
Last commit message
Last commit date

parent directory

..
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Logo

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.

Table of Contents

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

Computer Vision

Directory Paper(s) Conference Maintainer(s)
attention_ocr Attention-based Extraction of Structured Information from Street View Imagery ICDAR 2017 xavigibert
autoaugment [1] AutoAugment
[2] Wide Residual Networks
[3] Shake-Shake regularization
[4] ShakeDrop Regularization for Deep Residual Learning
[1] CVPR 2019
[2] BMVC 2016
[3] ICLR 2017
[4] ICLR 2018
barretzoph
deeplab [1] DeepLabv1: Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs
[2] DeepLabv2: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs
[3] DeepLabv3: Rethinking Atrous Convolution for Semantic Image Segmentation
[4] DeepLabv3+: Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation
[1] ICLR 2015
[2] TPAMI 2017
[4] ECCV 2018
aquariusjay, yknzhu
delf [1] DELF (DEep Local Features): Large-Scale Image Retrieval with Attentive Deep Local Features
[2] Detect-to-Retrieve: Efficient Regional Aggregation for Image Search
[3] DELG (DEep Local and Global features): Unifying Deep Local and Global Features for Image Search
[4] GLDv2: Google Landmarks Dataset v2 -- A Large-Scale Benchmark for Instance-Level Recognition and Retrieval
[1] ICCV 2017
[2] CVPR 2019
[4] CVPR 2020
andrefaraujo
lstm_object_detection Mobile Video Object Detection with Temporally-Aware Feature Maps CVPR 2018 yinxiaoli, yongzhe2160, lzyuan
marco MARCO: Classification of crystallization outcomes using deep convolutional neural networks vincentvanhoucke
vid2depth Unsupervised Learning of Depth and Ego-Motion from Monocular Video Using 3D Geometric Constraints CVPR 2018 rezama

Natural Language Processing

Directory Paper(s) Conference Maintainer(s)
adversarial_text [1] Adversarial Training Methods for Semi-Supervised Text Classification
[2] Semi-supervised Sequence Learning
[1] ICLR 2017
[2] NIPS 2015
rsepassi, a-dai
cvt_text Semi-Supervised Sequence Modeling with Cross-View Training EMNLP 2018 clarkkev, lmthang

Audio and Speech

Directory Paper(s) Conference Maintainer(s)
audioset [1] Audio Set: An ontology and human-labeled dataset for audio events
[2] CNN Architectures for Large-Scale Audio Classification
ICASSP 2017 plakal, dpwe

Reinforcement Learning

Directory Paper(s) Conference Maintainer(s)
efficient-hrl [1] Data-Efficient Hierarchical Reinforcement Learning
[2] Near-Optimal Representation Learning for Hierarchical Reinforcement Learning
[1] NIPS 2018
[2] ICLR 2019
ofirnachum
pcl_rl [1] Improving Policy Gradient by Exploring Under-appreciated Rewards
[2] Bridging the Gap Between Value and Policy Based Reinforcement Learning
[3] Trust-PCL: An Off-Policy Trust Region Method for Continuous Control
[1] ICLR 2017
[2] NIPS 2017
[3] ICLR 2018
ofirnachum

Others

Directory Paper(s) Conference Maintainer(s)
lfads LFADS - Latent Factor Analysis via Dynamical Systems jazcollins, sussillo
rebar REBAR: Low-variance, unbiased gradient estimates for discrete latent variable models NIPS 2017 gjtucker

⚠️ 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

Contributions

If you want to contribute, please review the contribution guidelines.