Warning: file_get_contents(/data/phpspider/zhask/data//catemap/2/tensorflow/5.json): failed to open stream: No such file or directory in /data/phpspider/zhask/libs/function.php on line 167

Warning: Invalid argument supplied for foreach() in /data/phpspider/zhask/libs/tag.function.php on line 1116

Notice: Undefined index: in /data/phpspider/zhask/libs/function.php on line 180

Warning: array_chunk() expects parameter 1 to be array, null given in /data/phpspider/zhask/libs/function.php on line 181
Python 如何使用Mnist预测特定图像_Python_Tensorflow_Tensorflow Gpu - Fatal编程技术网

Python 如何使用Mnist预测特定图像

Python 如何使用Mnist预测特定图像,python,tensorflow,tensorflow-gpu,Python,Tensorflow,Tensorflow Gpu,我是tensorflow的新手,我想我得到了正确的答案,但我遗漏了一些我在网上找不到的最基本的东西。我希望有人给我一个推荐信,或者让我找到我所缺少的东西 import tensorflow as tf import numpy as np from tensorflow.examples.tutorials.mnist import input_data batch_size = 128 test_size = 256 def init_weights(shape): return t

我是tensorflow的新手,我想我得到了正确的答案,但我遗漏了一些我在网上找不到的最基本的东西。我希望有人给我一个推荐信,或者让我找到我所缺少的东西

import tensorflow as tf
import numpy as np
from tensorflow.examples.tutorials.mnist import input_data
batch_size = 128
test_size = 256

def init_weights(shape):
    return tf.Variable(tf.random_normal(shape, stddev=0.01))

def model(X, w, w2, w3, w4, w_o, p_keep_conv, p_keep_hidden):
    l1a = tf.nn.relu(tf.nn.conv2d(X, w,                       # l1a shape=(?, 28, 28, 32)
                        strides=[1, 1, 1, 1], padding='SAME'))
    l1 = tf.nn.max_pool(l1a, ksize=[1, 2, 2, 1],              # l1 shape=(?, 14, 14, 32)
                        strides=[1, 2, 2, 1], padding='SAME')
    l1 = tf.nn.dropout(l1, p_keep_conv)

    l2a = tf.nn.relu(tf.nn.conv2d(l1, w2,                     # l2a shape=(?, 14, 14, 64)
                        strides=[1, 1, 1, 1], padding='SAME'))
    l2 = tf.nn.max_pool(l2a, ksize=[1, 2, 2, 1],              # l2 shape=(?, 7, 7, 64)
                        strides=[1, 2, 2, 1], padding='SAME')
    l2 = tf.nn.dropout(l2, p_keep_conv)

    l3a = tf.nn.relu(tf.nn.conv2d(l2, w3,                     # l3a shape=(?, 7, 7, 128)
                        strides=[1, 1, 1, 1], padding='SAME'))
    l3 = tf.nn.max_pool(l3a, ksize=[1, 2, 2, 1],              # l3 shape=(?, 4, 4, 128)
                        strides=[1, 2, 2, 1], padding='SAME')
    l3 = tf.reshape(l3, [-1, w4.get_shape().as_list()[0]])    # reshape to (?, 2048)
    l3 = tf.nn.dropout(l3, p_keep_conv)

    l4 = tf.nn.relu(tf.matmul(l3, w4))
    l4 = tf.nn.dropout(l4, p_keep_hidden)

    pyx = tf.matmul(l4, w_o)
    return pyx

mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labels
trX = trX.reshape(-1, 28, 28, 1)  # 28x28x1 input img
teX = teX.reshape(-1, 28, 28, 1)  # 28x28x1 input img
X = tf.placeholder("float", [None, 28, 28, 1])
Y = tf.placeholder("float", [None, 10])

w = init_weights([3, 3, 1, 32])       # 3x3x1 conv, 32 outputs
w2 = init_weights([3, 3, 32, 64])     # 3x3x32 conv, 64 outputs
w3 = init_weights([3, 3, 64, 128])    # 3x3x32 conv, 128 outputs
w4 = init_weights([128 * 4 * 4, 625]) # FC 128 * 4 * 4 inputs, 625 outputs
w_o = init_weights([625, 10])         # FC 625 inputs, 10 outputs (labels)

p_keep_conv = tf.placeholder("float")
p_keep_hidden = tf.placeholder("float")
py_x = model(X, w, w2, w3, w4, w_o, p_keep_conv, p_keep_hidden)

cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y))
train_op = tf.train.RMSPropOptimizer(0.001, 0.9).minimize(cost)
predict_op = tf.argmax(py_x, 1)
# Launch the graph in a session
saver = tf.train.Saver()

with tf.Session() as sess:
    # you need to initialize all variables
    tf.global_variables_initializer().run()

    for i in range(100):
        training_batch = zip(range(0, len(trX), batch_size),
                             range(batch_size, len(trX)+1, batch_size))
        for start, end in training_batch:
            sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end],
                                          p_keep_conv: 0.8, p_keep_hidden: 0.5})

        test_indices = np.arange(len(teX)) # Get A Test Batch
        np.random.shuffle(test_indices)
        test_indices = test_indices[0:test_size]

        print(i, np.mean(np.argmax(teY[test_indices], axis=1) ==
                         sess.run(predict_op, feed_dict={X: teX[test_indices],
                                                         Y: teY[test_indices],
                                                         p_keep_conv: 1.0,
                                                         p_keep_hidden: 1.0})))
    save_path = saver.save(sess, "tmp/model.ckpt")
    print("Model saved in file: %s" % save_path)
