- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我尝试使用 tensorboard 来可视化使用 DNN 的图像分类器。我很确定目录路径是正确的,但是没有显示数据。
当我尝试tensorboard --inspect --logdir='PATH/'
返回:在 logdir 'PATH/' 中找不到事件文件
我在想我的编码一定有问题。
图形
batch_size = 500
graph = tf.Graph()
with graph.as_default():
# Input data. For the training data, we use a placeholder that will be fed
# at run time with a training minibatch.
with tf.name_scope('train_input'):
tf_train_dataset = tf.placeholder(tf.float32,
shape=(batch_size, image_size * image_size),
name = 'train_x_input')
tf_train_labels = tf.placeholder(tf.float32, shape=(batch_size, num_labels),
name = 'train_y_input')
with tf.name_scope('validation_input'):
tf_valid_dataset = tf.constant(valid_dataset, name = 'valid_x_input')
tf_test_dataset = tf.constant(test_dataset, name = 'valid_y_input')
# Variables.
with tf.name_scope('layer'):
with tf.name_scope('weights'):
weights = tf.Variable(
tf.truncated_normal([image_size * image_size, num_labels]),
name = 'W')
variable_summaries(weights)
with tf.name_scope('biases'):
biases = tf.Variable(tf.zeros([num_labels]), name = 'B')
variable_summaries(biases)
# Training computation.
with tf.name_scope('Wx_plus_b'):
logits = tf.matmul(tf_train_dataset, weights) + biases
tf.summary.histogram('logits', logits)
with tf.name_scope('loss'):
loss = tf.reduce_mean(
tf.nn.softmax_cross_entropy_with_logits(labels=tf_train_labels, logits=logits),
name = 'loss')
tf.summary.histogram('loss', loss)
tf.summary.scalar('loss_scalar', loss)
# Optimizer.
with tf.name_scope('optimizer'):
optimizer = tf.train.GradientDescentOptimizer(0.5).minimize(loss)
# Predictions for the training, validation, and test data.
train_prediction = tf.nn.softmax(logits)
valid_prediction = tf.nn.softmax(tf.matmul(tf_valid_dataset, weights) + biases)
test_prediction = tf.nn.softmax(tf.matmul(tf_test_dataset, weights) + biases)
num_steps = 1001
t1 = time.time()
with tf.Session(graph=graph) as session:
merged = tf.summary.merge_all()
writer = tf.summary.FileWriter('C:/Users/Dr_Chenxy/Documents/pylogs', session.graph)
tf.global_variables_initializer().run()
print("Initialized")
for step in range(num_steps):
# Pick an offset within the training data, which has been randomized.
# Note: we could use better randomization across epochs.
offset = (step * batch_size) % (train_labels.shape[0] - batch_size) # 1*128 % (200000 - 128)
# Generate a minibatch.
batch_data = train_dataset[offset:(offset + batch_size), :] # choose training set for this iteration
batch_labels = train_labels[offset:(offset + batch_size), :] # choose labels for this iteration
# Prepare a dictionary telling the session where to feed the minibatch.
# The key of the dictionary is the placeholder node of the graph to be fed,
# and the value is the numpy array to feed to it.
feed_dict = {tf_train_dataset : batch_data, tf_train_labels : batch_labels}
_, l, predictions = session.run([optimizer, loss, train_prediction], feed_dict=feed_dict)
if (step % 100 == 0):
print("Minibatch loss at step %d: %f" % (step, l))
print("Minibatch accuracy: %.1f%%" % accuracy(predictions, batch_labels))
print("Validation accuracy: %.1f%%" % accuracy(
valid_prediction.eval(), valid_labels))
print("Test accuracy: %.1f%%" % accuracy(test_prediction.eval(), test_labels))
t2 = time.time()
print('Running time', t2-t1, 'seconds')
最佳答案
解决了。对于像我这样不擅长命令行的人来说,问题是在命令行中,不要使用引号 ('') 来标记您的目录。
假设您的数据位于 'X:\X\file.x'
首先在命令行中进入 X:\。
然后输入:tensorboard --logdir=X/
不是tensorboard --logdir='.X/'
关于tensorflow - 张量板找不到事件文件,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/42772509/
例如,我有一个父类Author: class Author { String name static hasMany = [ fiction: Book,
代码如下: dojo.query(subNav.navClass).forEach(function(node, index, arr){ if(dojo.style(node, 'd
我有一个带有 Id 和姓名的学生表和一个带有 Id 和 friend Id 的 Friends 表。我想加入这两个表并找到学生的 friend 。 例如,Ashley 的 friend 是 Saman
我通过互联网浏览,但仍未找到问题的答案。应该很容易: class Parent { String name Child child } 当我有一个 child 对象时,如何获得它的 paren
我正在尝试创建一个以 Firebase 作为我的后端的社交应用。现在我正面临如何(在哪里?)找到 friend 功能的问题。 我有每个用户的邮件地址。 我可以访问用户的电话也预订。 在传统的后端中,我
我主要想澄清以下几点: 1。有人告诉我,在 iOS 5 及以下版本中,如果您使用 Game Center 设置多人游戏,则“查找 Facebook 好友”(如与好友争夺战)的功能不是内置的,因此您需要
关于redis docker镜像ENTRYPOINT脚本 docker-entrypoint.sh : #!/bin/sh set -e # first arg is `-f` or `--some-
我是一名优秀的程序员,十分优秀!