TensotFlow 应用实例:08-使用tensorboard可视化神经网络结构和训练结果

版权声明:欢迎转载,转载请注明出处! https://blog.csdn.net/iTaacy/article/details/76405549

TensotFlow 应用实例:08-使用tensorboard可视化神经网络结构和训练结果

本文是我在学习TensotFlow 的时候所记录的笔记,共享出来希望能够帮助一些需要的人。

本文介绍了如何使用tensorboard进行神经网络结构的可视化,以及训练结果的可视化,代码如下:

import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt


# tensorboard 的使用
# 添加神经层
def add_layer(inputs, in_size, out_size, layer_name, activation_function=None):
    # Weights define
    # 权重,尽量要是一个随机变量
    # 随机变量在生成初始变量的时候比全部为零效果要好的很多
    with tf.name_scope('layer'):
        with tf.name_scope('weights'):
            Weights = tf.Variable(tf.random_normal([in_size, out_size]), name='W')
            # histogram 直方图;柱状图 总结weights
            tf.summary.histogram(layer_name + '/weights', Weights)

        # biases define
        # 偏值项,是一个列表,不是矩阵,默认设置为0 + 0.1
        with tf.name_scope('biases'):
            biases = tf.Variable(tf.add(tf.zeros([1, out_size]), 0.1), name='b')
            # histogram 直方图;柱状图 总结biases
            tf.summary.histogram(layer_name + '/biases', biases)
        # W * x + b
        with tf.name_scope('Wx_plus_b'):
            Wx_plus_b = tf.add(tf.matmul(inputs, Weights), biases)
        # 如果activation_function是空的时候就表示是一个线性关系直接放回即可
        if activation_function is None:
            outputs = Wx_plus_b
        else:
            outputs = activation_function(Wx_plus_b)
            # histogram 直方图;柱状图 总结biases
            tf.summary.histogram(layer_name + '/outputs', outputs)
        return outputs


# x_data 从-1到1的区间有300个单位
# [:, np.newaxis] 加上一个维度,有300行,有300个例子
x_data = np.linspace(-1, 1, 300)[:, np.newaxis]
# noise
# 加上一个noise使得更像真实的数据
noise = np.random.normal(0, 0.05, x_data.shape)
# y_data = x_data^2 -0.5
y_data = np.square(x_data) - 0.5 + noise

# define xs ys
# placeholder
# 这里的None表示无论输入多少个sample都可以
# 是一个多行单列的矩阵,或者说是一个列表
with tf.name_scope('inputs'):
    xs = tf.placeholder(tf.float32, [None, 1], name='x_input')
    ys = tf.placeholder(tf.float32, [None, 1], name='y_input')


# 定义隐藏层 define hidden layer
l1 = add_layer(xs, 1, 10, layer_name='layer_01', activation_function=tf.nn.relu)

# 定义输出层 define output layer
# prediction layer
prediction = add_layer(l1, 10, 1, layer_name='layer_02', activation_function=None)

# loss function
# 损失函数 axis is new reduction_indices
with tf.name_scope('loss'):
    loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys - prediction),
                                        axis=[1]))
    # scalar 标量的;数量的;梯状的,分等级的 ,阶梯图显示loss
    # 会在tensorboard的scalars(旧版是event)中显示,因此要和其他的区分一下
    # 通过可视化去查看loss是一个非常必要的过程,这样可以看到你的loss有没有一点点的减少
    # 从而判断你使用的optimizer是不是合适等。
    tf.summary.scalar('loss', loss)


# 进行训练
# 设置学习速率为0.1 通常设置为小于1的数字
with tf.name_scope('train'):
    train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)

# 对所有的变量进行初始化
# this a very important step
# 如果不进行初始化后续将无法运行
# initialize_all_variables  deprecated("2017-03-02", "Use `tf.global_variables_initializer` instead.")
init = tf.global_variables_initializer()

sess = tf.Session()
# 定义一个FileWriter,记录log
# merged 合并所有的summary,打包后放到FileWriter
merged = tf.summary.merge_all()
writer = tf.summary.FileWriter('logs/', sess.graph)
# 运行程序后会在logs下生产一些events.out.tfevents.1497450249.开头的文件,
# 然后使用 `tensorboard --logdi./logs` 命令
# 会运行一个服务,在浏览器打开显示的地址即可,我这里显示的是
# Starting TensorBoard b'54' at http://CydeMBP:6006
# (Press CTRL+C to quit)


sess.run(init)

# 生成一个图片框
fig = plt.figure()
# 1, 1, 1 表示一行一列 第一个
ax = fig.add_subplot(1, 1, 1)
ax.scatter(x_data, y_data)
# show 的时候把程序暂停看了
# 新版可以使用plt.ion()的方式来继续划线
# 旧版本中 使用plt.show(block=False)
plt.ion()
plt.show()
#
for i in range(1000):
    # train_step 训练
    # 其中的feed_dict is input data
    sess.run(train_step,
             feed_dict={xs: x_data, ys: y_data})
    if i % 50 is 0:
        # run loss, 只要是使用了placeholder的地方都要使用feed_dict传入
        # print(sess.run(loss, feed_dict={xs: x_data, ys: y_data}))

        try:
            # remove line
            ax.lines.remove(lines[0])
        except Exception:
            pass

        prediction_value = sess.run(prediction,
                                    feed_dict={xs: x_data, ys: y_data})
        # x, y, 红线, 线宽=5
        lines = ax.plot(x_data, prediction_value, 'r-', lw=5)

        # 暂停0.1秒
        plt.pause(0.1)

        # tensorboard 相关的操作
        result = sess.run(merged,
                          feed_dict={xs: x_data, ys: y_data})
        # 其中i是记录的步数,50步计数一次
        writer.add_summary(result, i)


本文代码GitHub地址 tensorflow_learning_notes

猜你喜欢

转载自blog.csdn.net/iTaacy/article/details/76405549
今日推荐