Tensorflow之TensorBoard的使用
阿新 • • 發佈:2018-12-24
前言
這是對TensorBoard的簡單使用 。
簡介
Tensorboard是一個web應用程式套件,用於檢查tensorflow程式的執行情況。可以直觀瞭解訓練情況。
使用
使用summary op。用上一篇文章的例子,用tensorboard記錄cost的變化。
加入summary
把待觀察的op加入到summary op 的scalar中
# 建立summary來觀察損失值
tf.summary.scalar("loss", cost)
合併summary op
如果summary op過多需要合併一下。
merged_summary_op = tf.summary.merge_all()
指定儲存log檔案路徑
其實tensorboard的原理就是程式執行完了之後產生log檔案,這個東西就是讓log資料視覺化的顯示出來。
那麼既然是檔案路徑的話我們要指定儲存檔案路徑。
logs_path="./example"
會話中執行
首先弄出一個儲存的op,使用的是summary.FileWriter儲存預設圖。
#op 把需要的記錄資料寫入檔案
summary_writer=tf.summary.FileWriter(logs_path,graph=tf.get_default_graph())
執行merged_summary_op
summary=sess.run(merged_summary_op,feed_dict={X: train_X, Y: train_Y}) summary_writer.add_summary(summary, epoch * n_samples)
詳細程式碼
# -*- coding: utf-8 -*-
# @Time : 2017/12/5 上午9:28
# @Author : SkullFang
# @Email : [email protected]
# @File : demo2.py
# @Software: PyCharm
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
import random
#訓練引數
learning_rate=0.01
traing_epochs=1000
display_step=50
logs_path="./example"
# 訓練資料
train_X = np.asarray([3.3, 4.4, 5.5, 6.71, 6.93, 4.168, 9.779, 6.182, 7.59, 2.167,
7.042, 10.791, 5.313, 7.997, 5.654, 9.27, 3.1])
train_Y = np.asarray([1.7, 2.76, 2.09, 3.19, 1.694, 1.573, 3.366, 2.596, 2.53, 1.221,
2.827, 3.465, 1.65, 2.904, 2.42, 2.94, 1.3])
n_samples = train_X.shape[0]
#定義兩個變數的op佔位符
X=tf.placeholder("float")
Y=tf.placeholder("float")
#初始化w,b
W=tf.Variable(random.random(),name="weight")
b=tf.Variable(random.random(),name="bias")
#構造線性模型
pred=tf.add(tf.multiply(X,W),b)
#均方誤差
#reduce_sum是對每一項進行加和
#reduce_sum(x,0)是每一列進行加和,reduce_sum(x,1)是對每一行進行加和
cost=tf.reduce_sum(tf.pow(pred-Y,2))/(2*n_samples)
#梯度下降
optimizer=tf.train.GradientDescentOptimizer(learning_rate).minimize(cost)
#初始化所有的變數
init=tf.global_variables_initializer()
# 建立summary來觀察損失值
tf.summary.scalar("loss", cost)
merged_summary_op = tf.summary.merge_all()
#以上都是構造op,只是為了告訴tensorflow 模型的資料流動方向
#使用session 啟動預設圖
with tf.Session() as sess:
sess.run(init) #初始化
#op 把需要的記錄資料寫入檔案
summary_writer=tf.summary.FileWriter(logs_path,graph=tf.get_default_graph())
for epoch in range(traing_epochs):
for (x,y) in zip(train_X,train_Y):
sess.run(optimizer,feed_dict={X:train_X,Y:train_Y})
if(epoch+1) % display_step==0:
# c, summary = sess.run([cost, merged_summary_op], feed_dict={X: train_X, Y: train_Y})
c= sess.run(cost, feed_dict={X: train_X, Y: train_Y})
summary=sess.run(merged_summary_op,feed_dict={X: train_X, Y: train_Y})
summary_writer.add_summary(summary, epoch * n_samples)
# c=sess.run(cost,feed_dict={X:train_X,Y:train_Y})
print("Epoch:", '%04d' % (epoch + 1), "cost=", "{:.9f}".format(c), \
"W=", sess.run(W), "b=", sess.run(b))
print ("optimization Finished")
training_cost = sess.run(cost,feed_dict={X:train_X,Y:train_Y})
print ("Training cost=",training_cost,"W=",sess.run(W),"b=",sess.run(b),"\n")
#畫圖
plt.plot(train_X,train_Y,'ro',label="Original data")
plt.plot(train_X,sess.run(W)*train_X+sess.run(b),label="Fitted line")
plt.legend()
plt.show()
plt.savefig('linear_train.png')
# 測試資料
test_X = np.asarray([6.83, 4.668, 8.9, 7.91, 5.7, 8.7, 3.1, 2.1])
test_Y = np.asarray([1.84, 2.273, 3.2, 2.831, 2.92, 3.24, 1.35, 1.03])
print("Testing... (Mean square loss Comparison)")
testing_cost = sess.run(
tf.reduce_sum(tf.pow(pred - Y, 2)) / (2 * test_X.shape[0]),
feed_dict={X: test_X, Y: test_Y}) # same function as cost above
print("Testing cost=", testing_cost)
print("Absolute mean square loss difference:", abs(
training_cost - testing_cost))
plt.plot(test_X, test_Y, 'bo', label='Testing data')
plt.plot(train_X, sess.run(W) * train_X + sess.run(b), label='Fitted line')
plt.legend()
plt.show()
plt.savefig('linear_test.png')
效果
step1
程式執行完了之後程式目錄中會多出一個sample的資料夾,裡面就是我們的log檔案
step2
開啟自己的終端
在專案目錄下面執行,記得一定是在專案目錄下執行。這裡就是指定log的資料夾,和埠。
tensorboard --logdir=./example --host 0.0.0.0
這是執行完的效果。
在瀏覽器中開啟
http://0.0.0.0:6006
這就是最終的效果。我們可以看到loss的下降,說明我們學習的很好。橫座標是輪數