中文字幕理论片,69视频免费在线观看,亚洲成人app,国产1级毛片,刘涛最大尺度戏视频,欧美亚洲美女视频,2021韩国美女仙女屋vip视频

打開APP
userphoto
未登錄

開通VIP,暢享免費電子書等14項超值服

開通VIP
【機器學(xué)習(xí)】TensorFlow學(xué)習(xí)(一)

作者:水奈樾  人工智能愛好者

博客專欄:http://www.cnblogs.com/rucwxb/


往期閱讀:

【機器學(xué)習(xí)】回歸分析、過擬合、分類

【機器學(xué)習(xí)】支持向量機(SVM)


首先,何謂tensor?即高維向量,例如矩陣是二維,tensor是更廣義意義上的n維向量(有type+shape)


TensorFlow執(zhí)行過程為定義圖,其中定義子節(jié)點,計算時只計算所需節(jié)點所依賴的節(jié)點,是一種高效且適應(yīng)大規(guī)模的數(shù)據(jù)計算,方便分布式設(shè)計,對于復(fù)雜神經(jīng)網(wǎng)絡(luò)的計算,可將其拆開到其他核中同時計算。

Theano——torch———caffe(尤其是圖像處理)——deeplearning5j——H20——MXNet,TensorFlow


運行環(huán)境


下載docker

打開docker quickstart terminal

標(biāo)紅地方顯示該docker虛擬機IP地址(即之后的localhost)

docker tensorflow/tensorflow  //自動找到TensorFlow容器并下載

docker images  //瀏覽當(dāng)前容器

docker run -p 8888:8888 tensorflow/tensorflow  //在8888端口運行

會出現(xiàn)一個token,復(fù)制該鏈接并替換掉localhost,既可以打開TensorFlow的一個編寫器,jupyter


大體雛形


#python導(dǎo)入
import tensorflow as tf
#定義變量(節(jié)點)
x = tf.Variable(3, name='x')
y = tf.Variable(4, name='y')
f = x*x*y + y + 2
#定義session
sess = tf.Session()
#為已經(jīng)定義的節(jié)點賦值
sess.run(x.initializer)
sess.run(y.initializer)
#運行session
result = sess.run(f)
print(result)  #42
#釋放空間
sess.close


還有一個更簡潔的一種定義并運行session方法

# a better way
with tf.Session() as sess:
  x.initializer.run()
  y.initializer.run()
  #即evaluate,求解f的值
  result = f.eval()

初始化的兩行也可以寫作

init = tf.global_variables_initializer()

init.run()

而session可以改作sess=tf.InteractiveSession()運行起來更方便


init = tf.global_variables_initializer()
sess = tf.InteractiveSession()
init.run()
result = f.eval()
print(result)


因而TensorFlow的代碼分為兩部分,定義部分和執(zhí)行部分

TensorFlow是一個圖的操作,有自動缺省的默認(rèn)圖和你自己定義的圖


#系統(tǒng)默認(rèn)缺省的圖
>>> x1 = tf.Variable(1)
>>> x1.graph is tf.get_default_graph()
True
#自定義的圖
>>> graph = tf.Graph()
>>> with graph.as_default():
x2 = tf.Variable(2)
>>> x2.graph is graph
True
>>> x2.graph is tf.get_default_graph()
False


節(jié)點的生命周期


第二種方法可以找出公共部分,避免x被計算2次。

運行結(jié)束后所有節(jié)點的值都被清空,如果沒有單獨保存,還需重新run一遍。


w = tf.constant(3)
x = w + 2
y = x + 5
z = x * 3
with tf.Session() as sess:
   print(y.eval()) # 10
   print(z.eval()) # 15

with tf.Session() as sess:
   y_val, z_val = sess.run([yz])
   print(y_val) # 10
   print(z_val) # 15


Linear Regression with TensorFlow

(線性回歸上的應(yīng)用)


y = wx+b = wx'  //這里x'是相較于x多了一維全是1的向量

這里引用California housing的數(shù)據(jù)

TensorFlow上向量是列向量,需要reshape(-1,1)即轉(zhuǎn)置成列向量


使用normal equation方法求解


