模型项目
- Domain Transfer Network - Implementation of Unsupervised Cross-Domain Image Generation
- Show, Attend and Tell - Attention Based Image Caption Generator
- Neural Style Implementation of Neural Style
- 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
- Deep-Q learning Pong with TensorFlow and PyGame
- 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 vis-versa.
- Chatbot - Implementation of "A neural conversational model"
- Colornet - Neural Network to colorize grayscale images - Neural Network to colorize grayscale images
- Neural Caption Generator - Implementation of "Show and Tell"
- Neural Caption Generator with Attention - Implementation of "Show, Attend and Tell"
- Weakly_detector - Implementation of "Learning Deep Features for Discriminative Localization"
- Dynamic Capacity Networks - Implementation of "Dynamic Capacity Networks"
- 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
- Highway Network - TensorFlow implementation of "Training Very Deep Networks" with a blog post
- Sentence Classification with CNN - TensorFlow implementation of "Convolutional Neural Networks for Sentence Classification" with a blog post
- End-To-End Memory Networks - Implementation of End-To-End Memory Networks
- Character-Aware Neural Language Models - TensorFlow implementation of Character-Aware Neural Language Models
- YOLO TensorFlow ++ - TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices.
- Wavenet - This is a TensorFlow implementation of the WaveNet generative neural network architecture for audio generation.
- Mnemonic Descent Method - Tensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"
- CNN visualization using Tensorflow - Tensorflow implementation of "Visualizing and Understanding Convolutional Networks"
VGAN Tensorflow - Tensorflow implementation for MIT "Generating Videos with Scene Dynamics" by Vondrick et al.
3D Convolutional Neural Networks in TensorFlow - Implementation of "3D Convolutional Neural Networks for Speaker Verification application" in TensorFlow by Torfi et al.
Lip Reading - Cross Audio-Visual Recognition using 3D Architectures in TensorFlow - TensorFlow Implementation of "Cross Audio-Visual Recognition in the Wild Using Deep Learning" by Torfi et al.
论文
- 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
- 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.
- 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
官方博客
- TensorFlow: smarter machine learning, for everyone - An introduction to TensorFlow
- 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.
博客文章
- Why TensorFlow will change the Game for AI
- TensorFlow for Poets - Goes over the implementation of TensorFlow
- Introduction to Scikit Flow - Simplified Interface to TensorFlow - Key Features Illustrated
- Building Machine Learning Estimator in TensorFlow - Understanding the Internals of TensorFlow Learn Estimators
- TensorFlow - Not Just For Deep Learning
- The indico Machine Learning Team's take on TensorFlow
- 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
- Fizz Buzz in TensorFlow - A joke by Joel Grus
- RNNs In TensorFlow, A Practical Guide And Undocumented Features - Step-by-step guide with full code examples on GitHub.
- Using TensorBoard to Visualize Image Classification Retraining in TensorFlow
- TFRecords Guide semantic segmentation and handling the TFRecord file format.
- TensorFlow Android Guide - Android TensorFlow Machine Learning Example.
- 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.
极客学院的tensorflow中文文档翻译
- https://github.com/jikexueyuanwiki/tensorflow-zh
- http://www.tensorfly.cn/tfdoc/tutorials/mnist_tf.html
tensorflow playground,提供了一个直观理解神经网络的网页。
http://playground.tensorflow.org/
深奥的tensorflow:tensorflow是图灵完备的语言
https://github.com/akimach/EsotericTensorFlow
练习20-验证码破解
RNN不可思议的有效性
十个生成模型最佳案例
9 个超酷的深度学习案例
20个令人惊叹的深度学习应用
tensorflow基础教程
https://github.com/aymericdamien/TensorFlow-Examples/
https://github.com/yongyehuang/Tensorflow-Tutorial
git clone https://github.com/sjchoi86/Tensorflow-101.git
git clone https://github.com/alrojo/tensorflow-tutorial.git
Python机器学习书籍第二版
https://github.com/rasbt/python-machine-learning-book-2nd-edition.git
胖虎唐诗生成器
https://github.com/hjptriplebee/Chinese_poem_generator
https://github.com/DevinZ1993/Chinese-Poetry-Generation.git
https://github.com/jinfagang/tensorflow_poems.git
tensorflow实践
https://github.com/luyishisi/tensorflow.git
图解tensorflow源码
https://github.com/yao62995/tensorflow.git
谷歌seq2seq模型
https://github.com/google/seq2seq