如何测试tensorflow cifar10 cnn教程模型

时间:2015-11-18 15:36:18

标签: python testing machine-learning tensorflow

我对机器学习相对较新,目前几乎没有开发它的经验。

所以我的问题是:在训练和评估张量流tutorial的cifar10数据集后,我想知道如何用样本图像测试它?

我可以训练和评估Imagenet tutorial from the caffe machine-learning framework,使用python API在自定义应用程序上使用经过训练的模型相对容易。

非常感谢任何帮助!

3 个答案:

答案 0 :(得分:11)

这不是问题的答案的100%,但它是一种类似的解决方法,基于对问题的评论中建议的MNIST NN训练示例。

基于TensorFlow初学者MNIST教程,感谢this tutorial,这是一种培训和使用神经网络和自定义数据的方法。

请注意,与评论中提到的@Yaroslav Bulatov一样,CIFAR10等教程也应该类似。

import input_data
import datetime
import numpy as np
import tensorflow as tf
import cv2
from matplotlib import pyplot as plt
import matplotlib.image as mpimg
from random import randint


mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)

x = tf.placeholder("float", [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("float", [None,10])

cross_entropy = -tf.reduce_sum(y_*tf.log(y))

train_step = tf.train.GradientDescentOptimizer(0.01).minimize(cross_entropy)

init = tf.initialize_all_variables()

sess = tf.Session()
sess.run(init)

#Train our model
iter = 1000
for i in range(iter):
  batch_xs, batch_ys = mnist.train.next_batch(100)
  sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})

#Evaluationg our model:
correct_prediction=tf.equal(tf.argmax(y,1), tf.argmax(y_,1))

accuracy=tf.reduce_mean(tf.cast(correct_prediction,"float"))
print "Accuracy: ", sess.run(accuracy, feed_dict={x: mnist.test.images, y_: mnist.test.labels})

#1: Using our model to classify a random MNIST image from the original test set:
num = randint(0, mnist.test.images.shape[0])
img = mnist.test.images[num]

classification = sess.run(tf.argmax(y, 1), feed_dict={x: [img]})
'''
#Uncomment this part if you want to plot the classified image.
plt.imshow(img.reshape(28, 28), cmap=plt.cm.binary)
plt.show()
'''
print 'Neural Network predicted', classification[0]
print 'Real label is:', np.argmax(mnist.test.labels[num])


#2: Using our model to classify MNIST digit from a custom image:

# create an an array where we can store 1 picture
images = np.zeros((1,784))
# and the correct values
correct_vals = np.zeros((1,10))

# read the image
gray = cv2.imread("my_digit.png", 0 ) #0=cv2.CV_LOAD_IMAGE_GRAYSCALE #must be .png!

# rescale it
gray = cv2.resize(255-gray, (28, 28))

# save the processed images
cv2.imwrite("my_grayscale_digit.png", gray)
"""
all images in the training set have an range from 0-1
and not from 0-255 so we divide our flatten images
(a one dimensional vector with our 784 pixels)
to use the same 0-1 based range
"""
flatten = gray.flatten() / 255.0
"""
we need to store the flatten image and generate
the correct_vals array
correct_val for a digit (9) would be
[0,0,0,0,0,0,0,0,0,1]
"""
images[0] = flatten


my_classification = sess.run(tf.argmax(y, 1), feed_dict={x: [images[0]]})

"""
we want to run the prediction and the accuracy function
using our generated arrays (images and correct_vals)
"""
print 'Neural Network predicted', my_classification[0], "for your digit"

对于进一步的图像调节(数字在白色背景中应该是完全黑暗)和更好的NN训练(准确度> 91%),请查看TensorFlow的高级MNIST教程或我提到的第二个教程。

答案 1 :(得分:3)

我建议您查看TensorFlow网站上的basic MNIST tutorial。看起来您定义了一些生成所需输出类型的函数,然后运行您的会话,将此评估函数(下面为correct_prediction)传递给它,以及包含您需要的任何参数的字典({{1}和下面的x

如果您已定义并培训了一些输入y_的网络,请根据您的输入生成回复x,并且您知道测试集y的预期响应,您可以使用以下内容打印出对测试集的每个响应:

y_

这只是对教程中所做内容的修改,而不是尝试打印每个响应,而是确定正确响应的百分比。另请注意,本教程使用 one-hot vectors 作为预测correct_prediction = tf.equal(y, y_) % Check whether your prediction is correct print(sess.run(correct_prediction, feed_dict={x: test_images, y_: test_labels})) 和实际值y,因此为了返回相关的数字,他们必须找到哪个索引这些向量等于y_

修改

通常,如果您在图表中定义了某些内容,则可以在以后运行图表时输出。假设您在输出logits上定义了一些确定softmax函数结果的内容:

tf.argmax(y, 1)

然后你可以在运行时输出:

graph = tf.Graph()
with graph.as_default():
  ...
  prediction = tf.nn.softmax(logits)
  ...

答案 2 :(得分:3)

以下示例不适用于mnist教程,而是一个简单的XOR示例。请注意train()test()方法。我们宣布的所有内容和全局保持权重,偏见和会话。在测试方法中,我们重新定义输入的形状并重复使用相同的权重和重量。我们在培训中提炼的偏见(和会话)。

import tensorflow as tf

#parameters for the net
w1 = tf.Variable(tf.random_uniform(shape=[2,2], minval=-1, maxval=1, name='weights1'))
w2 = tf.Variable(tf.random_uniform(shape=[2,1], minval=-1, maxval=1, name='weights2'))

#biases
b1 = tf.Variable(tf.zeros([2]), name='bias1')
b2 = tf.Variable(tf.zeros([1]), name='bias2')

#tensorflow session
sess = tf.Session()


def train():

    #placeholders for the traning inputs (4 inputs with 2 features each) and outputs (4 outputs which have a value of 0 or 1)
    x = tf.placeholder(tf.float32, [4, 2], name='x-inputs')
    y = tf.placeholder(tf.float32, [4, 1], name='y-inputs')

    #set up the model calculations
    temp = tf.sigmoid(tf.matmul(x, w1) + b1)
    output = tf.sigmoid(tf.matmul(temp, w2) + b2)

    #cost function is avg error over training samples
    cost = tf.reduce_mean(((y * tf.log(output)) + ((1 - y) * tf.log(1.0 - output))) * -1)

    #training step is gradient descent
    train_step = tf.train.GradientDescentOptimizer(learning_rate=0.01).minimize(cost)

    #declare training data
    training_x = [[0,1], [0,0], [1,0], [1,1]]
    training_y = [[1], [0], [1], [0]]

    #init session
    init = tf.initialize_all_variables()
    sess.run(init)

    #training
    for i in range(100000):
        sess.run(train_step, feed_dict={x:training_x, y:training_y})

        if i % 1000 == 0:
            print (i, sess.run(cost, feed_dict={x:training_x, y:training_y}))

    print '\ntraining done\n'


def test(inputs):
    #redefine the shape of the input to a single unit with 2 features
    xtest = tf.placeholder(tf.float32, [1, 2], name='x-inputs')

    #redefine the model in terms of that new input shape
    temp = tf.sigmoid(tf.matmul(xtest, w1) + b1)
    output = tf.sigmoid(tf.matmul(temp, w2) + b2)

    print (inputs, sess.run(output, feed_dict={xtest:[inputs]})[0, 0] >= 0.5)


train()

test([0,1])
test([0,0])
test([1,1])
test([1,0])