- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
我正在学习本教程:
https://www.tensorflow.org/versions/r0.9/tutorials/mnist/beginners/index.html#mnist-for-ml-beginners
我想要做的是传入测试图像 x - 作为一个 numpy 数组,并查看生成的 softmax 分类值 - 也许作为另一个 numpy 数组。我在网上可以找到的关于测试 tensorflow 模型的所有内容都是通过传递测试值和测试标签以及输出精度来工作的。就我而言,我想仅根据测试值输出模型标签。
这就是我正在尝试的: 将 tensorflow 导入为 tf 将 numpy 导入为 np 从 skimage 导入颜色,io
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
x = tf.placeholder(tf.float32, [None, 784])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
y_ = tf.placeholder(tf.float32, [None, 10])
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y), reduction_indices=[1]))
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
init = tf.initialize_all_variables()
sess = tf.Session()
sess.run(init)
for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)
sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
#so now its trained successfully, and W and b should be the stored "model"
#now to load in a test image
greyscale_test = color.rgb2gray(io.imread('4.jpeg'))
greyscale_expanded = np.expand_dims(greyscale_test,axis=0) #now shape (1,28,28)
x = np.reshape(greyscale_expanded,(1,784)) #now same dimensions as mnist.train.images
#initialize the variable
init_op = tf.initialize_all_variables()
#run the graph
with tf.Session() as sess:
sess.run(init_op) #execute init_op
print (sess.run(feed_dict={x:x})) #this is pretty much just a shot in the dark. What would go here?
现在它的结果是:
TypeError Traceback (most recent call last)
<ipython-input-116-f232a17507fb> in <module>()
36 sess.run(init_op) #execute init_op
---> 37 print (sess.run(feed_dict={x:x})) #this is pretty much just a shot in the dark. What would go here?
TypeError: unhashable type: 'numpy.ndarray'
所以在训练时,sess.run 被传递了一个 train_step 和一个 feed_dict。当我尝试评估张量 x 时,它会出现在 feed dict 中吗?我什至会使用 sess.run 吗?(似乎我必须这样做),但是 train_step 是什么?是否有“test_step”或“evaluate_step”?
最佳答案
您收到 TypeError
是因为您使用(可变的)numpy.ndarray
作为字典的键,但键应该是 tf .placeholder
和 numpy
数组的值。
以下调整解决了这个问题:
x_placeholder = tf.placeholder(tf.float32, [None, 784])
# ...
x = np.reshape(greyscale_expanded,(1,784))
# ...
print(sess.run([inference_step], feed_dict={x_placeholder:x}))
如果您只想对模型执行推理,这将打印一个包含预测的 numpy
数组。
如果您想评估您的模型(例如计算准确性),您还需要输入相应的基本事实标签 y
,如下所示:
accuracy = sess.run([accuracy_op], feed_dict={x_placeholder:x, y_placeholder:y}
在您的情况下,accuracy_op
可以定义如下:
correct_predictions = tf.equal(tf.argmax(predictions, 1), tf.cast(labels, tf.int64))
accuracy_op = tf.reduce_mean(tf.cast(correct_predictions, tf.float32))
这里,predictions
是模型的输出张量。
关于python - 如何在 tensorflow 中测试模型?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/38109489/
我是一名优秀的程序员,十分优秀!