16-385 Assignment 6 -Digit recognition with convolutional neural networks Solved

35.00 $

Category:

Description

5/5 - (1 vote)

In this assignment you will implement a convolutional neural network (CNN). You will be building a numeric character recognition system trained on the MNIST dataset. This assignment has both theory and programming components. You are expected to answer the theory questions in your write up.

We begin with a brief description of the architecture and the functions1. A typical convolutional neural network has four different types of layers.

Fully Connected Layer/ Inner Product Layer (IP)

The fully connected or the inner product layer is the simplest layer which makes up neural networks. Each neuron of the layer is connected to all the neurons of the previous layer(See Fig 1). Mathematically it is modelled by a matrix multiplication and the addition of a bias term. For a given input x the output of the fully connected layer is given by the following equation,

f (x) = W x + b

W , b are the weights and biases of the layer. W is a two dimensional matrix of m × n size where n is the dimensionality of the previous layer and m is the number of neurons in this layer. b is a vector with size m × 1.

Convolutional Layer

This is the fundamental building block of CNNs.
Before we delve into what a convolution layer is, let’s do a quick recap of convolution.

Like we saw in homework 1 of this course, convolution is performed using a k × k fil- ter/kernel and a W × H image. The output of the convolution operation is a feature map. This feature map can bear different meanings according to the filters being used – for ex- ample, using a Gaussian filter will lead to a blurred version of the image. Using the Sobel filters in the x and y direction give us the corresponding edge maps as outputs.

Terminology : Each number in a filter will be referred to as a filter weight. For example, the 3×3 gaussian filter has the following 9 filter weights.

0.0113 0.0838 0.0113 W = 0.0838 0.6193 0.0838

0.0113 0.0838 0.0113
1This is meant to be a short introduction, you are encouraged to read resources online like http://

cs231n.stanford.edu/ to understand further

3

Figure 1: Fully connected layer

When we perform convolution, we decide the exact type of filter we want to use and accordingly decide the filter weights. CNNs try to learn these filter weights and biases from the data. We attempt to learn a set of filters for each convolutional layer.

In general there are two main motivations for using convolution layers instead of fully- connected (FC) layers (as used in neural networks).

  1. A reduction in parameters
    In FC layers, every neuron in a layer is connected to every neuron in the previous layer. This leads to a large number of parameters to be estimated – which leads to over-fitting. CNNs change that by sharing weights (the same filter is translated over the entire image).
  2. It exploits spatial structure
    Images have an inherent 2D spatial structure, which is lost when we unroll the image into a vector and feed it to a plain neural network. Convolution by its very nature is a 2D operation which operates on pixels which are spatially close.

Implementation details

The general convolution operation can be represented by the following equation: f (X, W, b) = X ∗ W + b

where W is a fiter of size k×k×Ci, X is an input volume of size Ni ×Ni ×Ci and b is 1×1 element. The meanings of the individual terms are shown below.

4

