資源|TensorFlow的71個使用教程與案例(資源匯總)

微信公眾號:全球人工智慧

文章參考:ACM官網 編輯:王建

TensorFlow Examples

TensorFlown Tutorial with popular machine learning algorithms implementation. This ntutorial was designed for easily diving into TensorFlow, through nexamples.

Itn is suitable for beginners who want to find clear and concise examples nabout TensorFlow. For readability, the tutorial includes both notebook nand code with explanations.

Note: If you are using older TensorFlow version (before 0.12), please have a look here(aymericdamien/TensorFlow-Examples)

Tutorial index

0 - Prerequisite

  • Introduction to Machine Learning

(notebook:aymericdamien/TensorFlow-Examples)

  • Introduction to MNIST Dataset

(notebook:aymericdamien/TensorFlow-Examples)

1 - Introduction

  • Hello World

(notebook) aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Basic Operations

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

2 - Basic Models

  • Nearest Neighbor

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Linear Regression

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Logistic Regression

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

3 - Neural Networks

  • Multilayer Perceptron

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Convolutional Neural Network

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Recurrent Neural Network (LSTM)

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Bidirectional Recurrent Neural Network (LSTM)

(notebook) aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Dynamic Recurrent Neural Network (LSTM)

(code)github.com/aymericdamie

  • AutoEncoder

(notebook) aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

4 - Utilities

  • Save and Restore a model

(notebook) aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Tensorboard - Graph and loss visualization

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

  • Tensorboard - Advanced visualization

(code)github.com/aymericdamie

5 - Multi GPU

  • Basic Operations on multi-GPU

(notebook)aymericdamien/TensorFlow-Examples

(code)github.com/aymericdamie

Dataset

Somen examples require MNIST dataset for training and testing. Dont worry, nthis dataset will automatically be downloaded when running examples n(with input_data.py). MNIST is a database of handwritten digits, for a nquick description of that dataset, you can check this notebook.

aymericdamien/TensorFlow-Examples

Official Website: yann.lecun.com/exdb/mni

More Examples

The following examples are coming from TFLearn(tflearn/tflearn)

a library that provides a simplified interface for TensorFlow. You can have a look, there are many examples(tflearn/tflearn) and pre-built operations and layers(Index - TFLearn).

Tutorials

  • TFLearnn Quickstart. Learn the basics of TFLearn through a concrete machine nlearning task. Build and train a deep neural network classifier.

tflearn/tflearn

Basics

  • Linear Regression. Implement a linear regression using TFLearn.

github.com/tflearn/tfle

  • Logical Operators. Implement logical operators with TFLearn (also includes a usage of merge).

github.com/tflearn/tfle

  • Weights Persistence. Save and Restore a model.

github.com/tflearn/tfle

  • Fine-Tuning. Fine-Tune a pre-trained model on a new task.

github.com/tflearn/tfle

  • Using HDF5. Use HDF5 to handle large datasets.

github.com/tflearn/tfle

  • Using DASK. Use DASK to handle large datasets.

github.com/tflearn/tfle

Computer Vision

  • Multi-layer perceptron. A multi-layer perceptron implementation for MNIST classification task.

github.com/tflearn/tfle

  • Convolutional Network (MNIST). A Convolutional neural network implementation for classifying MNIST dataset.

github.com/tflearn/tfle

  • Convolutional Network (CIFAR-10). A Convolutional neural network implementation for classifying CIFAR-10 dataset.

github.com/tflearn/tfle

  • Network in Network. Network in Network implementation for classifying CIFAR-10 dataset.

github.com/tflearn/tfle

  • Alexnet. Apply Alexnet to Oxford Flowers 17 classification task.

github.com/tflearn/tfle

  • VGGNet. Apply VGG Network to Oxford Flowers 17 classification task.

github.com/tflearn/tfle

  • VGGNet Finetuning (Fast Training). Use a pre-trained VGG Network and retrain it on your own data, for fast training.

github.com/tflearn/tfle

  • RNN Pixels. Use RNN (over sequence of pixels) to classify images.

github.com/tflearn/tfle

  • Highway Network. Highway Network implementation for classifying MNIST dataset.

github.com/tflearn/tfle

  • Highway Convolutional Network. Highway Convolutional Network implementation for classifying MNIST dataset.

