2

我正在尝试使用 tensorflow 的 SummaryWriter,但它似乎没有将事件、图像或直方图写入文件。但是它确实将图形写入文件(然后我可以在 tensorboard 中看到),至少表明 tensorboard 和 SummaryWriter 知道我的 logdir 在哪里。

这是我的(简化的)代码,由省略的代码块分解:

sess = tf.Session()
W_conv1 = tf.Variable(tf.truncated_normal([5,5,3, hidden1_size], stddev = 0.01), name = 'W_conv1')
b_conv1 = tf.Variable(tf.constant(0.01, shape=[hidden1_size]), name = 'b_conv1')

#to visualize the weights of the first layer...
sum2 = tf.image_summary('first layer weights', tf.transpose(W_conv1, perm = [3, 0, 1, 2]), max_images = 16)

h_conv1 = tf.nn.relu(b_conv1 + conv(x, W_conv1))

#to visualize how many dead relu's we have
sum1 = tf.scalar_summary('conv1', tf.nn.zero_fraction(h_conv1))

.... 更多层

softmax = {}
cross_entropy = tf.Variable(0.0)
softmax[0] = tf.nn.softmax(fc_out)
cross_entropy += -tf.reduce_sum(y_*tf.log(softmax[0]))

.... 经常性部分

sum3 = tf.histogram_summary('cross entropy', cross_entropy)


lr = tf.Variable(tf.constant(1e-3))
lr_change = tf.assign(lr, tf.mul(.1, lr))

train_step = tf.train.AdamOptimizer(lr).minimize(cross_entropy)

merged=tf.merge_all_summaries()
writer = tf.train.SummaryWriter("./logs", sess.graph_def, flush_secs = 5)

sess.run(tf.initialize_all_variables())

....然后是培训代码:

for i in range(train_iter):
    batch_i = np.random.randint(0, len(X_t), [batch_size])
    X_batch = X_t[batch_i]
    y_batch = y_t[batch_i]

    summary_str, _, loss = sess.run([merged, train_step, cross_entropy], feed_dict = {x: X_batch, y_: y_batch}) 

    writer.add_summary(summary_str, i)
    writer.flush()
    saver.save(sess, 'RNN_model.ckpt', global_step = i)

然后当我加载张量板并查看事件选项卡时,我看到以下错误:

未找到标量摘要标记。

也许数据还没有加载,或者你可能需要在你的图中添加一些 >tf.scalar_summary 操作,并使用 >tf.training.summary_io.SummaryWriter 将它们序列化。

我添加了 writer.flush() 语句,因为在 github 上的两个堆栈交换中搜索后,这是一个常见的建议。问题未修复。

在我的日志文件中,只写入了 graph_def,在训练期间没有写入其他文件。

我在 mac 0SX el-capitan 上使用 tensorflow '0.7.1'。

谢谢!

4

1 回答 1

0

我知道这是一篇旧文章,但我在运行 TensorFlow 1.1.0 的虚拟环境中遇到了同样的事情。运行版本 1.2.1 我似乎没有这个问题。您可以在命令行中执行以下命令来确定您正在运行的 TensorFlow 版本:

python -c "import tensorflow as tf; print(tf.__version__)"

希望它可以帮助那里的人!

干杯,

-马舒

于 2017-08-17T18:31:52.163 回答