Tensorflow快餐教程(1) - 30行代碼搞定手寫識別
來自專欄 我是程序員
去年買了幾本講tensorflow的書,結果今年看的時候發現有些樣例代碼所用的API已經過時了。看來自己維護一個保持更新的Tensorflow的教程還是有意義的。這是寫這一系列的初心。
快餐教程系列希望能夠儘可能降低門檻,少講,講透。為了讓大家在一開始就看到一個美好的場景,而不是停留在漫長的基礎知識積累上,參考網上的一些教程,我們直接一開始就直接展示用tensorflow實現MNIST手寫識別的例子。然後基礎知識我們再慢慢講。Tensorflow安裝速成教程
由於Python是跨平台的語言,所以在各系統上安裝tensorflow都是一件相對比較容易的事情。GPU加速的事情我們後面再說。
Linux平台安裝tensorflow
我們以Ubuntu 16.04版為例,首先安裝python3和pip3。pip是python的包管理工具。
sudo apt install python3sudo apt install python3-pip
然後就可以通過pip3來安裝tensorflow:
pip3 install tensorflow --upgrade
MacOS安裝tensorflow
建議使用Homebrew來安裝python。
brew install python3
安裝python3之後,還是通過pip3來安裝tensorflow.
pip3 install tensorflow --upgrade
Windows平台安裝Tensorflow
Windows平台上建議通過Anaconda來安裝tensorflow,下載地址在:https://www.anaconda.com/download/#windows
然後打開Anaconda Prompt,輸入:
conda create -n tensorflow pipactivate tensorflowpip install --ignore-installed --upgrade tensorflow
這樣就安裝好了Tensorflow。
我們迅速來個例子試下好不好用:
import tensorflow as tfa = tf.constant(1)b = tf.constant(2)c = a * bsess = tf.Session()print(sess.run(c))
輸出結果為2.
Tensorflow顧名思義,是一些Tensor張量的流組成的運算。運算需要一個Session來運行。如果print(c)的話,會得到Tensor("mul_1:0", shape=(), dtype=int32)
就是說這是一個乘法運算的Tensor,需要通過Session.run()來執行。
入門捷徑:線性回歸
我們首先看一個最簡單的機器學習模型,線性回歸的例子。
線性回歸的模型就是一個矩陣乘法:tf.multiply(X, w)
然後我們通過調用Tensorflow計算梯度下降的函數tf.train.GradientDescentOptimizer來實現優化。
我們看下這個例子代碼,只有30多行,邏輯還是很清晰的。例子來自github上大牛的工作:https://github.com/nlintz/TensorFlow-Tutorials,不是我的原創。import tensorflow as tfimport numpy as nptrX = np.linspace(-1, 1, 101)trY = 2 * trX + np.random.randn(*trX.shape) * 0.33 # 創建一些線性值附近的隨機值X = tf.placeholder("float") Y = tf.placeholder("float")def model(X, w): return tf.multiply(X, w) # X*w線性求值,非常簡單w = tf.Variable(0.0, name="weights") y_model = model(X, w)cost = tf.square(Y - y_model) # 用平方誤差做為優化目標train_op = tf.train.GradientDescentOptimizer(0.01).minimize(cost) # 梯度下降優化# 開始創建Session幹活!with tf.Session() as sess: # 首先需要初始化全局變數,這是Tensorflow的要求 tf.global_variables_initializer().run() for i in range(100): for (x, y) in zip(trX, trY): sess.run(train_op, feed_dict={X: x, Y: y}) print(sess.run(w))
最終會得到一個接近2的值,比如我這次運行的值為1.9183811
多種方式搞定手寫識別
線性回歸不過癮,我們直接一步到位,開始進行手寫識別。
我們採用深度學習三巨頭之一的Yann Lecun教授的MNIST數據為例。如上圖所示,MNIST的數據是28x28的圖像,並且標記了它的值應該是什麼。
線性模型:logistic回歸
我們首先不管三七二十一,就用線性模型來做分類。
算上注釋和空行,一共加起來30行左右,我們就可以解決手寫識別這麼困難的問題啦!請看代碼:
import tensorflow as tfimport numpy as npfrom tensorflow.examples.tutorials.mnist import input_datadef init_weights(shape): return tf.Variable(tf.random_normal(shape, stddev=0.01))def model(X, w): return tf.matmul(X, w) # 模型還是矩陣乘法mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labelsX = tf.placeholder("float", [None, 784])Y = tf.placeholder("float", [None, 10])w = init_weights([784, 10]) py_x = model(X, w)cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y)) # 計算誤差train_op = tf.train.GradientDescentOptimizer(0.05).minimize(cost) # construct optimizerpredict_op = tf.argmax(py_x, 1) with tf.Session() as sess: tf.global_variables_initializer().run() for i in range(100): for start, end in zip(range(0, len(trX), 128), range(128, len(trX)+1, 128)): sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end]}) print(i, np.mean(np.argmax(teY, axis=1) == sess.run(predict_op, feed_dict={X: teX})))
經過100輪的訓練,我們的準確率是92.36%。
無腦的淺層神經網路
用了最簡單的線性模型,我們換成經典的神經網路來實現這個功能。神經網路的圖如下圖所示。
我們還是不管三七二十一,建立一個隱藏層,用最傳統的sigmoid函數做激活函數。其核心邏輯還是矩陣乘法,這裡面沒有任何技巧。
h = tf.nn.sigmoid(tf.matmul(X, w_h)) return tf.matmul(h, w_o)
完整代碼如下,仍然是40多行,不長:
import tensorflow as tfimport numpy as npfrom tensorflow.examples.tutorials.mnist import input_data# 所有連接隨機生成權值def init_weights(shape): return tf.Variable(tf.random_normal(shape, stddev=0.01))def model(X, w_h, w_o): h = tf.nn.sigmoid(tf.matmul(X, w_h)) return tf.matmul(h, w_o) mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labelsX = tf.placeholder("float", [None, 784])Y = tf.placeholder("float", [None, 10])w_h = init_weights([784, 625])w_o = init_weights([625, 10])py_x = model(X, w_h, w_o)cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y)) # 計算誤差損失train_op = tf.train.GradientDescentOptimizer(0.05).minimize(cost) # construct an optimizerpredict_op = tf.argmax(py_x, 1) with tf.Session() as sess: tf.global_variables_initializer().run() for i in range(100): for start, end in zip(range(0, len(trX), 128), range(128, len(trX)+1, 128)): sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end]}) print(i, np.mean(np.argmax(teY, axis=1) == sess.run(predict_op, feed_dict={X: teX})))
第一輪運行,我這次的準確率只有69.11% ,第二次就提升到了82.29%。最終結果是95.41%,比Logistic回歸的強!
請注意我們模型的核心那兩行代碼,完全就是無腦地全連接做了一個隱藏層而己,這其中沒有任何的技術。完全是靠神經網路的模型能力。深度學習時代的方案 - ReLU和Dropout顯神通
上一個技術含量有點低,現在是深度學習的時代了,我們有很多進步。比如我們知道要將sigmoid函數換成ReLU函數。我們還知道要做Dropout了。於是我們還是一個隱藏層,寫個更現代一點的模型吧:
X = tf.nn.dropout(X, p_keep_input) h = tf.nn.relu(tf.matmul(X, w_h)) h = tf.nn.dropout(h, p_keep_hidden) h2 = tf.nn.relu(tf.matmul(h, w_h2)) h2 = tf.nn.dropout(h2, p_keep_hidden) return tf.matmul(h2, w_o)
除了ReLU和dropout這兩個技巧,我們仍然只有一個隱藏層,表達能力沒有太大的增強。並不能算是深度學習。
import tensorflow as tfimport numpy as npfrom tensorflow.examples.tutorials.mnist import input_datadef init_weights(shape): return tf.Variable(tf.random_normal(shape, stddev=0.01))def model(X, w_h, w_h2, w_o, p_keep_input, p_keep_hidden): X = tf.nn.dropout(X, p_keep_input) h = tf.nn.relu(tf.matmul(X, w_h)) h = tf.nn.dropout(h, p_keep_hidden) h2 = tf.nn.relu(tf.matmul(h, w_h2)) h2 = tf.nn.dropout(h2, p_keep_hidden) return tf.matmul(h2, w_o)mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labelsX = tf.placeholder("float", [None, 784])Y = tf.placeholder("float", [None, 10])w_h = init_weights([784, 625])w_h2 = init_weights([625, 625])w_o = init_weights([625, 10])p_keep_input = tf.placeholder("float")p_keep_hidden = tf.placeholder("float")py_x = model(X, w_h, w_h2, w_o, p_keep_input, p_keep_hidden)cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y))train_op = tf.train.RMSPropOptimizer(0.001, 0.9).minimize(cost)predict_op = tf.argmax(py_x, 1)with tf.Session() as sess: # you need to initialize all variables tf.global_variables_initializer().run() for i in range(100): for start, end in zip(range(0, len(trX), 128), range(128, len(trX)+1, 128)): sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end], p_keep_input: 0.8, p_keep_hidden: 0.5}) print(i, np.mean(np.argmax(teY, axis=1) == sess.run(predict_op, feed_dict={X: teX, p_keep_input: 1.0, p_keep_hidden: 1.0})))
從結果看到,第二次就達到了96%以上的正確率。後來就一直在98.4%左右遊盪。僅僅是ReLU和Dropout,就把準確率從95%提升到了98%以上。
卷積神經網路出場
真正的深度學習利器CNN,卷積神經網路出場。這次的模型比起前面幾個無腦型的,的確是複雜一些。涉及到卷積層和池化層。這個是需要我們後面詳細講一講了。
import tensorflow as tfimport numpy as npfrom tensorflow.examples.tutorials.mnist import input_databatch_size = 128test_size = 256def init_weights(shape): return tf.Variable(tf.random_normal(shape, stddev=0.01))def model(X, w, w2, w3, w4, w_o, p_keep_conv, p_keep_hidden): l1a = tf.nn.relu(tf.nn.conv2d(X, w, # l1a shape=(?, 28, 28, 32) strides=[1, 1, 1, 1], padding=SAME)) l1 = tf.nn.max_pool(l1a, ksize=[1, 2, 2, 1], # l1 shape=(?, 14, 14, 32) strides=[1, 2, 2, 1], padding=SAME) l1 = tf.nn.dropout(l1, p_keep_conv) l2a = tf.nn.relu(tf.nn.conv2d(l1, w2, # l2a shape=(?, 14, 14, 64) strides=[1, 1, 1, 1], padding=SAME)) l2 = tf.nn.max_pool(l2a, ksize=[1, 2, 2, 1], # l2 shape=(?, 7, 7, 64) strides=[1, 2, 2, 1], padding=SAME) l2 = tf.nn.dropout(l2, p_keep_conv) l3a = tf.nn.relu(tf.nn.conv2d(l2, w3, # l3a shape=(?, 7, 7, 128) strides=[1, 1, 1, 1], padding=SAME)) l3 = tf.nn.max_pool(l3a, ksize=[1, 2, 2, 1], # l3 shape=(?, 4, 4, 128) strides=[1, 2, 2, 1], padding=SAME) l3 = tf.reshape(l3, [-1, w4.get_shape().as_list()[0]]) # reshape to (?, 2048) l3 = tf.nn.dropout(l3, p_keep_conv) l4 = tf.nn.relu(tf.matmul(l3, w4)) l4 = tf.nn.dropout(l4, p_keep_hidden) pyx = tf.matmul(l4, w_o) return pyxmnist = input_data.read_data_sets("MNIST_data/", one_hot=True)trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labelstrX = trX.reshape(-1, 28, 28, 1) # 28x28x1 input imgteX = teX.reshape(-1, 28, 28, 1) # 28x28x1 input imgX = tf.placeholder("float", [None, 28, 28, 1])Y = tf.placeholder("float", [None, 10])w = init_weights([3, 3, 1, 32]) # 3x3x1 conv, 32 outputsw2 = init_weights([3, 3, 32, 64]) # 3x3x32 conv, 64 outputsw3 = init_weights([3, 3, 64, 128]) # 3x3x32 conv, 128 outputsw4 = init_weights([128 * 4 * 4, 625]) # FC 128 * 4 * 4 inputs, 625 outputsw_o = init_weights([625, 10]) # FC 625 inputs, 10 outputs (labels)p_keep_conv = tf.placeholder("float")p_keep_hidden = tf.placeholder("float")py_x = model(X, w, w2, w3, w4, w_o, p_keep_conv, p_keep_hidden)cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y))train_op = tf.train.RMSPropOptimizer(0.001, 0.9).minimize(cost)predict_op = tf.argmax(py_x, 1)with tf.Session() as sess: # you need to initialize all variables tf.global_variables_initializer().run() for i in range(100): training_batch = zip(range(0, len(trX), batch_size), range(batch_size, len(trX)+1, batch_size)) for start, end in training_batch: sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end], p_keep_conv: 0.8, p_keep_hidden: 0.5}) test_indices = np.arange(len(teX)) # Get A Test Batch np.random.shuffle(test_indices) test_indices = test_indices[0:test_size] print(i, np.mean(np.argmax(teY[test_indices], axis=1) == sess.run(predict_op, feed_dict={X: teX[test_indices], p_keep_conv: 1.0, p_keep_hidden: 1.0})))
我們看下這次的運行數據:
0 0.957031251 0.99218752 0.99218753 0.980468754 0.972656255 0.988281256 0.99609375
在第6輪的時候,就跑出了99.6%的高分值,比ReLU和Dropout的一個隱藏層的神經網路的98.4%大大提高。因為難度是越到後面越困難。
在第16輪的時候,竟然跑出了100%的正確率:7 0.996093758 0.996093759 0.9882812510 0.9882812511 0.992187512 0.9804687513 0.9960937514 0.992187515 0.9960937516 1.0
綜上,藉助Tensorflow和機器學習工具,我們只有幾十行代碼,就解決了手寫識別這樣級別的問題,而且準確度可以達到如此程度。
下一節,我們回到基礎講起。
原文鏈接
更多技術乾貨敬請關注云棲社區知乎機構號:阿里云云棲社區 - 知乎
推薦閱讀:
※一個小型的神經網路,特別適合理解神經網路底層原理,不依賴任何神經網路庫
※谷歌大腦發布神經架構搜索新方法:提速1000倍
※從下往上看--新皮層資料的讀後感 第十三部分 AutoEncoder-信息的轉化
※「營銷號」式寫作——YOLOv3:一項漸進式的更新
※ML + System = ?
TAG:深度學習DeepLearning | TensorFlow | 神經網路 |