Figure 2: Input and output of a convolutional layer (Image source: Stanford CS231n

In the following example the subscript i refers to the input to the layer and the subscript o refers to the output of the layer.
Ni – width of the input image
Ni – height of the input image
Ci – number of channels in the input image
ki – width of the filter
si – stride of the convolution
pi – number of padding pixels for the input image
num – number of convolution filters to be learnt

In assignment 1, we performed convolution on a grayscale image – this had 1 channel. This is basically the depth of the image volume. For an image with Ci channels – we will learn num filters of size ki × ki × Ci. The output of convolving with each filter is a feature map with height and width No. where

No = Ni − ki + 2pi + 1 si

If we stack the num feature maps, we can treat the output of the convolution as another 3D volume/ image with Co = num channels.

In summary, the input to the convolutional layer is a volume with dimensions Ni × Ni × Ci and the output is a volume of size No × No × num. Figure 2 shows a graphical picture.

Pooling layer

A pooling layer is generally used after a convolutional layer to reduce the size of the feature maps. The pooling layer operates on each feature map separately and replaces a local region of the feature map with some aggregating statistic like max or average. In addition to reduc- ing the size of the feature maps, it also makes the network invariant to small translations. This means that the output of the layer doesn’t change when the object moves a little.

5

In this assignment we will use only a MAX pooling layer shown in figure 3. This operation is performed in the same fashion as a convolution, but instead of applying a filter, we find the max value in each kernel. Let k represent the kernel size, s represent the stride and p represent the padding. Then the output of a pooling function f applied to a padded feature map X is given by:

f(X,i,j) = max (X[x,y]) x∈[i−k/2,i+k/2],y∈[j−k/2,j+k/2]

Figure 3: Example MAX pooling layer

Activation layer – ReLU – Rectified Linear Unit

Activation layers introduce the non-linearity in the network and give the power to learn complex functions. The most commonly used non-linear function is the ReLU function defined as follows,

f (x) = max(x, 0)
The ReLU function operates on each output of the previous layer.

Loss layer

The loss layer has a fully connected layer with the same number of neurons as the number of classes. And then to convert the output to a probability score, a softmax function is used. This operation is given by,

p = softmax(W x + b)

where, W is of size C × n where n is the dimensionality of the previous layer and C is the number of classes in the problem.

6

This layer also computes a loss function which is to be minimized in the training pro- cess. The most common loss functions used in practice are cross entropy and negative log-likelihood. In this assignment, we will just minimize the negative log probability of the given label.

Architecture

In this assignment we will use a simple architecture based on a very popular network called the LeNet2. The exact architecture is as follows:

• Input – 1×28×28
• Convolution – k = 5, s = 1, p = 0, 20 filters • ReLU
• MAXPooling-k=2,s=2,p=0
• Convolution – k = 5, s = 1, p = 0, 50 filters • ReLU
• MAXPooling-k=2,s=2,p=0
• Fully Connected layer – 500 neurons
• ReLU
• Loss layer

Part 1: Theory

Q1.1 – 5 Pts We have a function which takes a two-dimensional input x = (x1,x2) and

has two parameters w = (w1, w2) given by f(x, w) = σ(σ(x1w1)w2 + x2) where σ(x) =

1 . We want to estimate the parameters that minimize a L-2 loss by performing 1+e−x

gradient descent. We initialize both the parameters to 0. Assume that we are given a training point x1 = 1,x2 = 0,y = 5, where y is the true value at (x1,x2). Based on this answer the following questions:

(a) What is the value of ∂f ? ∂w2

(b) If the learning rate is 0.5, what will be the value of w2 after one update using SGD?

2 http://ieeexplore.ieee.org/abstract/document/726791/

7

Q1.2 – 5 Pts All types of deep networks use non-linear activation functions for their hidden layers. Suppose we have a neural network (not a CNN) with input dimension N and output dimension C and T hidden layers. Prove that if we have a linear activation function g, then the number of hidden layers has no effect on the actual network.

Q1.3 – 5 Pts In training deep networks ReLU activation function is generally preferred to sigmoid, comment why?

Q1.4 – 5 Pts Why is it not a good idea to initialize a network with all zeros. How about all ones, or some other constant value?

Q1.5 – 5 Pts There are a lot of standard Convolutional Neural Network architectures used in the literature. In this question we will analyse the complexity of these networks measured in terms of the number of parameters. For each of the following networks calculate the total number of parameters.

1. AlexNet 3
2. VGG-164
3. GoogLeNet5

Compare these numbers, and comment about despite being deeper, why GoogLeNet has fewer parameters.

Programming

Most of the basic framework to implement a CNN has been provided. You will need to fill in a few functions. Before going ahead into the implementations, you will need to understand the data structures used in the code.

Data structures

We define four main data structures to help us implement the Convolutional Neural Network which are explained in the following section.
Each layer is defined by a data structure, where the field type determines the type of the layer. This field can take the values of DATA, CONV, POOLING, IP, RELU, LOSS which cor- respond to data, convolution, max-pooling layers, inner-product/ fully connected, ReLU and Loss layers respectively. The fields in each of the layer will depend on the type of layer.

The input is passed to each layer in a structure with the following fields.

3http://papers.nips.cc/paper/4824-imagenet-classification-with-deep-convolutional-neural-networks. pdf

4https://arxiv.org/pdf/1409.1556.pdf (pg-3 Architecture D) 5 https://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf

8

  • height – height of the feature maps
  • width – width of the feature maps
  • channel – number of channels / feature maps
  • batch size – batch size of the network. In this implementation, you will be implement- ing the mini-batch stochastic gradient descent to train the network. The idea behind this is very simple, instead of computing gradients and updating the parameters after each image, we doing after looking at a batch of images. This parameter batch size determines how many images it looks at once before updating the parameters.
  • data – stores the actual data being passed between the layers. This is always supposed to be of the size [ height × width × channel, batch size ]. You can resize this structure during computations, but make sure to revert it to a two-dimensional matrix.
  • diff – Stores the gradients with respect to the data, it has the same size as data. Each layer’s parameters are stored in a structure param

    • w – weight matrix of the layer • b-bias

    param grad is used to store the gradients coupled at each layer with the following prop- erties:

    • w – stores the gradient of the loss with respect to w.
    • b – stores the gradient of the loss with respect to the bias term.

9

Part 2: Forward Pass

Now we will start implementing the forward pass of the network. Each layer has a very similar prototype. Each layer’s forward function takes input, layer, param as argument. The input stores the input data and information about its shape and size. The layer stores the specifications of the layer (eg. for a conv layer, it will have k, s, p). The params is an optional argument passed to layers which have weights and this contains the weights and biases to be used to compute the output. In every forward pass function, you expected to use the arguments and compute the output. You are supposed to fill in the height, width, channel, batch size, data fields of the output before returning from the function. Also make sure that the data field has been reshaped to a 2D matrix.

Q 2.1 Inner Product Layer – 5 Pts The inner product layer of the fully connected layer should be implemented with the following definition

[output] = inner product forward(input, layer, param)

Q 2.2 Pooling Layer – 10 Pts Write a function which implements the pooling layer with the following definition.

[output] = pooling layer forward(input, layer)
input and ouput are the structures which have data and the layer structure has

the parameters specific to the layer. This layer has the following fields,

• pad – padding to be done to the input layer • stride – stride of the layer
• k – size of the kernel (Assume square kernel)

Q 2.3 Convolution Layer – 10 Pts Implement a convolution layer as defined in the fol- lowing definition.

[output] = conv layer forward(input, layer, param)
The layer for a convolutional layer has the same fields as that of a pooling layer

and param has the weights corresponding to the layer.
Q 2.4 ReLU – 5 Pts Implement the ReLU function with the following defintion.

[output] = relu forward(input, layer)

10

Part 3 Back propagation

After implementing the forward propagation, we will implement the back propagation using the chain rule. Let us assume layer i computes a function fi with parameters of wi then final loss can be written as the following.

l = fi(wi, fi−1(wi−1, . . . ))
To update the parameters we need to compute the gradient of the loss w.r.t. to each of the

parameters.

∂l = ∂l ∂hi ∂wi ∂hi ∂wi

∂l = ∂l ∂hi ∂hi−1 ∂hi ∂hi−1

where, hi = fi(wi, hi−1).
Each layer’s back propagation function takes input, output, layer, param as input and

return param grad and input od. output.diff stores the ∂l . You are to use this to ∂hi

compute ∂l and store it in param grad.w and ∂l to be stored in param grad.b. You are ∂w ∂w

also expected to return ∂l which is the gradient of the loss w.r.t the input layer. ∂ hi−1

Q 3.1 ReLU – 10 Pts Implement the backward pass for the Relu layer in relu backward.m file. This layer doesn’t have any parameters so, you don’t have to return the param grad structure.

Q 3.2 Inner Product layer – 10 Pts Implement the backward pass for the Inner product layer in inner product backward.m

Putting the network together

This part has been done for you and is available in the function convnet forward. This function takes the parameters, layers and input data and generates the outputs at each layer of the network. It also returns the probabilities of the image belonging to each class. You are encouraged to look into the code of this function to understand how the data is being passed to perform the forward pass.

Part 4 Training

The function conv net puts both the forward and backward passes together and trains the network. This function has also been implemented.

11

Figure 4: Feature maps of the second layer

Q 4.1 Training – 5 Pts The script train lenet.m defines the optimization parameters and performs the actual updates on the network. This script loads a pretrained network and trains the network for 2000 iterations. Report the test accuracy obtained in your write-up after training for 3000 more iterations.

Q 4.2 Test the network – 10 Pts The script test lenet.m has been provided which runs the test data through the network and obtains the predictions probabilities. Modify this script to generate the confusion matrix and comment on the top two confused pairs of classes.

Part 5 Visualization

Q5.1 – 5 Pts Write a script vis data.m which can load a sample image from the data, visualize the output of the second and third layers. Show 20 images from each layer on a single figure file (use subplot and organize them in 4 × 5 format – like in Fig 4)

Q5.2 – 5 Pts Compare the feature maps to the original image and explain the differences.

12

Extra credit
Part 6 Image Classification – 20 pts

We will now try to use the fully trained network to perform the task of Optical Character Recognition. You are provided a set of real world images in the images folder. Write a script ec.m which will read these images and recognize the handwritten numbers.

The network you trained requires a binary image with a single digit in each image. There are many ways to obtain this given a real image. Here is an outline of a possible approach:

  1. Classify each pixel as foreground or background pixel by performing simple operations like thresholding.
  2. Find connected components and place a bounding box around each character.
  3. Take each bounding box, pad it if necessary and resize it to 28×28 and pass it through the network.

There might be errors in the recognition, report the output of your network in the report.

Appendix: List of all files in the project

• col2im conv.m Helper function, you can use this if needed
• col2im conv matlab.m Helper function, you can use this if needed • conv layer backward.m – Do not modify
• conv layer forward.m – To implement
• conv net.m – Do not modify
• convnet forward.m – To implement
• get lenet.m – Do not modify. Has the architecture.
• get lr.m – Gets the learning rate at each iterations
• im2col conv.m Helper function, you can use this if needed
• im2col conv matlab.m Helper function, you can use this if needed • init convnet.m Initialise the network weights
• inner product backward.m – To implement
• inner product forward.m – To implement
• load mnist.m – Loads the training data.

13

• mlrloss.m – Implements the loss layer
• pooling layer backward.m Implemented, do not modify
• pooling layer forward.m – To implement
• relu backward.m – To implement
• relu forward.m – To implement
• sgd momentum.m – Do not modify. Has the update equations • test network.m – Test script
• train lenet.m – Train script
• vis data.m – Add code to visualise the filters
• lenet pretrained.mat – Trained weights
• mnist all.mat – Dataset

Notes

Here are some points which you should keep in mind while implementing:

  • All the equations above describe the functioning of the layers on a single data point. Your implementation would have to work on a small set of inputs called a ”batch” at once.
  • Always ensure that the output.data of each layer has been reshaped to a 2-D matrix.

14

  • assgn6-dxwedn.zip