TensorBoard的使用

TensorBoard是TensorFlow官方推出的可视化工具,它可以将模型训练过程中的各种汇总数据展示出来。我们在使用TensorFlow训练大型深度学习神经网络时,中间的计算过程可能非常复杂,可以使用TensorBoard观察训练过程中的各种可视化数据。它的流程是,在执行TensorFlow计算图的过程中,将各种类型的数据汇总并记录到日志文件中。然后使用TensorBoard读取这些日志文件,解析数据并生成数据可视化Web页面。

用一个MNIST数据集的手写字体识别,看一下各种类型数据的汇总和展示。

先说一下我的环境,我用的是Cuda9.0+Ubuntu16.04+Tensorflow-gpu1.12+Python3.6。

训练过程

import tensorflow as tf

from tensorflow.examples.tutorials.mnist import input_data

max_steps=1000

learning_rate=0.001

dropout=0.9

data_dir='/tmp/tensorflow/mnist/input_data'

#汇总数据的日志存放地址

log_dir='/tmp/tensorflow/mnist/logs/mnist_with_summaries'

  # Import data

mnist = input_data.read_data_sets(data_dir,one_hot=True)

sess = tf.InteractiveSession()

  # Create a multilayer model.

  # 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)

  # 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)

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))

#直接记录变量var的直方图数据

    tf.summary.histogram('histogram', var)

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

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)

  # Do not apply softmax activation yet, see below.

y = nn_layer(dropped, 500, 10, 'layer2', act=tf.identity)

with tf.name_scope('cross_entropy'):

    # The raw formulation of cross-entropy,

    #

    # tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(tf.softmax(y)),

    #                              reduction_indices=[1]))

    #

    # can be numerically unstable.

    #

    # So here we use tf.nn.softmax_cross_entropy_with_logits on the

    # raw outputs of the nn_layer above, and then average across

    # the batch.

  diff = tf.nn.softmax_cross_entropy_with_logits(logits=y, labels=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(learning_rate).minimize(

      cross_entropy)

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)

  # Merge all the summaries and write them out to /tmp/mnist_logs (by default)

merged = tf.summary.merge_all()

train_writer = tf.summary.FileWriter(log_dir + '/train', sess.graph)

test_writer = tf.summary.FileWriter(log_dir + '/test')

tf.global_variables_initializer().run()

  # Train the model, and also write summaries.

  # Every 10th step, measure test-set accuracy, and write test summaries

  # All other steps, run train_step on training data, & add training summaries

def feed_dict(train):

  """Make a TensorFlow feed_dict: maps data onto Tensor placeholders."""

  if train:

    xs, ys = mnist.train.next_batch(100)

    k = dropout

  else:

    xs, ys = mnist.test.images, mnist.test.labels

    k = 1.0

  return {x: xs, y_: ys, keep_prob: k}

saver = tf.train.Saver()

for i in range(max_steps):

  if i % 10 == 0:  # Record summaries and test-set accuracy

    summary, acc = sess.run([merged, accuracy], feed_dict=feed_dict(False))

    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_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)

      saver.save(sess, log_dir+"/model.ckpt", i)

      print('Adding run metadata for', i)

    else:  # Record a summary

      summary, _ = sess.run([merged, train_step], feed_dict=feed_dict(True))

      train_writer.add_summary(summary, i)

train_writer.close()

test_writer.close()

可视化效果

切换到Linux命令行下,执行TensorBoard程序,并通过--logdir指定TensorFlow日志路径,然后就可以自动生成所有汇总数据可视化的结果了。

tensorboard --logdir=/tmp/tensorflow/mnist/logs/mnist_with_summaries

执行上面的命令后,出现一条提示信息,复制其中的网址到浏览器,就能看到数据可视化的图标了。

首先打开标量SCALARS的窗口,并单击打开accuracy的图表,其中可以看到两条曲线,分别是train和test中accuracy随训练步数变化的趋势。可以调整Smoothing参数,控制对曲线的平滑处理。如下图所示

打开IMAGES窗口,可以看到MNIST数据集中的图片,不只是原始数据,所有在tf.summary.image()中汇总的图片数据都可以在这里看到。

进入GRAPHS窗口,可以看到整个TensorFlow计算图的结构,这里展示了网络forward的inference的流程,以及backward训练更新参数的流程

切换到DISTRIBUTIONS窗口,可以看到之前记录的各个神经网络层输出的分布,包括在激活函数前的结果及在激活函数后的结果。这样能观察到神经网络节点的输出是否有效

点击HISTOGRAMS窗口,将DISTRIBUTIONS的图示结构转换为直方图的形式,将每一步训练后的神经网络层的输出的分布以直方图的形式展示出来

单击PROJECTOR,可以看到降维后的嵌入向量的可视化效果

©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 206,214评论 6 481
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 88,307评论 2 382
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 152,543评论 0 341
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 55,221评论 1 279
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 64,224评论 5 371
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 49,007评论 1 284
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 38,313评论 3 399
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 36,956评论 0 259
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 43,441评论 1 300
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 35,925评论 2 323
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 38,018评论 1 333
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 33,685评论 4 322
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 39,234评论 3 307
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 30,240评论 0 19
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 31,464评论 1 261
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 45,467评论 2 352
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 42,762评论 2 345

推荐阅读更多精彩内容