728x90
텐서보드는 텐스플로우 실행을 통해 생성할 수 있는 요약 데이터를 가지고 있는 텐서플로우 이벤트 파일을 읽음으로써 작동한다.
visualizing_linear_regression
텐서보드 설치 위치
1 | /root/anaconda/envs/tensorflow/lib/python2.7/site-packages/tensorflow/tensorboard | cs |
텐서보드 실행은 다음과 같이 한다. 기본 포트는 6006 이다.
1 2 3 4 5 | (tensorflow)root@localhost:~/tensorflow# tensorboard --logdir=tmp/tf_logs WARNING:tensorflow:IOError [Errno 2] No such file or directory: '/root/anaconda/envs/tensorflow/lib/python2.7/site-packages/tensorflow/tensorboard/TAG' on path /root/anaconda/envs/tensorflow/lib/python2.7/site-packages/tensorflow/tensorboard/TAG WARNING:tensorflow:Unable to read TensorBoard tag Starting TensorBoard on port 6006 (You can navigate to http://0.0.0.0:6006) | cs |
이벤트 파일이 없어 아무 것도 나타나지는 않는다.
그러면 수집하고자하는 텐서플로우 그래프를 생성하자. 아래 코드는 다음 링크에서 가져왔다.
https://github.com/sjchoi86/tensorflow-101/blob/master/notebooks/vis_linear_regression.ipynb
In [22]:
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
np.random.seed(1)
def f(x, a, b):
n = train_X.size
vals = np.zeros((1, n))
for i in range(0, n):
ax = np.multiply(a, x.item(i))
val = np.add(ax, b)
vals[0, i] = val
return vals
Wref = 0.7
bref = -1.
n = 20
noise_var = 0.001
train_X = np.random.random((1, n))
ref_Y = f(train_X, Wref, bref)
train_Y = ref_Y + np.sqrt(noise_var)*np.random.randn(1, n)
n_samples = train_X.size
# Plot
plt.figure(1)
plt.plot(train_X[0, :], ref_Y[0, :], 'ro', label='Original data')
plt.plot(train_X[0, :], train_Y[0, :], 'bo', label='Training data')
plt.axis('equal')
plt.legend(loc='lower right')
Out[22]:
In [23]:
# Parameters
training_epochs = 1000
display_step = 100
# Set TensorFlow Graph
x = tf.placeholder(tf.float32, name="INPUT_x")
y = tf.placeholder(tf.float32, name="OUTPUT_y")
W = tf.Variable(np.random.randn(), name="WEIGHT_W")
b = tf.Variable(np.random.randn(), name="BIAS_b")
# Construct a Model
activation = tf.add(tf.mul(x, W), b)
# Define Error Measure and Optimizer
learning_rate = 0.01
cost = tf.reduce_mean(tf.pow(activation-y, 2))
optimizer = tf.train.GradientDescentOptimizer(learning_rate).minimize(cost) #Gradient descent
# Initializer
init = tf.initialize_all_variables()
# Run!
sess = tf.Session()
# Initialize
sess.run(init)
# Summary
summary_writer = tf.train.SummaryWriter('/tmp/tf_logs/linear_regression', graph=sess.graph)
for epoch in range(training_epochs):
for (_x, _y) in zip(train_X[0, :], train_Y[0, :]):
# print "x: ", x, " y: ", y
sess.run(optimizer, feed_dict={x:_x, y:_y})
# Check cost
if epoch % display_step == 0:
costval = sess.run(cost, feed_dict={x: train_X, y:train_Y})
print("[%d/%d] cost :%.3f" % (epoch, training_epochs, costval)),
Wtemp = sess.run(W)
btemp = sess.run(b)
print("Wtemp is %.3f and Wref is %.3f" % (Wtemp, Wref)),
print("btemp is %.3f and bref is %.3f" % (btemp, bref))
# Final W and b
Wopt = sess.run(W)
bopt = sess.run(b)
fopt = f(train_X, Wopt, bopt)
In [24]:
# Plot Results
plt.figure(2)
plt.plot(train_X[0, :], ref_Y[0, :], 'ro', label='Original data')
plt.plot(train_X[0, :], train_Y[0, :], 'bo', label='Training data')
plt.plot(train_X[0, :], fopt[0, :], 'k-', label='Fitted Line')
plt.axis('equal')
plt.legend(loc='lower right')
Out[24]:
웸페이지에서 확인해보면 다음과 같다.
728x90
'프로그래밍 Programming' 카테고리의 다른 글
scikit-learn (1) - 기계학습이란? (0) | 2016.11.01 |
---|---|
scikit-learn 을 통한 머신러닝 - 데이터셋 로딩, 학습, 그리고 예측 (0) | 2016.10.31 |
텐서플로우 코드 에러 - ResourceExhaustedError (0) | 2016.10.31 |
Deep MNIST for Experts - 전체 코드 (2) (0) | 2016.10.31 |
Deep MNIST for Experts - 전체 코드 (1) (0) | 2016.10.31 |