import numpy as np
from sklearn.datasets import fetch_california_housing
housing = fetch_california_housing()
#獲得數(shù)據(jù)維度,矩陣的行列長度
m, n = housing.data.shape
#np.c_是連接的含義,加了一個全為1的維度
housing_data_plus_bias = np.c_[np.ones((m1)), housing.data]
#數(shù)據(jù)量并不大,可以直接用常量節(jié)點裝載進來,但是之后海量數(shù)據(jù)無法使用(會用minbatch的方式導(dǎo)入數(shù)據(jù))
X = tf.constant(housing_data_plus_bias, dtype=tf.float32, name='X')
#轉(zhuǎn)置成列向量
y = tf.constant(housing.target.reshape(-11), dtype=tf.float32, name='y')
XT = tf.transpose(X)
#使用normal equation的方法求解theta,之前線性模型中有提及
theta = tf.matmul(tf.matmul(tf.matrix_inverse(tf.matmul(XT, X)), XT), y)
#求出權(quán)重
with tf.Session() as sess:
   theta_value = theta.eval()


如果是原本的方法,可能更直接些。但由于使用底層的庫不同,它們計算出來的值不完全相同。


#使用numpy
X = housing_data_plus_bias
y = housing.target.reshape(-11)
theta_numpy = np.linalg.inv(X.T.dot(X)).dot(X.T).dot(y)
#使用sklearn
from sklearn.linear_model import LinearRegression
lin_reg = LinearRegression()
lin_reg.fit(housing.data, housing.target.reshape(-11))


這里不禁感到疑惑,為什么TensorFlow感覺變復(fù)雜了呢?其實,這不過因為這里數(shù)據(jù)規(guī)模較小,進行大規(guī)模的計算時,TensorFlow的自動優(yōu)化所發(fā)揮的效果,是十分厲害的。


使用gradient descent(梯度下降)方法求解


#使用gradient時需要scale一下
from sklearn.preprocessing import StandardScaler
scaler = StandardScaler()
scaled_housing_data = scaler.fit_transform(housing.data)
scaled_housing_data_plus_bias = np.c_[np.ones((m1)), scaled_housing_data]
#迭代1000
n_epochs = 1000
learning_rate = 0.01
#由于使用gradient,寫入x的值需要scale一下
X = tf.constant(scaled_housing_data_plus_bias, dtype=tf.float32, name='X')
y = tf.constant(housing.target.reshape(-11), dtype=tf.float32, name='y')
#使用gradient需要有一個初值
theta = tf.Variable(tf.random_uniform([n + 11], -1.01.0), name='theta')
#當(dāng)前預(yù)測的y,xm*(n+1),theta是(n+1)*1,剛好是y的維度
y_pred = tf.matmul(X, theta, name='predictions')
#整體誤差
error = y_pred - y
#TensorFlow求解均值功能強大,可以指定維數(shù),也可以像下面方法求整體的
mse = tf.reduce_mean(tf.square(error), name='mse')
#暫時自己寫出訓(xùn)練過程,實際可以采用TensorFlow自帶的功能更強大的自動求解autodiff方法
gradients = 2/m * tf.matmul(tf.transpose(X), error)
training_op = tf.assign(theta, theta - learning_rate * gradients)
#初始化并開始求解
init = tf.global_variables_initializer()
with tf.Session() as sess:
   sess.run(init)
   for epoch in range(n_epochs):
       #每運行100次打印一下當(dāng)前平均誤差
       if epoch % 100 == 0:
           print('Epoch', epoch, 'MSE =', mse.eval())
       sess.run(training_op)
   best_theta = theta.eval()


上述代碼中的autodiff如下,可以自動求出gradient

gradients = tf.gradients(mse, [theta])[0]


使用Optimizer


上述的整個梯度下降和迭代方法,都封裝了在如下方法中

optimizer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)

training_op = optimizer.minimize(mse)

這樣的optimizer還有很多

例如帶沖量的optimizer = tf.train.MomentumOptimizer(learning_rate=learning_rate,momentum=0.9)


Feeding data to training algorithm


當(dāng)數(shù)據(jù)量達到幾G,幾十G時,使用constant直接導(dǎo)入數(shù)據(jù)顯然是不現(xiàn)實的,因而我們用placeholder做一個占位符

(一般行都是none,即數(shù)據(jù)量是任意的)

 真正運行,run的時候再feed數(shù)據(jù)??梢圆粩嗍褂眯碌臄?shù)據(jù)。

 >>> A = tf.placeholder(tf.float32, shape=(None3))
>>> B = A + 5
>>> with tf.Session() as sess:
... B_val_1 = B.eval(feed_dict={A: [[123]]})
... B_val_2 = B.eval(feed_dict={A: [[456], [789]]})
...
>>> print(B_val_1)
[[ 6. 7. 8.]]
>>> print(B_val_2)
[[ 9. 10. 11.]
12. 13. 14.]]

