- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在使用 tensorflow 运行卷积神经网络的第一次测试。我采用了编程指南中的队列运行程序的推荐方法(请参阅下面的 session 定义)。输出是来自 cnn 的最后结果(这里仅给出最后一步)。 label_batch_vector 是训练标签批处理。
output = tf.matmul(h_pool2_flat, W_fc1) + b_fc1
label_batch_vector = tf.one_hot(label_batch, 33)
correct_prediction = tf.equal(tf.argmax(output, 1), tf.argmax(label_batch_vector, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
init_op = tf.group(tf.global_variables_initializer(), tf.local_variables_initializer())
print_accuracy = tf.Print(accuracy, [accuracy])
# Create a session for running operations in the Graph.
sess = tf.Session()
# Initialize the variables (like the epoch counter).
sess.run(init_op)
# Start input enqueue threads.
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(sess=sess, coord=coord)
try:
while not coord.should_stop():
# Run training steps or whatever
sess.run(train_step)
sess.run(print_accuracy)
except tf.errors.OutOfRangeError:
print('Done training -- epoch limit reached')
finally:
# When done, ask the threads to stop.
coord.request_stop()
# Wait for threads to finish.
coord.join(threads)
sess.close()
我的问题是,准确度是针对每个批处理进行计算的,我希望针对每个时期进行计算。我需要执行以下操作:初始化 epoch_accuracy 张量,对于该纪元中计算的每个批处理精度,将其添加到 epoch_accuracy 中。在纪元结束时显示计算出的训练集准确性。但是,我在我实现的队列线程中没有找到任何此类示例(这实际上是 TensorFlow 推荐的方法)。有人可以帮忙吗?
最佳答案
要计算数据流(此处为批处理序列)的准确性,您可以使用tensorflow中的tf.metrics.accuracy
函数。请参阅其文档 here
你像这样定义操作
_, accuracy = tf.metrics.accuracy(y_true, y_pred)
然后您可以通过以下方式更新准确性:
sess.run(accuracy)
PS:tf.metrics
中的所有函数(auc、recall等)都支持流式传输
关于tensorflow - 计算整个训练集的准确率,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46646984/
我训练了 LSTM 分类模型,但得到了奇怪的结果(0 准确率)。这是我的带有预处理步骤的数据集: import pandas as pd from sklearn.model_selection im
使用 TFlearn 构建 DNN 后,我想计算网络的准确性。 这是代码: def create_model(self): x = tf.placeholder(dtype= tf.float
Duplicate calculating Precision, Recall and F Score 我有一个带有文本描述和分类级别(即levelA和levelB)的输入文件。我想编写一个 SVM
如何计算语义分割中前 k 个准确率?在分类中,我们可以将 topk 准确率计算为: correct = output.eq(gt.view(1, -1).expand_as(output)) 最佳答案
我正在尝试解决多标签分类问题 from sklearn.preprocessing import MultiLabelBinarizer traindf = pickl
我是一名优秀的程序员,十分优秀!