在完成所有这些之后,现在我尝试从这个数组中预测一个图像,作为一个示例(我知道这不是一个合适的测试),使用以下方法为我提供一个类:

with tf.Session() as sess:
    # Restore variables from disk.
    saver.restore(sess, "tmp/model.ckpt")
    print "...Model Loaded..."   
    prediction=tf.argmax(predict_op,1)
    print prediction.eval(feed_dict={X: teX[2].reshape(1,28,28,1)}, session=sess)
但我有一个错误:

InvalidArgumentError:必须为占位符张量输入一个值 带有数据类型的“占位符_3”

通过在dict中添加p_keep_conv:1.0、p_keep_hidden:1.0,可以解决前面的问题

此后又出现了另一个问题:

InvalidArgumentError                      Traceback (most recent call last)
<ipython-input-91-3e9ead14a8b3> in <module>()
      4     print "...Model Loaded..."
      5     prediction=tf.argmax(predict_op,1)
----> 6     classification = sess.run(tf.argmax(predict_op, 1), feed_dict={X: teX[3].reshape(1,28,28,1),p_keep_conv: 1.0,p_keep_hidden: 1.0})
      7 

....

InvalidArgumentError: Expected dimension in the range [-1, 1), but got 1
     [[Node: ArgMax_21 = ArgMax[T=DT_INT64, Tidx=DT_INT32, output_type=DT_INT64, _device="/job:localhost/replica:0/task:0/device:CPU:0"](ArgMax/_37, ArgMax_21/dimension)]]
InvalidArgumentError回溯(最近一次调用上次)
在()
4打印“…模型已加载…”
5预测=tf.argmax(预测,1)
---->6 classification=sess.run(tf.argmax(predict_op,1),feed_dict={X:teX[3]。重塑(1,28,28,1),p_keep_conv:1.0,p_keep_hidden:1.0)
7.
....
InvalidArgumentError:预期维度在范围[-1,1]内,但得到1
[[Node:ArgMax_21=ArgMax[T=DT_INT64,Tidx=DT_INT32,output_type=DT_INT64,_device=“/job:localhost/replica:0/task:0/device:CPU:0”](ArgMax/_37,ArgMax_21/dimension)]]

我在总结我们在回答中的评论

占位符错误: 您的
prediction.eval()
调用有一个
feed\u dict
不包含
p\u keep\u conv
p\u keep\u hidden
的值。请注意,由于在定义公告牌持有者时没有提供
name=…
参数,因此它们会得到默认名称
占位符,这是错误消息显示的内容。这是一个很好的实践方法为变量、常量和占位符提供一个有意义的名称,以使调试更容易

Argmax预期维度: 国家:

轴:张量。必须是以下类型之一:int32、int64。
int32,0我正在总结我们在回答中的评论

占位符错误: 您的
prediction.eval()
调用有一个
feed\u dict
不包含
p\u keep\u conv
p\u keep\u hidden
的值。请注意,由于在定义公告牌持有者时没有提供
name=…
参数,因此它们会得到默认名称
占位符,这是错误消息显示的内容。这是一个很好的实践方法为变量、常量和占位符提供一个有意义的名称,以使调试更容易

Argmax预期维度: 国家:

轴:张量。必须是以下类型之一:int32、int64。
int32,0您得到错误,因为在
prediction.eval()中
调用您没有传递
p\u keep\u conv
p\u keep\u hidden
的值。将它们添加到
提要dict
中,您的错误就会消失。另外,无论何时定义
占位符
,您都应该通过
name='my\u input'
为其命名,否则它将使用默认的
位置lder_N
name(如本例中所示)。使用命名占位符调试错误消息要容易得多。这是有道理的!在修复上一个InvalidArgumentError后,我遇到了另一个错误(回溯请参见上文):预期维度在[-1,1]范围内,但得到1请将其添加到问题中(有了回溯和错误发生的地点)你能试着用
tf.argmax(predict_op,-1)
来代替你现在所拥有的,看看它是否有效吗?我把所有的东西都放在一个答案中,加上链接和解释;)你得到了错误,因为在你的
prediction.eval()中
调用您没有传递
p\u keep\u conv
p\u keep\u hidden
的值。将它们添加到
提要dict
中,您的错误就会消失。另外,无论何时定义
占位符
,您都应该通过
name='my\u input'
为其命名,否则它将使用默认的
位置lder_N
name(如本例中所示)。使用命名占位符调试错误消息要容易得多。这是有道理的!在修复上一个InvalidArgumentError后,我遇到了另一个错误(回溯请参见上文):预期维度在[-1,1]范围内,但得到1请将其添加到问题中(有了回溯和错误发生的地点)你能试着用
tf.argmax(predict_op,-1)
来代替你现在拥有的,看看是否有效吗?我把所有的东西都放在一个答案中,加上链接和解释;)