TensorFlow-Examples
tensorflow學(xué)習(xí)筆記三:實例數(shù)據(jù)下載與讀取
Convolutional Neural Network CNN with TensorFlow tutorial
awesome-tensorflow
import numpy as np
import tensorflow as tf
coefficients=np.array([[1],[-20],[25]])
w= tf.Variable([0], dtype=tf.float32)
x=tf.placeholder(tf.float32,[3,1])
# cost = tf.add(tf.add(w**2,tf.multiply(-10.,w)),25)
cost = x[0][0]*w**2 +x[1][0]*w+x[2][0] # (w-5)**2
train = tf.train.GradientDescentOptimizer(0.01).minimize(cost)
init = tf.global_variables_initializer()
# session = tf.Session()
# session.run(init)
# print(session.run(w))
# for i in range(1000):
# session.run(train, feed_dict={x:coefficients})
# print(i, session.run(w))
with tf.Session() as session:
session.run(init)
print(session.run(w))
with tf.Session() as session:
session.run(init)
print(session.run(w))
for i in range(1000):
session.run(train, feed_dict={x:coefficients})
print(i, session.run(w))
tensorflow-workshop
Tensorflow中文社區(qū)
2017TensorFlow開發(fā)者峰會全集钻趋,中文字幕共18集
第一集:TensorFlow每個人的機(jī)器學(xué)習(xí)工具
第二集:2017 TensorFlow 開發(fā)者峰會亮點(diǎn)
第三集:主題演講(TensorFlow 開發(fā)者峰會 2017)
第四集:2017 TensorFlow 開發(fā)者峰會 使用XLA輕松編譯
第五集:2017 TensorFlow 開發(fā)者峰會 TensorBoard輕松實踐
第六集:2017 TensorFlow 開發(fā)者峰會 高級API:模型
第七集:2017 TensorFlow 開發(fā)者峰會 皮膚癌圖像分類
第八集:2017 TensorFlow 開發(fā)者峰會 整合Keras
第九集:2017 TensorFlow 開發(fā)者峰會 DeepMind團(tuán)隊和TensorFlow
第十集:2017 TensorFlow 開發(fā)者峰會 移動和嵌入式TensorFlow
第十一集:2017 TensorFlow 開發(fā)者峰會 分布式TensorFlow
第十二集:2017 TensorFlow 開發(fā)者峰會 TensorFlow生態(tài)系統(tǒng)
第十三集:2017 TensorFlow 開發(fā)者峰會 生產(chǎn)環(huán)境
第十四集:2017 TensorFlow 開發(fā)者峰會 ML工具包
第十五集:2017 TensorFlow 開發(fā)者峰會 序列模型和RNN API
第十六集:2017 TensorFlow 開發(fā)者峰會 醫(yī)學(xué)案例 視網(wǎng)膜成像
第十七集:2017 TensorFlow 開發(fā)者峰會 深度學(xué)習(xí)
第十八集:2017 TensorFlow 開發(fā)者峰會 音樂和藝術(shù)
Tensorflow 經(jīng)典入門教程
1.教程 | 沒有博士學(xué)位弯蚜,照樣玩轉(zhuǎn)TensorFlow深度學(xué)習(xí)
TensorFlow and deep learning, without a PhD英文網(wǎng)頁版本
tensorflow-mnist-tutorial-code
Slides-TensorFlow and deep learning, without a PhD
TensorFlow深度學(xué)習(xí)手寫數(shù)字識別初體驗
TensorFlow和深度學(xué)習(xí)入門教程(TensorFlow and deep learning without a PhD)
2.莫煩-Tensorflow
code-tensorflowTUT
一文學(xué)會用 Tensorflow 搭建神經(jīng)網(wǎng)絡(luò)
3.經(jīng)典博客
http://blog.csdn.net/column/details/16035.html
http://blog.csdn.net/u013751160/article/category/6801799
http://www.cnblogs.com/denny402/tag/tensorflow/
http://nooverfit.com/wp/category/%e5%b7%a5%e5%85%b7/
http://blog.csdn.net/u012436149/article/category/6461700/2
http://blog.csdn.net/PhDat101/article/category/6358906
**4. **10分鐘入門 TensorFlow 教程和卷積神經(jīng)網(wǎng)絡(luò)教程
中文-機(jī)器學(xué)習(xí)敲門磚:任何人都能看懂的TensorFlow介紹](http://www.sohu.com/a/111511315_157627)
Soon Hin Khor
Gentlest Introduction to Tensorflow #1
Gentlest Introduction to Tensorflow #2
Gentlest Intro to TensorFlow #3: Matrices & Multi-feature Linear Regression
Gentlest Intro to Tensorflow #4: Logistic Regression
5. TensorFlow: A simple introduction to TensorFlow
這篇教程是翻譯Morgan寫的TensorFlow教程狡门,作者已經(jīng)授權(quán)翻譯柿赊,這是原文溜哮。
TensorFlow學(xué)習(xí)系列(一):初識TensorFlow
TensorFlow學(xué)習(xí)系列(二):形狀和動態(tài)維度
TensorFlow學(xué)習(xí)系列(三):保存/恢復(fù)和混合多個模型
TensorFlow學(xué)習(xí)系列(四):利用神經(jīng)網(wǎng)絡(luò)實現(xiàn)泛逼近器(universal approximator)
TensorFlow學(xué)習(xí)系列(五):如何使用隊列和多線程優(yōu)化輸入管道
[譯]與TensorFlow的第一次接觸
First contact with TensorFlow
TensorFlow源碼及架構(gòu)
圖解TensorFlow源碼
源碼
sydpz1987的博客
tensorflow項目構(gòu)建流程
6.Introduction to Deep Learning with Tensorflow
https://fabienbaradel.github.io/
https://fabienbaradel.github.io/images/tensorflow_ensai_SID_13_01_17.pdf
7.TensorFlow Tutorials with YouTube Videos
Code-Hvass-Labs-TensorFlow-Tutorials
YouTube Videos
https://github.com/Hvass-Labs
8.tensorflow 中的 Python API
原文鏈接
Tensorflow API 翻譯
Tensorflow Python API 翻譯(math_ops)(第一部分)
Tensorflow Python API 翻譯(math_ops)(第二部分)
9.cifar10 tutorial
code-cifar10
仿照CIFAR-10數(shù)據(jù)集格式承桥,制作自己的數(shù)據(jù)集
TensorFlow CNN 測試CIFAR-10數(shù)據(jù)集
TensorFlow學(xué)習(xí)筆記(8)----CNN分類CIFAR-10數(shù)據(jù)集
TensorFlow中cnn-cifar10樣例代碼詳解
Deep Learning-TensorFlow (4) CNN卷積神經(jīng)網(wǎng)絡(luò)_CIFAR-10進(jìn)階圖像分類模型(上)
Deep Learning-TensorFlow (5) CNN卷積神經(jīng)網(wǎng)絡(luò)_CIFAR-10進(jìn)階圖像分類模型(下)
DiamonJoy-TensorFlow
利用tensorflow編寫卷積神經(jīng)網(wǎng)絡(luò)(CNN)對CIFAR-10進(jìn)行識別(附完整代碼)
lqsherlock-tensorflow-CNN-CIFAR-10
TensorFlow中cnn-cifar10樣例代碼詳解
11.TensorFlow官方文檔中文版
TensorFlow中文社區(qū)
MNIST機(jī)器學(xué)習(xí)入門
深入MNIST
TensorFlow中四種 Cross Entropy 算法實現(xiàn)和應(yīng)用
經(jīng)典網(wǎng)絡(luò)的 TensorFlow 實現(xiàn)資源匯總
TensorFlow之深入理解AlexNet
TensorFlow之深入理解Neural Style
TensoFlow之深入理解GoogLeNet
Understanding Convolutional Neural Networks for NLP
Implementing a CNN for Text Classification in TensorFlow
12.aymericdamien-TensorFlow-Examples
1:tf初學(xué)者需要明白的入門準(zhǔn)備
機(jī)器學(xué)習(xí)入門筆記
MNIST 數(shù)據(jù)集入門筆記
2:tf初學(xué)者需要了解的入門基礎(chǔ)
Hello World
基本操作
3:tf初學(xué)者需要掌握的基本模型
最近鄰
線性回歸
Logistic 回歸
4:tf初學(xué)者需要嘗試的神經(jīng)網(wǎng)絡(luò)
多層感知器
卷積神經(jīng)網(wǎng)絡(luò)
循環(huán)神經(jīng)網(wǎng)絡(luò)(LSTM)
雙向循環(huán)神經(jīng)網(wǎng)絡(luò)(LSTM)
動態(tài)循環(huán)神經(jīng)網(wǎng)絡(luò)(LSTM)
自編碼器
5:tf初學(xué)者需要精通的實用技術(shù)
保存和恢復(fù)模型
圖和損失可視化
Tensorboard——高級可視化
6:tf初學(xué)者需要的懂得的多GPU基本操作
多 GPU 上的基本操作
7:案例需要的數(shù)據(jù)集
有一些案例需要 MNIST 數(shù)據(jù)集進(jìn)行訓(xùn)練和測試漆魔。運(yùn)行這些案例時硝全,該數(shù)據(jù)集會被自動下載下來(使用 input_data.py)部宿。
初步了解:TFLearn TensorFlow
接下來的示例來自TFLearn抄腔,這是一個為 TensorFlow 提供了簡化的接口的庫。里面有很多示例和預(yù)構(gòu)建的運(yùn)算和層理张。
使用教程:TFLearn 快速入門赫蛇。通過一個具體的機(jī)器學(xué)習(xí)任務(wù)學(xué)習(xí) TFLearn 基礎(chǔ)。開發(fā)和訓(xùn)練一個深度神經(jīng)網(wǎng)絡(luò)分類器雾叭。
TFLearn地址:https://github.com/tflearn/tflearn
示例:https://github.com/tflearn/tflearn/tree/master/examples
預(yù)構(gòu)建的運(yùn)算和層:http://tflearn.org/doc_index/#api
筆記:https://github.com/tflearn/tflearn/blob/master/tutorials/intro/quickstart.md
基礎(chǔ)模型以及數(shù)據(jù)集
線性回歸悟耘,使用 TFLearn 實現(xiàn)線性回歸
https://github.com/tflearn/tflearn/blob/master/examples/basics/linear_regression.py
邏輯運(yùn)算符。使用 TFLearn 實現(xiàn)邏輯運(yùn)算符
https://github.com/tflearn/tflearn/blob/master/examples/basics/logical.py
權(quán)重保持织狐。保存和還原一個模型
https://github.com/tflearn/tflearn/blob/master/examples/basics/weights_persistence.py
微調(diào)暂幼。在一個新任務(wù)上微調(diào)一個預(yù)訓(xùn)練的模型
https://github.com/tflearn/tflearn/blob/master/examples/basics/finetuning.py
使用 HDF5。使用 HDF5 處理大型數(shù)據(jù)集
https://github.com/tflearn/tflearn/blob/master/examples/basics/use_hdf5.py
使用 DASK移迫。使用 DASK 處理大型數(shù)據(jù)集
https://github.com/tflearn/tflearn/blob/master/examples/basics/use_dask.py
計算機(jī)視覺模型及數(shù)據(jù)集
多層感知器旺嬉。一種用于 MNIST 分類任務(wù)的多層感知實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/dnn.py
卷積網(wǎng)絡(luò)(MNIST)。用于分類 MNIST 數(shù)據(jù)集的一種卷積神經(jīng)網(wǎng)絡(luò)實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_mnist.py
卷積網(wǎng)絡(luò)(CIFAR-10)厨埋。用于分類 CIFAR-10 數(shù)據(jù)集的一種卷積神經(jīng)網(wǎng)絡(luò)實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_cifar10.py
網(wǎng)絡(luò)中的網(wǎng)絡(luò)邪媳。用于分類 CIFAR-10 數(shù)據(jù)集的 Network in Network 實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/network_in_network.py
Alexnet。將 Alexnet 應(yīng)用于 Oxford Flowers 17 分類任務(wù)
https://github.com/tflearn/tflearn/blob/master/examples/images/alexnet.py
VGGNet揽咕。將 VGGNet 應(yīng)用于 Oxford Flowers 17 分類任務(wù)
https://github.com/tflearn/tflearn/blob/master/examples/images/vgg_network.py
VGGNet Finetuning (Fast Training)悲酷。使用一個預(yù)訓(xùn)練的 VGG 網(wǎng)絡(luò)并將其約束到你自己的數(shù)據(jù)上,以便實現(xiàn)快速訓(xùn)練
https://github.com/tflearn/tflearn/blob/master/examples/images/vgg_network_finetuning.py
RNN Pixels亲善。使用 RNN(在像素的序列上)分類圖像
https://github.com/tflearn/tflearn/blob/master/examples/images/rnn_pixels.py
Highway Network设易。用于分類 MNIST 數(shù)據(jù)集的 Highway Network 實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/highway_dnn.py
Highway Convolutional Network。用于分類 MNIST 數(shù)據(jù)集的 Highway Convolutional Network 實現(xiàn)
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_highway_mnist.py
Residual Network (MNIST) 蛹头。應(yīng)用于 MNIST 分類任務(wù)的一種瓶頸殘差網(wǎng)絡(luò)(bottleneck residual network)
https://github.com/tflearn/tflearn/blob/master/examples/images/residual_network_mnist.py
Residual Network (CIFAR-10)顿肺。應(yīng)用于 CIFAR-10 分類任務(wù)的一種殘差網(wǎng)絡(luò)
https://github.com/tflearn/tflearn/blob/master/examples/images/residual_network_cifar10.py
Google Inception(v3)戏溺。應(yīng)用于 Oxford Flowers 17 分類任務(wù)的谷歌 Inception v3 網(wǎng)絡(luò)
https://github.com/tflearn/tflearn/blob/master/examples/images/googlenet.py
自編碼器。用于 MNIST 手寫數(shù)字的自編碼器
https://github.com/tflearn/tflearn/blob/master/examples/images/autoencoder.py
強(qiáng)化學(xué)習(xí)案例
Atari Pacman 1-step Q-Learning屠尊,使用 1-step Q-learning 教一臺機(jī)器玩 Atari 游戲:
https://github.com/tflearn/tflearn/blob/master/examples/reinforcement_learning/atari_1step_qlearning.py
為TF新手準(zhǔn)備的其他方面內(nèi)容
Recommender-Wide&Deep Network旷祸,推薦系統(tǒng)中 wide & deep 網(wǎng)絡(luò)的教學(xué)示例:
https://github.com/tflearn/tflearn/blob/master/examples/others/recommender_wide_and_deep.py
Spiral Classification Problem,對斯坦福 CS231n spiral 分類難題的 TFLearn 實現(xiàn):
https://github.com/tflearn/tflearn/blob/master/examples/notebooks/spiral.ipynb
層讼昆,與 TensorFlow 一起使用 TFLearn 層:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/layers.py
訓(xùn)練器托享,使用 TFLearn 訓(xùn)練器類訓(xùn)練任何 TensorFlow 圖:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/layers.py
Bulit-in Ops,連同 TensorFlow 使用 TFLearn built-in 操作:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/builtin_ops.py
Summaries浸赫,連同 TensorFlow 使用 TFLearn summarizers:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/summaries.py
Variables闰围,連同 TensorFlow 使用 TFLearn Variables:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/variables.py
自然語言處理模型及數(shù)據(jù)集
循環(huán)神經(jīng)網(wǎng)絡(luò)(LSTM),應(yīng)用 LSTM 到 IMDB 情感數(shù)據(jù)集分類任
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm.py
雙向 RNN(LSTM)既峡,將一個雙向 LSTM 應(yīng)用到 IMDB 情感數(shù)據(jù)集分類任務(wù):
https://github.com/tflearn/tflearn/blob/master/examples/nlp/bidirectional_lstm.py
動態(tài) RNN(LSTM)羡榴,利用動態(tài) LSTM 從 IMDB 數(shù)據(jù)集分類可變長度文本:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/dynamic_lstm.py
城市名稱生成,使用 LSTM 網(wǎng)絡(luò)生成新的美國城市名:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm_generator_cityname.py
莎士比亞手稿生成运敢,使用 LSTM 網(wǎng)絡(luò)生成新的莎士比亞手稿:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm_generator_shakespeare.py
Seq2seq校仑,seq2seq 循環(huán)網(wǎng)絡(luò)的教學(xué)示例:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/seq2seq_example.py
CNN Seq,應(yīng)用一個 1-D 卷積網(wǎng)絡(luò)從 IMDB 情感數(shù)據(jù)集中分類詞序列
https://github.com/tflearn/tflearn/blob/master/examples/nlp/cnn_sentence_classification.py
資源|TensorFlow初學(xué)者必須了解的55個經(jīng)典案例