github.com/tflearn/tfle

  • Residual Network (MNIST). A bottleneck residual network applied to MNIST classification task.

github.com/tflearn/tfle

  • Residual Network (CIFAR-10). A residual network applied to CIFAR-10 classification task.

github.com/tflearn/tfle

  • Google Inception (v3). Googles Inception v3 network applied to Oxford Flowers 17 classification task.

github.com/tflearn/tfle

  • Auto Encoder. An auto encoder applied to MNIST handwritten digits.

github.com/tflearn/tfle

Natural Language Processing

  • Recurrent Neural Network (LSTM). Apply an LSTM to IMDB sentiment dataset classification task.

github.com/tflearn/tfle

  • Bi-Directional RNN (LSTM). Apply a bi-directional LSTM to IMDB sentiment dataset classification task.

github.com/tflearn/tfle

  • Dynamic RNN (LSTM). Apply a dynamic LSTM to classify variable length text from IMDB dataset.

github.com/tflearn/tfle

  • City Name Generation. Generates new US-cities name, using LSTM network.

github.com/tflearn/tfle

  • Shakespeare Scripts Generation. Generates new Shakespeare scripts, using LSTM network.

github.com/tflearn/tfle

  • Seq2seq. Pedagogical example of seq2seq reccurent network. See this repo for full instructions.

github.com/tflearn/tfle

github.com/ichuang/tfle

  • CNN Seq. Apply a 1-D convolutional network to classify sequence of words from IMDB sentiment dataset.

github.com/tflearn/tfle

Reinforcement Learning

  • Atari Pacman 1-step Q-Learning. Teach a machine to play Atari games (Pacman by default) using 1-step Q-learning.

github.com/tflearn/tfle

Others

  • Recommender - Wide & Deep Network. Pedagogical example of wide & deep networks for recommender systems.

github.com/tflearn/tfle

Notebooks

  • Spiral Classification Problem. TFLearn implementation of spiral classification problem from Stanford CS231n.

tflearn/tflearn

Extending TensorFlow

  • Layers. Use TFLearn layers along with TensorFlow.

github.com/tflearn/tfle

  • Trainer. Use TFLearn trainer class to train any TensorFlow graph.

github.com/tflearn/tfle

  • Built-in Ops. Use TFLearn built-in operations along with TensorFlow.

github.com/tflearn/tfle

  • Summaries. Use TFLearn summarizers along with TensorFlow.

github.com/tflearn/tfle

  • Variables. Use TFLearn variables along with TensorFlow.

github.com/tflearn/tfle

Dependencies

tensorflow 1.0alphannumpynmatplotlibncudantflearn (if using tflearn examples)n

For more details about TensorFlow installation, you can check TensorFlow Installation Guide

github.com/tensorflow/t

兼職翻譯 招聘

《全球人工智慧》面向全球招聘多名:圖像技術、語音技術、自然語言、機器學習、數據挖掘等專業技術領域的兼職翻譯,工作內容及待遇請在公眾號內回復「兼職+個人微信號」聯繫工作人員。

熱門文章推薦

恐怖|50 億條用戶隱私信息泄露,嫌犯竟是互聯網名企工程師

乾貨|周志華揭開機器學習本質的57張PPT

重磅|百度PaddlePaddle發布最新API 從三大方面優化了性能

重磅|NVIDIA發布兩款"深度神經網路訓練"開發者產品:DIGITS 5 和 TensorRT

重磅|「薩德」——不怕!我國的人工智慧巡航導彈可破解

重磅|MIT發布腦控機器人:用腦電波(10毫秒分類)糾正機器人錯誤

重磅|谷歌預言:2029年通過納米機器人和器官再造 或將實現人類永生

重磅|Messenger bot錯誤率高達70% Facebook被迫削減AI投資

招聘|騰訊大規模招聘AI開發工程師 年薪30-80W

討論|周志華教授gcForest論文的價值與技術討論(微信群)


推薦閱讀:

神經網路也能進化? Neuro-Evolution
初學機器學習必備10大演算法
實現屬於自己的TensorFlow(一) - 計算圖與前向傳播
走進谷歌大腦建立者的思維:生活、創新和失敗
《淺析感知機(三)--收斂性證明與對偶形式以及python代碼講解》

TAG:TensorFlow | 人工智能 | 机器学习 |