深度学习(4)二. 教程: Deep MNIST for Experts: This introduction assumes familiarity with neural networks and the MNIST dataset. If you don’t have a background with them, check out the introduction for beginners. Be sure to install TensorFlow before starting. About this tutorial: You can copy and paste each code snippet from this tutorial into a Python environment, or you can choose to just read through the code. What we will accomplish in this tutorial: a) Create a softmax regression function that is a model for recognizing MNIST digits, based on looking at every pixel in the image b) Use Tensorflow to train the model to recognize digits by having it “look” at thousands of examples (and run our first Tensorflow session to do so) c) Check the model’s accuracy with our test data d) Build, train, and test a multilayer convolutional neural network to improve the results Setup: Load MNIST Data: from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets('/MNIST_data',one_hot=Ture) Here mnist is a lightweight class which stores the training, validation, and testing sets as NumPy arrays. It also provides a function for iterating through data minibatches, which we will use below. Start TensorFlow InteractiveSession: Here we instead use the convenient InteractiveSession class, which makes TensorFlow more flexible about how you structure your code. It allows you to interleave operations which build a computation graph with ones that run the graph. This is particularly convenient when working in interactive contexts like IPython. If you are not using an InteractiveSession, then you should build the entire computation graph before starting a session and launching the graph. import tensorflow as tfsess = tf.InteractiveSession Computation Graph: TensorFlow also does its heavy lifting outside Python, but it takes things a step further to avoid this overhead. Instead of running a single expensive operation independently from Python, TensorFlow lets us describe a graph of interacting operations that run entirely outside Python. This approach is similar to that used in Theano or Torch. The role of the Python code is therefore to build this external computation graph, and to dictate which parts of the computation graph should be run. See the Computation Graph section of Basic Usage for more detail. Build a Softmax Regression Model: Placeholders: x = tf.placeholder(tf.float32,shape=[None,784]) y_ = tf.placeholder(tf.float32,shape=[None,10]) Here x and y_ aren’t specific values. Rather, they are each a placeholder – a value that we’ll input when we ask TensorFlow to run a computation. The input images x will consist of a 2d tensor of floating point numbers. Here we assign it a shape of [None, 784], where 784 is the dimensionality of a single flattened 28 by 28 pixel MNIST image, and None indicates that the first dimension, corresponding to the batch size, can be of any size. The target output classes y_ will also consist of a 2d tensor, where each row is a one-hot 10-dimensional vector indicating which digit class (zero through nine) the corresponding MNIST image belongs to. The shape argument to placeholder is optional, but it allows TensorFlow to automatically catch bugs stemming from inconsistent tensor shapes. Variables: w = tf.Variable(tf.zeros([78410])) b = tf.Variable(tf.zeros([10])) We pass the initial value for each parameter in the call to tf.Variable. In this case, we initialize both W and b as tensors full of zeros. W is a 784x10 matrix (because we have 784 input features and 10 outputs) and b is a 10-dimensional vector (because we have 10 classes). Before Variables can be used within a session, they must be initialized using that session. This step takes the initial values (in this case tensors full of zeros) that have already been specified, and assigns them to each Variable. This can be done for all Variables at once: sess.run(tf.global_variables_initializer) Predicted Class and Loss Function: y = tf.nn.softmax(tf.matmul(x,W)+b) We can specify a loss function just as easily. Loss indicates how bad the model’s prediction was on a single example; we try to minimize that while training across all the examples. Here, our loss function is the cross-entropy between the target and the softmax activation function applied to the model’s prediction. As in the beginners tutorial, we use the stable formulation: cross_entropy = tf.reduce_sum(y_*tf.log(y)) Note that tf.nn.softmax_cross_entropy_with_logits internally applies the softmax on the model’s unnormalized model prediction and sums across all classes, and tf.reduce_mean takes the average over these sums. train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy) What TensorFlow actually did in that single line was to add new operations to the computation graph. These operations included ones to compute gradients, compute parameter update steps, and apply update steps to the parameters. The returned operation train_step, when run, will apply the gradient descent updates to the parameters. Training the model can therefore be accomplished by repeatedly running train_step. for i in range(1000): batch = mnist.train.next_batch(100) train_step.run(feed_dict={x:batch[0],y_:batch[1]}) We load 100 training examples in each training iteration. We then run the train_step operation, using feed_dict to replace the placeholder tensors x and y_ with the training examples. Note that you can replace any tensor in your computation graph using feed_dict – it’s not restricted to just placeholders. Evaluate the Model: First we’ll figure out where we predicted the correct label. tf.argmax is an extremely useful function which gives you the index of the highest entry in a tensor along some axis. For example, tf.argmax(y,1) is the label our model thinks is most likely for each input, while tf.argmax(y_,1) is the true label. We can use tf.equal to check if our prediction matches the truth. correct_prediction = tf.equal(tf.argmax(y1),tf.argmax(y_,1)) That gives us a list of booleans. To determine what fraction are correct, we cast to floating point numbers and then take the mean. For example, [True, False, True, True] would become [1,0,1,1] which would become 0.75. accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32)) Finally, we can evaluate our accuracy on the test data. This should be about 92% correct. print(accuracy.eval(feed_dict={x:mnist.test.images,y_:mnist.test.labels})) Build a Multilayer Convolutional Network: Weight Initialization To create this model, we’re going to need to create a lot of weights and biases. One should generally initialize weights with a small amount of noise for symmetry breaking, and to prevent 0 gradients. Since we’re using ReLU neurons, it is also good practice to initialize them with a slightly positive initial bias to avoid “dead neurons”. Instead of doing this repeatedly while we build the model, let’s create two handy functions to do it for us. defweight_variable(shape): initial = tf.truncated_normal(shape,stddev=0.1) return tf.Variable(initial) defbias_variable(shape): initial = tf.constant(0.1,shape=shape) return tf.Variable(initial) Convolution and Pooling TensorFlow also gives us a lot of flexibility in convolution and pooling operations. How do we handle the boundaries? What is our stride size? In this example, we’re always going to choose the vanilla version. Our convolutions uses a stride of one and are zero padded so that the output is the same size as the input. Our pooling is plain old max pooling over 2x2 blocks. To keep our code cleaner, let’s also abstract those operations into functions. defconv2d(x,W):return tf.nn.conv2d(x,W,strides=[1111],padding='SAME') defmax_pool_2x2(x):return tf.nn.max_pool(x,ksize=[1221],strides=[1221],padding='SAME') First Convolutional Layer We can now implement our first layer. It will consist of convolution, followed by max pooling. The convolution will compute 32 features for each 5x5 patch. Its weight tensor will have a shape of [5, 5, 1, 32]. The first two dimensions are the patch size, the next is the number of input channels, and the last is the number of output channels. We will also have a bias vector with a component for each output channel. W_conv1 = weight_variable([55132])b_conv1 = bias_variable([32]) To apply the layer, we first reshape x to a 4d tensor, with the second and third dimensions corresponding to image width and height, and the final dimension corresponding to the number of color channels. x_image = tf.reshape(x,[-128281]) # tensor 't' is [[[1, 1, 1], # [2, 2, 2]], # [[3, 3, 3], # [4, 4, 4]], # [[5, 5, 5], # [6, 6, 6]]] # tensor 't' has shape [3, 2, 3], # 即从外层到内层的括号数,以下表示了第一个值为3的原因 # [【[1, 1, 1], # [2, 2, 2]】, # 【[3, 3, 3], # [4, 4, 4]】, # 【[5, 5, 5], # [6, 6, 6]】] # tensor 't' is [1, 2, 3, 4, 5, 6, 7, 8, 9] # tensor 't' has shape [9] # reshape(t, [3, 3]) ==> [[1, 2, 3], # [4, 5, 6], # [7, 8, 9]] # tensor 't' is [[[1, 1], [2, 2]], # [[3, 3], [4, 4]]] # tf.reshape(tensor, shape, name=None) #函数的作用是将tensor变换为参数shape的形式。 #其中shape为一个列表形式,特殊的一点是列表中可以存在-1。-1 #代表的含义是不用我们自己指定这一维的大小,函数会自动计算,但列表中只能存在一个-1,不然就会存在多解方程了。 We then convolve x_image with the weight tensor, add the bias, apply the ReLU function, and finally max pool. The max_pool_2x2 method will reduce the image size to 14x14. h_conv1 = tf.nn.relu(conv2d(x_image,W_conv1)+b_conv1)h_pool1 = max_pool_2x2(h_conv1) Second Convolutional Layer: W_conv2 = weight_variable([553264])b_conv2 = bias_variable([64])h_conv2 = tf.nn.relu(conv2d(h_pool1,W_conv2)+b_conv2)h_pool2 = max_pool_2x2(h_conv2) Densely Connected Layer(密集连接层) Now that the image size has been reduced to 7x7, we add a fully-connected layer with 1024 neurons to allow processing on the entire image. We reshape the tensor from the pooling layer into a batch of vectors, multiply by a weight matrix, add a bias, and apply a ReLU. W_fc1 = weight_variable([7*7*641024])b_fc1 = bias_variable([1024])h_pool2_flat = tf.reshape(h_pool2,[-17*7*64])h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat,W_fc1)+b_fc1) Dropout To reduce overfitting, we will apply dropout before the readout layer. We create a placeholder for the probability that a neuron’s output is kept during dropout. This allows us to turn dropout on during training, and turn it off during testing. TensorFlow’s tf.nn.dropout op automatically handles scaling neuron outputs in addition to masking them, so dropout just works without any additional scaling.1 Readout Layer Finally, we add a layer, just like for the one layer softmax regression above. |
|