Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
awesome-tensorflow
TensorFlow - A curated list of dedicated resources http://tensorflow.org
https://github.com/eric-erki/awesome-tensorflow
Last synced: 3 days ago
JSON representation
-
Tutorials
- TensorFlow Tutorial 1 - From the basics to slightly more interesting applications of TensorFlow
- TensorFlow Tutorial 2 - Introduction to deep learning based on Google's TensorFlow framework. These tutorials are direct ports of Newmu's Theano
- TensorFlow Tutorial 3 - These tutorials are intended for beginners in Deep Learning and TensorFlow with well-documented code and YouTube videos.
- TensorFlow Examples - TensorFlow tutorials and code examples for beginners
- Sungjoon's TensorFlow-101 - TensorFlow tutorials written in Python with Jupyter Notebook
- Terry Um’s TensorFlow Exercises - Re-create the codes from other TensorFlow examples
- Installing TensorFlow on Raspberry Pi 3 - TensorFlow compiled and running properly on the Raspberry Pi
- Classification on time series - Recurrent Neural Network classification in TensorFlow with LSTM on cellphone sensor data
- Predict time series - Learn to use a seq2seq model on simple datasets as an introduction to the vast array of possibilities that this architecture offers
- Single Image Random Dot Stereograms - SIRDS is a means to present 3D data in a 2D image. It allows for scientific data display of a waterfall type plot with no hidden lines due to perspective.
- TensorFlow World - Concise and ready-to-use TensorFlow tutorials with detailed documentation are provided.
- Effective Tensorflow - TensorFlow howtos and best practices. Covers the basics as well as advanced topics.
- Getting Started with TensorFlow on Android - Build your first TensorFlow Android app
- CS20 SI: TensorFlow for DeepLearning Research - Stanford Course about Tensorflow from 2017 - [Syllabus](http://web.stanford.edu/class/cs20si/syllabus.html) - [Unofficial Videos](https://youtu.be/g-EvyKpZjmQ?list=PLSPPwKHXGS2110rEaNH7amFGmaD5hsObs)
- TensorLayer - Modular implementation for TensorFlow's official tutorials. ([CN](https://tensorlayercn.readthedocs.io/zh/latest/user/tutorial.html)).
- Understanding The Tensorflow Estimator API
- Convolutional Neural Networks in TensorFlow - Convolutional Neural Networks in Tensorflow, offered by Coursera
-
Models/Projects
- Tensorflow-Project-Template - A simple and well-designed template for your tensorflow project.
- Neural Style
- SRGAN - Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
- Pretty Tensor - Pretty Tensor provides a high level builder API
- Neural Style - An implementation of neural style
- AlexNet3D - An implementations of AlexNet3D. Simple AlexNet model but with 3D convolutional layers (conv3d).
- TensorFlow White Paper Notes - Annotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation
- NeuralArt - Implementation of A Neural Algorithm of Artistic Style
- Generative Handwriting Demo using TensorFlow - An attempt to implement the random handwriting generation portion of Alex Graves' paper
- Neural Turing Machine in TensorFlow - implementation of Neural Turing Machine
- GoogleNet Convolutional Neural Network Groups Movie Scenes By Setting - Search, filter, and describe videos based on objects, places, and other things that appear in them
- 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.
- Chatbot - Implementation of ["A neural conversational model"](http://arxiv.org/abs/1506.05869)
- Seq2seq-Chatbot - Chatbot in 200 lines of code
- DCGAN - Deep Convolutional Generative Adversarial Networks
- GAN-CLS - Generative Adversarial Text to Image Synthesis
- im2im - Unsupervised Image to Image Translation with Generative Adversarial Networks
- Improved CycleGAN - Unpaired Image to Image Translation
- DAGAN - Fast Compressed Sensing MRI Reconstruction
- Colornet - Neural Network to colorize grayscale images - Neural Network to colorize grayscale images
- Weakly_detector - Implementation of ["Learning Deep Features for Discriminative Localization"](http://cnnlocalization.csail.mit.edu/)
- Dynamic Capacity Networks - Implementation of ["Dynamic Capacity Networks"](http://arxiv.org/abs/1511.07838)
- HMM in TensorFlow - Implementation of viterbi and forward/backward algorithms for HMM
- DeepOSM - Train TensorFlow neural nets with OpenStreetMap features and satellite imagery.
- DQN-tensorflow - TensorFlow implementation of DeepMind's 'Human-Level Control through Deep Reinforcement Learning' with OpenAI Gym by Devsisters.com
- DAGGER - For Playing [Gym Torcs](https://github.com/ugo-nama-kun/gym_torcs)
- TRPO - For Continuous and Discrete Action Space by
- Highway Network - TensorFlow implementation of ["Training Very Deep Networks"](http://arxiv.org/abs/1507.06228) with a [blog post](https://medium.com/jim-fleming/highway-networks-with-tensorflow-1e6dfa667daa#.ndicn1i27)
- Hierarchical Attention Networks - TensorFlow implementation of ["Hierarchical Attention Networks for Document Classification"](https://www.cs.cmu.edu/~hovy/papers/16HLT-hierarchical-attention-networks.pdf)
- Sentence Classification with CNN - TensorFlow implementation of ["Convolutional Neural Networks for Sentence Classification"](http://arxiv.org/abs/1408.5882) with a [blog post](http://www.wildml.com/2015/12/implementing-a-cnn-for-text-classification-in-tensorflow/)
- End-To-End Memory Networks - Implementation of [End-To-End Memory Networks](http://arxiv.org/abs/1503.08895)
- Character-Aware Neural Language Models - TensorFlow implementation of [Character-Aware Neural Language Models](http://arxiv.org/abs/1508.06615)
- Wavenet - This is a TensorFlow implementation of the [WaveNet generative neural network architecture](https://deepmind.com/blog/wavenet-generative-model-raw-audio/) for audio generation.
- Mnemonic Descent Method - Tensorflow implementation of ["Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"](http://ibug.doc.ic.ac.uk/media/uploads/documents/trigeorgis2016mnemonic.pdf)
- CNN visualization using Tensorflow - Tensorflow implementation of ["Visualizing and Understanding Convolutional Networks"](https://www.cs.nyu.edu/~fergus/papers/zeilerECCV2014.pdf)
- VGAN Tensorflow - Tensorflow implementation for MIT ["Generating Videos with Scene Dynamics"](http://carlvondrick.com/tinyvideo/) by Vondrick et al.
- 3D Convolutional Neural Networks in TensorFlow - Implementation of ["3D Convolutional Neural Networks for Speaker Verification application"](https://arxiv.org/abs/1705.09422) in TensorFlow by Torfi et al.
- U-Net - For Brain Tumor Segmentation
- Spatial Transformer Networks - Learn the Transformation Function
- Lip Reading - Cross Audio-Visual Recognition using 3D Architectures in TensorFlow - TensorFlow Implementation of ["Cross Audio-Visual Recognition in the Wild Using Deep Learning"](https://arxiv.org/abs/1706.05739) by Torfi et al.
- Attentive Object Tracking - Implementation of ["Hierarchical Attentive Recurrent Tracking"](https://arxiv.org/abs/1706.09262)
- Holographic Embeddings for Graph Completion and Link Prediction - Implementation of [Holographic Embeddings of Knowledge Graphs](http://arxiv.org/abs/1510.04935)
- Unsupervised Object Counting - Implementation of ["Attend, Infer, Repeat"](https://papers.nips.cc/paper/6230-attend-infer-repeat-fast-scene-understanding-with-generative-models)
- Tensorflow FastText - A simple embedding based text classifier inspired by Facebook's fastText.
- MusicGenreClassification - Classify music genre from a 10 second sound stream using a Neural Network.
- Kubeflow - Framework for easily using Tensorflow with Kubernetes.
- TensorNets - 40+ Popular Computer Vision Models With Pre-trained Weights.
- Ladder Network - Implementation of Ladder Network for Semi-Supervised Learning in Keras and Tensorflow
- SenseNet - Robotics touch model with TensorFlow DQN example
- Deep-Q learning Pong with TensorFlow and PyGame
- Policy Gradient - For Playing Atari Ping Pong
- Deep Q-Network - For Playing Frozen Lake Game
- AC - Actor Critic for Playing Discrete Action space Game (Cartpole)
- A3C - Asynchronous Advantage Actor Critic (A3C) for Continuous Action Space (Bipedal Walker)
- DAGAN - Fast Compressed Sensing MRI Reconstruction
- Neural Caption Generator with Attention - Implementation of ["Show, Attend and Tell"](http://arxiv.org/abs/1502.03044)
- Domain Transfer Network - Implementation of Unsupervised Cross-Domain Image Generation
- Show, Attend and Tell - Attention Based Image Caption Generator
- YOLO TensorFlow ++ - TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices.
-
Powered by TensorFlow
- YOLO TensorFlow - Implementation of 'YOLO : Real-Time Object Detection'
- android-yolo - Real-time object detection on Android using the YOLO network, powered by TensorFlow.
- Magenta - Research project to advance the state of the art in machine intelligence for music and art generation
-
Libraries
- Lattice - Implementation of Monotonic Calibrated Interpolated Look-Up Tables in TensorFlow
- tensorflow.rb - TensorFlow native interface for ruby using SWIG
- tflearn - Deep learning library featuring a higher-level API
- TensorLayer - Deep learning and reinforcement learning library for researchers and engineers
- TensorFlowOnSpark - initiative from Yahoo! to enable distributed TensorFlow with Apache Spark.
- caffe-tensorflow - Convert Caffe models to TensorFlow format
- keras-js - Run Keras models (tensorflow backend) in the browser, with GPU support
- NNFlow - Simple framework allowing to read-in ROOT NTuples by converting them to a Numpy array and then use them in Google Tensorflow.
- tf-encrypted - Layer on top of TensorFlow for doing machine learning on encrypted data
- TensorIO - Lightweight, cross-platform library for deploying TensorFlow Lite models to mobile devices.
- StellarGraph - Machine Learning on Graphs, a Python library for machine learning on graph-structured (network-structured) data.
- pytorch2keras - Convert PyTorch models to Keras (with TensorFlow backend) format
- R Interface to TensorFlow - R interface to TensorFlow APIs, including Estimators, Keras, Datasets, etc.
- TensorFlow-Slim - High-level library for defining models
- SyntaxNet: Neural Models of Syntax - A TensorFlow implementation of the models described in [Globally Normalized Transition-Based Neural Networks, Andor et al. (2016)](http://arxiv.org/pdf/1603.06042.pdf)
- gluon2keras - Convert Gluon models to Keras (with TensorFlow backend) format
- Sonnet - Sonnet is DeepMind's library built on top of TensorFlow for building complex neural networks.
- tensorpack - Neural Network Toolbox on TensorFlow focusing on training speed and on large datasets.
- TensorFrames - TensorFlow binding for Apache Spark
- TensorForce - TensorForce: A TensorFlow library for applied reinforcement learning
-
Tools/Utilities
- ML Workspace - All-in-one web IDE for machine learning and data science. Combines Tensorflow, Jupyter, VS Code, Tensorboard, and many other tools/libraries into one Docker image.
-
Videos
- TensorFlow Guide 1 - A guide to installation and use
- TensorFlow Guide 2 - Continuation of first video
- TensorFlow Basic Usage - A guide going over basic usage
- TensorFlow Deep MNIST for Experts - Goes over Deep MNIST
- TensorFlow Udacity Deep Learning - Basic steps to install TensorFlow for free on the Cloud 9 online service with 1Gb of data
- Why Google wants everyone to have access to TensorFlow
- Stanford CS224d Lecture 7 - Introduction to TensorFlow, 19th Apr 2016 - CS224d Deep Learning for Natural Language Processing by Richard Socher
- Diving into Machine Learning through TensorFlow - Pycon 2016 Portland Oregon, [Slide](https://storage.googleapis.com/amy-jo/talks/tf-workshop.pdf) & [Code](https://github.com/amygdala/tensorflow-workshop) by Julia Ferraioli, Amy Unruh, Eli Bixby
- Large Scale Deep Learning with TensorFlow - Spark Summit 2016 Keynote by Jeff Dean
- Tensorflow and deep learning - without at PhD - by Martin Görner
- Tensorflow and deep learning - without at PhD, Part 2 (Google Cloud Next '17) - by Martin Görner
- Image recognition in Go using TensorFlow - by Alex Pliutau
- Image recognition in Go using TensorFlow - by Alex Pliutau
- Diving into Machine Learning through TensorFlow - Pycon 2016 Portland Oregon, [Slide](https://storage.googleapis.com/amy-jo/talks/tf-workshop.pdf) & [Code](https://github.com/amygdala/tensorflow-workshop) by Julia Ferraioli, Amy Unruh, Eli Bixby
- Large Scale Deep Learning with TensorFlow - Spark Summit 2016 Keynote by Jeff Dean
-
Papers
- TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems - This paper describes the TensorFlow interface and an implementation of that interface that we have built at Google
- TensorFlow Estimators: Managing Simplicity vs. Flexibility in High-Level Machine Learning Frameworks
- TF.Learn: TensorFlow's High-level Module for Distributed Machine Learning
- Comparative Study of Deep Learning Software Frameworks - The study is performed on several types of deep learning architectures and we evaluate the performance of the above frameworks when employed on a single machine for both (multi-threaded) CPU and GPU (Nvidia Titan X) settings
- Distributed TensorFlow with MPI - In this paper, we extend recently proposed Google TensorFlow for execution on large scale clusters using Message Passing Interface (MPI)
- Globally Normalized Transition-Based Neural Networks - This paper describes the models behind [SyntaxNet](https://github.com/tensorflow/models/tree/master/syntaxnet).
- TensorFlow: A system for large-scale machine learning - This paper describes the TensorFlow dataflow model in contrast to existing systems and demonstrate the compelling performance
- TensorLayer: A Versatile Library for Efficient Deep Learning Development - This paper describes a versatile Python library that aims at helping researchers and engineers efficiently develop deep learning systems. (Winner of The Best Open Source Software Award of ACM MM 2017)
-
Blog posts
- Why TensorFlow will change the Game for AI
- The Good, Bad, & Ugly of TensorFlow - A survey of six months rapid evolution (+ tips/hacks and code to fix the ugly stuff), Dan Kuster at Indico, May 9, 2016
- TFRecords Guide
- TensorFlow Optimizations on Modern Intel® Architecture - Introduces TensorFlow optimizations on Intel® Xeon® and Intel® Xeon Phi™ processor-based platforms based on an Intel/Google collaboration.
- Coca-Cola's Image Recognition App - Cola's product code image recognizing neural network with user input feedback loop.
- The indico Machine Learning Team's take on TensorFlow
- How Does The TensorFlow Work
- How Does The TensorFlow Work
-
Community
-
Books
- First Contact with TensorFlow
- Deep Learning with Python - Develop Deep Learning Models on Theano and TensorFlow Using Keras by Jason Brownlee
- TensorFlow for Machine Intelligence - Complete guide to use TensorFlow from the basics of graph computing, to deep learning models to using it in production environments - Bleeding Edge Press
- Deep Learning using TensorLayer - by Hao Dong et al. This book covers both deep learning and the implmentation by using TensorFlow and TensorLayer.
- Getting Started with TensorFlow - Get up and running with the latest numerical computing library by Google and dive deeper into your data, by Giancarlo Zaccone
- Building Machine Learning Projects with Tensorflow
-
Contributions
-
Credits
-
Official announcements
- Announcing SyntaxNet: The World’s Most Accurate Parser Goes Open Source - Release of SyntaxNet, "an open-source neural network framework implemented in TensorFlow that provides a foundation for Natural Language Understanding systems.
Programming Languages
Categories
Sub Categories
Keywords
tensorflow
41
deep-learning
23
machine-learning
14
tensorlayer
10
python
10
neural-network
8
tensorflow-tutorials
6
gan
6
neural-networks
5
nlp
4
convolutional-neural-networks
4
cnn
4
rnn
4
computer-vision
4
attention-mechanism
3
object-detection
3
generative-adversarial-network
3
chatbot
3
data-science
3
seq2seq
3
reinforcement-learning
3
lstm
3
artificial-intelligence
2
jupyter-notebook
2
yolo
2
kubernetes
2
tutorial
2
jupyter
2
vgg
2
recurrent-neural-networks
2
memory-networks
1
text-classification
1
sentiment-analysis
1
hierarchical-attention-networks
1
document-classification
1
torcs-env
1
torcs
1
imitation-learning
1
gym-torcs
1
dagger
1
viterbi
1
tensorflow-hmm
1
hmm
1
3d-convolutional-network
1
spatial-transformer-network
1
unet
1
medical-imaging
1
speaker-recognition
1
3d
1
visualization
1