欢迎Follow我的GitHub,关注我的
在训练模型的过程中,经常需要调试其中的参数,这就需要可视化。TensorFlow的可视化由TensorBoard完成,由TensorBoard显示已存储的Log信息。代码与多层感知机的MNIST相同,只是添加一些Log信息的存储,用于展示。
本文源码的GitHub地址,位于tensor_board
文件夹。
执行TensorBoard的命令:
tensorboard --logdir=/tmp/tensorflow/mnist/logs/mnist_with_summaries
显示网站在Log信息中,如http://0.0.0.0:6006
。
Starting TensorBoard 47 at http://0.0.0.0:6006
(Press CTRL+C to quit)
WARNING:tensorflow:path ../external/data/plugin/text/runs not found, sending 404
WARNING:tensorflow:path ../external/data/plugin/text/runs not found, sending 404
WARNING:tensorflow:path ../external/data/plugin/text/runs not found, sending 404
WARNING:tensorflow:path ../external/data/plugin/text/runs not found, sending 404
显示日志
设置参数,使用argparse.ArgumentParser()创建参数解析器,nargs='?'
+ const=True
+ default=False
表示:当使用--fake_data
时,参数的fake_data
的值是True(const);当未使用--fake_data
时,参数的fake_data
的值是False(default);或者指定--fake_data True(Flase)
,根据设置的参数赋值。type是参数类型,help是帮助信息。获取os.getenv('TEST_TMPDIR', '/tmp')
临时文件夹,默认是/tmp
,在Mac中是根目录下的隐藏文件夹。os.path.join
将文件夹的路径拼接在一起。
parser = argparse.ArgumentParser()
parser.add_argument('--fake_data', nargs='?', const=True, type=bool, default=False,
help='If true, uses fake data for unit testing.')
parser.add_argument('--max_steps', type=int, default=1000, # 最大步数 1000
help='Number of steps to run trainer.')
parser.add_argument('--learning_rate', type=float, default=0.001, # 学习率 0.001
help='Initial learning rate')
parser.add_argument('--dropout', type=float, default=0.9, # Dropout的保留率 0.9
help='Keep probability for training dropout.')
parser.add_argument('--data_dir', type=str, # 数据目录
default=os.path.join(os.getenv('TEST_TMPDIR', '/tmp'), 'tensorflow/mnist/input_data'),
help='Directory for storing input data')
parser.add_argument('--log_dir', type=str, # Log目录
default=os.path.join(os.getenv('TEST_TMPDIR', '/tmp'),
'tensorflow/mnist/logs/mnist_with_summaries'),
help='Summaries log directory')
在外部声明FLAGS变量,将参数放入FLAGS中,使用tf.app.run()执行TensorFlow的脚本,main是入口方法,argv是参数。
FLAGS = None # 外部声明
FLAGS, unparsed = parser.parse_known_args()
tf.app.run(main=main, argv=[sys.argv[0]] + unparsed)
调用tf.gfile文件处理库,如果日志文件夹存在,则删除,并重建,然后执行核心方法train()。
def main(_):
if tf.gfile.Exists(FLAGS.log_dir):
tf.gfile.DeleteRecursively(FLAGS.log_dir)
tf.gfile.MakeDirs(FLAGS.log_dir)
train()
加载数据,使用MNIST数据源,创建可交互的Session,即tf.InteractiveSession(),张量可以自己执行操作。
mnist = input_data.read_data_sets(FLAGS.data_dir, one_hot=True, fake_data=FLAGS.fake_data) # 加载数据
sess = tf.InteractiveSession()
需要输入的PlaceHolder,指定命名空间input,在绘制流程图的时候使用;将输入数据转换为图像,并且保持在input_reshape/input
文件夹中,图片命名规则为input_reshape/input/image/#
。
# Input placeholders
with tf.name_scope('input'): # 指定命名空间
x = tf.placeholder(tf.float32, [None, 784], name='x-input')
y_ = tf.placeholder(tf.float32, [None, 10], name='y-input')
with tf.name_scope('input_reshape'):
image_shaped_input = tf.reshape(x, [-1, 28, 28, 1])
tf.summary.image('input', image_shaped_input, 10) # 10表示只存储10张
将创建权重和偏移变量的方法设置为方法。
# We can't initialize these variables to 0 - the network will get stuck.
def weight_variable(shape): # 权重
"""Create a weight variable with appropriate initialization."""
initial = tf.truncated_normal(shape, stddev=0.1)
return tf.Variable(initial)
def bias_variable(shape): # 偏移
"""Create a bias variable with appropriate initialization."""
initial = tf.constant(0.1, shape=shape)
return tf.Variable(initial)
变量信息的存储方法,存储为标量(tf.summary.scalar),或者直方图(tf.summary.histogram)。
def variable_summaries(var): #
"""Attach a lot of summaries to a Tensor (for TensorBoard visualization)."""
with tf.name_scope('summaries'):
mean = tf.reduce_mean(var) # 均值
tf.summary.scalar('mean', mean)
with tf.name_scope('stddev'):
stddev = tf.sqrt(tf.reduce_mean(tf.square(var - mean)))
tf.summary.scalar('stddev', stddev)
tf.summary.scalar('max', tf.reduce_max(var)) # 标量
tf.summary.scalar('min', tf.reduce_min(var))
tf.summary.histogram('histogram', var) # 直方图
偏移biases的初始值均为0.1,通过学习逐渐变化。
偏移biases的初始值均为0.1,每一次迭代使得分布越来越平缓。
神经网络的层次,使用y=wx+b
的线性回归,并且记录下参数W和b的信息,还有使用激活函数前后的数据对比情况。
def nn_layer(input_tensor, input_dim, output_dim, layer_name, act=tf.nn.relu):
"""Reusable code for making a simple neural net layer.
It does a matrix multiply, bias add, and then uses ReLU to nonlinearize.
It also sets up name scoping so that the resultant graph is easy to read,
and adds a number of summary ops.
"""
# Adding a name scope ensures logical grouping of the layers in the graph.
with tf.name_scope(layer_name):
# This Variable will hold the state of the weights for the layer
with tf.name_scope('weights'):
weights = weight_variable([input_dim, output_dim])
variable_summaries(weights)
with tf.name_scope('biases'):
biases = bias_variable([output_dim])
variable_summaries(biases)
with tf.name_scope('Wx_plus_b'):
preactivate = tf.matmul(input_tensor, weights) + biases
tf.summary.histogram('pre_activations', preactivate) # 未激活的直方图
activations = act(preactivate, name='activation')
tf.summary.histogram('activations', activations) # 激活的直方图
return activations
由于第一层使用ReLU(校正线性单元,Rectified Linear Unit),将小于0的值,全部抑制为0。
第一层是ReLU激活函数,第二次未使用激活函数(tf.identity),并且将第一层的神经元dropout,训练小于1,测试等于1。
hidden1 = nn_layer(x, 784, 500, 'layer1') # 隐藏层
with tf.name_scope('dropout'):
keep_prob = tf.placeholder(tf.float32)
tf.summary.scalar('dropout_keep_probability', keep_prob)
dropped = tf.nn.dropout(hidden1, keep_prob) # 执行dropout参数
# Do not apply softmax activation yet, see below.
y = nn_layer(dropped, 500, 10, 'layer2', act=tf.identity) # 未使用激活函数
损失函数设置为交叉熵,使用AdamOptimizer优化损失函数,并且记录损失函数的值,逐渐收敛。
with tf.name_scope('cross_entropy'):
diff = tf.nn.softmax_cross_entropy_with_logits(labels=y_, logits=y)
with tf.name_scope('total'):
cross_entropy = tf.reduce_mean(diff)
tf.summary.scalar('cross_entropy', cross_entropy)
with tf.name_scope('train'):
train_step = tf.train.AdamOptimizer(FLAGS.learning_rate).minimize(
cross_entropy)
准确率,比较正确的个数,求平均,并使用标量记录(tf.summary.scalar)。
with tf.name_scope('accuracy'):
with tf.name_scope('correct_prediction'):
correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
with tf.name_scope('accuracy'):
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
tf.summary.scalar('accuracy', accuracy)
将每次迭代的summary合并成一个文件,并且创建两个writer,一个用于训练,一个用于测试,同时训练的存储图信息。
merged = tf.summary.merge_all()
train_writer = tf.summary.FileWriter(FLAGS.log_dir + '/train', sess.graph)
test_writer = tf.summary.FileWriter(FLAGS.log_dir + '/test')
计算图信息的节点,就是最顶层的name_scope
,点击之后就是内部的name_scope
。
设置feed数据的接口,训练使用批次数据,每次100个,dropout是参数;测试使用全部的测试数据,dropout是1,保留全部信息。
def feed_dict(train):
"""Make a TensorFlow feed_dict: maps data onto Tensor placeholders."""
# 训练与测试的dropout不同
if train or FLAGS.fake_data:
xs, ys = mnist.train.next_batch(100, fake_data=FLAGS.fake_data)
k = FLAGS.dropout
else:
xs, ys = mnist.test.images, mnist.test.labels
k = 1.0
return {x: xs, y_: ys, keep_prob: k}
初始化变量,开始迭代执行。每隔10次,使用测试集验证一次,sess.run()的输入,merged合并的Log信息,accuracy计算图,feed数据,将信息写入test_writer
。每隔99步,将运行时间与内存信息,存入Log中,其余步骤正常秩序,添加存储信息。
tf.global_variables_initializer().run()
for i in range(FLAGS.max_steps):
if i % 10 == 0: # Record summaries and test-set accuracy
summary, acc = sess.run([merged, accuracy], feed_dict=feed_dict(False)) # feed测试数据
test_writer.add_summary(summary, i)
print('Accuracy at step %s: %s' % (i, acc))
else: # Record train set summaries, and train
if i % 100 == 99: # Record execution stats
run_options = tf.RunOptions(trace_level=tf.RunOptions.FULL_TRACE)
run_metadata = tf.RunMetadata()
summary, _ = sess.run([merged, train_step], # feed训练数据
feed_dict=feed_dict(True),
options=run_options,
run_metadata=run_metadata)
train_writer.add_run_metadata(run_metadata, 'step%03d' % i)
train_writer.add_summary(summary, i)
print('Adding run metadata for', i)
else: # Record a summary
summary, _ = sess.run([merged, train_step], feed_dict=feed_dict(True)) # feed训练数据
train_writer.add_summary(summary, i)
最后注意关闭Log文件写入器
train_writer.close()
test_writer.close()
内存与计算时间
在安装TensorFlow后,TensorBoard即可使用,但是在mac系统中,会报错,由于six包的版本过低导致。
File "/System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python/six.py", line 566, in with_metaclass
return meta("NewBase", bases, {})
File "/Library/Python/2.7/site-packages/tensorflow/python/platform/benchmark.py", line 116, in __new__
if not newclass.is_abstract():
AttributeError: type object 'NewBase' has no attribute 'is_abstract'
在Mac系统中,含有多个Python源,我们要确定shell使用的源
➜ ~ python
Python 2.7.10 (default, Oct 23 2015, 19:19:21)
[GCC 4.2.1 Compatible Apple LLVM 7.0.0 (clang-700.0.59.5)] on darwin
Type "help", "copyright", "credits" or "license" for more information.
>>> import six
>>> six.__file__
'/System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python/six.pyc'
升级指定位置的six包
sudo pip install six --upgrade --target="/System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python/"
当然,最简单的就是直接使用虚拟环境的TensorBoard,库的版本可控。
OK, that's all! Enjoy it!