Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Awesome-TensorFlow-Chinese
Awesome-TensorFlow-Chinese,TensorFlow 中文资源精选,官方网站,安装教程,入门教程,视频教程,实战项目,学习路径。QQ群:167122861,公众号:磐创AI,微信群二维码:http://www.tensorflownews.com/
https://github.com/fendouai/Awesome-TensorFlow-Chinese
Last synced: 1 day ago
JSON representation
-
官方博客
-
微信群
- 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.
-
-
博客文章
-
微信群
- The indico Machine Learning Team's take on TensorFlow
- 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.
-
-
模型项目
-
微信群
- Deep-Q learning Pong with TensorFlow and PyGame
- 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
- 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"](http://arxiv.org/abs/1506.05869)
- 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
- 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)
- 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.
- 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.
- Neural Caption Generator with Attention - Implementation of ["Show, Attend and Tell"](http://arxiv.org/abs/1502.03044)
- 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.
- Domain Transfer Network - Implementation of Unsupervised Cross-Domain Image Generation
- 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/)
- 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.
-
-
库
-
微信群
- tf.contrib.learn - Simplified interface for Deep/Machine Learning (now part of TensorFlow)
- TensorFlow-Slim - High-level library for defining models
- tensorflow.rb - TensorFlow native interface for ruby using SWIG
- tflearn - Deep learning library featuring a higher-level API
- 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.
- 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
- 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)
-
-
视频
-
微信群
- 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
- 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, Part 2 (Google Cloud Next '17) - by Martin Görner
- Tensorflow and deep learning - without at PhD - by Martin Görner
- TensorFlow Udacity Deep Learning - Basic steps to install TensorFlow for free on the Cloud 9 online service with 1Gb of data
- 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: 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](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
-
-
社区
-
书籍
-
微信群
- 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
- 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
-
-
教程
-
微信群
- TensorFlow Examples - 针对初学者的 TensorFlow 教程和代码
- TensorFlow Tutorial - 从基础知识到有趣的 tensorflow 应用
- Sungjoon's TensorFlow-101 - TensorFlow 教程用 Python 的 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)
- TensorFlow Tutorial - 基于谷歌的 TensorFlow 框架介绍深度学习
-
-
基于 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
-
Programming Languages
Sub Categories
Keywords
tensorflow
23
deep-learning
13
machine-learning
10
python
5
neural-network
4
seq2seq
3
neural-networks
3
convolutional-neural-networks
3
computer-vision
2
lstm
2
nlp
2
cnn
2
tensorflow-tutorials
2
recurrent-neural-networks
2
neural-machine-translation
1
neural-turing-machines
1
style-transfer
1
shakespeare
1
chatbot
1
hmm
1
tensorflow-hmm
1
viterbi
1
memory-networks
1
face
1
face-alignment
1
convolutional-neural-network
1
ebook
1
stereogram-generator
1
stereogram-creator
1
jupyter-notebook
1
3d-reconstruction
1
rnn
1
human-activity-recognition
1
activity-recognition
1
raspberry-pi
1
tutorial
1
pascal-voc
1
prediction
1
tensorflow-yolo
1
yolo
1
data-science
1
tflearn
1
cluster
1
featured
1
scala
1
spark
1
yahoo
1
javascript
1
keras
1
webgl
1