這樣,就可以通過定義min_batch來分批次隨機抽取指定數(shù)量的數(shù)據(jù),即便是幾T的數(shù)據(jù)也可以抽取。


batch_size = 100
n_batches = int(np.ceil(m / batch_size))
#有放回的隨機抽取數(shù)據(jù)
def fetch_batch(epoch, batch_index, batch_size):
   #定義一個隨機種子
   np.random.seed(epoch * n_batches + batch_index)  # not shown in the book
   indices = np.random.randint(m, size=batch_size)  # not shown
   X_batch = scaled_housing_data_plus_bias[indices] # not shown
   y_batch = housing.target.reshape(-11)[indices] # not shown
   return X_batch, y_batch
#開始運行
with tf.Session() as sess:
   sess.run(init)
#每次都抽取新的數(shù)據(jù)做訓(xùn)練
   for epoch in range(n_epochs):
       for batch_index in range(n_batches):
           X_batch, y_batch = fetch_batch(epoch, batch_index, batch_size)
           sess.run(training_op, feed_dict={X: X_batch, y: y_batch})
#最終結(jié)果
   best_theta = theta.eval()


Saving and Restoring models(保存模型)


有時候,運行幾天的模型可能因故暫時無法繼續(xù)跑下去,因而需要暫時保持已訓(xùn)練好的部分模型到硬盤上。


init = tf.global_variables_initializer()
saver = tf.train.Saver()
#保存模型
with tf.Session() as sess:
   sess.run(init)

   for epoch in range(n_epochs):
       if epoch % 100 == 0:
           #print('Epoch', epoch, 'MSE =', mse.eval()) 
           save_path = saver.save(sess, '/tmp/my_model.ckpt')
       sess.run(training_op)
   
   best_theta = theta.eval()
   save_path = saver.save(sess, '/tmp/my_model_final.ckpt')
#恢復(fù)模型
with tf.Session() as sess:
   saver.restore(sess, '/tmp/my_model_final.ckpt')
   best_theta_restored = theta.eval()


關(guān)于TensorBoard


眾所周知,神經(jīng)網(wǎng)絡(luò)和機器學(xué)習(xí)大多是黑盒模型,讓人有點忐忑。TensorBoard所起的功能就是將這個黑盒稍微變白一些~

啟用tensorboard

輸入docker ps查看當(dāng)前容器id


進入容器



使用tensorboard --log-dir=tf_logs命令打開已經(jīng)存入的tf_logs文件,其生成代碼如下所示

from datetime import datetime

now = datetime.utcnow().strftime('%Y%m%d%H%M%S')
root_logdir = 'tf_logs'
logdir = '{}/run-{}/'.format(root_logdir, now)
...
mse_summary = tf.summary.scalar('MSE', mse)
file_writer = tf.summary.FileWriter(logdir, tf.get_default_graph())
...
if batch_index % 10 == 0:
               summary_str = mse_summary.eval(feed_dict={X: X_batch, y: y_batch})
               step = epoch * n_batches + batch_index
               file_writer.add_summary(summary_str, step)


本站僅提供存儲服務(wù),所有內(nèi)容均由用戶發(fā)布,如發(fā)現(xiàn)有害或侵權(quán)內(nèi)容,請點擊舉報。
打開APP,閱讀全文并永久保存 查看更多類似文章
猜你喜歡
類似文章
CIFAR-10 圖像識別
學(xué)習(xí)TensorFlow,保存學(xué)習(xí)到的網(wǎng)絡(luò)結(jié)構(gòu)參數(shù)并調(diào)用
使用Tensorflow建立RNN實戰(zhàn):股市預(yù)測
【中文】【吳恩達課后編程作業(yè)】Course 2
TF之LSTM/GRU:基于tensorflow框架對boston房價數(shù)據(jù)集分別利用LSTM、GRU算法(batch_size調(diào)優(yōu)對比)實現(xiàn)房價回歸預(yù)測案例
深度學(xué)習(xí)代碼的實踐應(yīng)用
更多類似文章 >>
生活服務(wù)
熱點新聞
分享 收藏 導(dǎo)長圖 關(guān)注 下載文章
綁定賬號成功
后續(xù)可登錄賬號暢享VIP特權(quán)!
如果VIP功能使用有故障,
可點擊這里聯(lián)系客服!

聯(lián)系客服