CS7641 Homework 4 -Two Layer Neural Network Solved

35.00 $

Category:

Description

5/5 - (4 votes)

1. Two Layer Neural Network **[P]**
Perceptron

A single layer perceptron can be thought of as a linear hyperplane as in logistic regression followed by a nonlinear activation function.
𝑑
𝑢𝑖 = ∑ 𝜃𝑖𝑗𝑥𝑗 + 𝑏𝑖
𝑗=1
𝑜𝑖 = 𝜙 𝜃𝑖𝑗𝑥𝑗 + 𝑏𝑖) = 𝜙(𝜃𝑇𝑖 𝑥 + 𝑏𝑖)
where 𝑥 is a d-dimensional vector i.e. 𝑥 ∈ 𝑅𝑑 . It is one datapoint with 𝑑 features. 𝜃𝑖 ∈ 𝑅𝑑 is the weight vector for the 𝑖𝑡ℎ hidden unit, 𝑏𝑖 ∈ 𝑅 is the bias element for the 𝑖𝑡ℎ hidden unit and 𝜙(. ) is a non-linear activation function that has been described below. 𝑢𝑖 is a linear combination of the features in 𝑥 weighted by 𝜃𝑖 whereas 𝑜𝑖 is the 𝑖𝑡ℎ output unit from the activation layer.
Fully connected Layer
Typically, a modern neural network contains millions of perceptrons as the one shown in the previous image. Perceptrons interact in different configurations such as cascaded or parallel. In this part, we describe a fully connected layer configuration in a neural network which comprises multiple parallel perceptrons forming one layer.
We extend the previous notation to describe a fully connected layer. Each layer in a fully connected network has a number of input/hidden/output units cascaded in parallel. Let us a define a single layer of the neural net as follows:
𝑚 demotes the number of hidden units in a single layer 𝑙 whereas 𝑛 denotes the number of units in the previous layer 𝑙 − 1.
𝑢[𝑙] = 𝜃[𝑙]𝑜[𝑙−1] + 𝑏[𝑙]
where 𝑢[𝑙] ∈ 𝑅𝑚 is a m-dimensional vector pertaining to the hidden units of the 𝑙𝑡ℎ layer of the neural network after applying linear operations. Similarly, 𝑜[𝑙−1] is the n-dimensional output vector corresponding to the hidden units of the (𝑙 − 1)𝑡ℎ activation layer. 𝜃[𝑙] ∈ 𝑅𝑚×𝑛 is the weight matrix of the 𝑙𝑡ℎ layer where each row of 𝜃[𝑙] is analogous to 𝜃𝑖 described in the previous section i.e. each row corresponds to one hidden unit of the 𝑙𝑡ℎ layer.
𝑏[𝑙] ∈ 𝑅𝑚 is the bias vector of the layer where each element of b pertains to one hidden unit of the 𝑙𝑡ℎ layer. This is followed by element wise non-linear activation function 𝑜[𝑙] = 𝜙(𝑢[𝑙]). The whole operation can be summarized as,
𝑜[𝑙] = 𝜙(𝜃[𝑙]𝑜[𝑙−1] + 𝑏[𝑙])
where 𝑜[𝑙−1] is the output of the previous layer.
Activation Function
There are many activation functions in the literature but for this question we are going to use Relu, Sigmoid and Tanh only.
Relu
The rectified linear unit (Relu) is one of the most commonly used activation functions in deep learning models. The mathematical form is
𝑜 = 𝜙(𝑢) = 𝑚𝑎𝑥(0, 𝑢)

The derivative of relu function is given as 𝑜′ = 𝜙′(𝑢) = { 0 𝑢 ≤ 0
1 𝑢 > 0

Sigmoid
The sigmoid function is another non-linear function with S-shaped curve. This function is useful in the case of binary classification as its output is between 0 and 1. The mathematical form of the function is
1
𝑜 = 𝜙(𝑢) = −
1 + 𝑒 𝑢

The derivation of the sigmoid function has a nice form and is given as
𝑜′ = 𝜙′(𝑢) = 1 − (1 − 1 − ) = 𝜙(𝑢)(1 − 𝜙(𝑢))
1 + 𝑒 𝑢 1 + 𝑒 𝑢

Tanh
Tanh also known as hyperbolic tangent is like a shifted version of sigmoid activation function with its range going from -1 to 1. Tanh almost always proves to be better than the sigmoid function since the mean of the activations are closer to zero. Tanh has an effect of centering data that makes learning for the next layer a bit easier. The mathematical form of tanh is given as
𝑒𝑢 − 𝑒−𝑢
𝑜 = 𝜙(𝑢) = 𝑡𝑎𝑛ℎ(𝑢) = −
𝑒𝑢 + 𝑒 𝑢
The derivative of tanh is given as
𝑜′ = 𝜙′(𝑢) = 1 − ( 𝑒𝑢 − 𝑒−−𝑢 )2 = 1 − 𝑜2
𝑒𝑢 + 𝑒 𝑢

Cross Entropy Loss
An essential piece in training a neural network is the loss function. The whole purpose of gradient descent algorithm is to find some network parameters that minimizes the loss function. In this exercise, we minimize Cross Entropy (CE) loss that represents on an intuitive level the distance between true data distribution and estimated distribution by neural network. So during training of the neural network, we will be looking for network parameters that minimizes the distance between true and estimated distribution. The mathematical form of the CE loss is given by
𝐶𝐸(𝑝, 𝑞) = − ∑ 𝑝(𝑥𝑖) log 𝑞(𝑥𝑖)
𝑖 where 𝑝(𝑥) is the true distribution and 𝑞(𝑥) is the estimated distribution.
Implementation details
For binary classification problems as in this exercise, we have probability distribution of a label 𝑦𝑖 given by
𝑦𝑖 =1 with probability 𝑝(𝑥𝑖)
0 with probability 1 − 𝑝(𝑥𝑖)
A frequentist estimate of 𝑝(𝑥𝑖) can be written as 𝑁

𝑦𝑖
𝑝(𝑥𝑖) = 𝑁
𝑖=1
Therefore, the cross entropy for binary estimation can be written as
^) = − 1 ∑𝑁 (𝑦𝑖 log(𝑦^𝑖) + (1 − 𝑦𝑖) log(1 − 𝑦^𝑖))
𝐶𝐸(𝑦𝑖, 𝑦𝑖
𝑁
𝑖=1
where 𝑦𝑖 ∈ {0, 1} is the true label and 𝑦^𝑖 ∈ [0, 1] is the estimated label.
Forward Propagation
We start by initializing the weights of the fully connected layer using Xavier initialization Xavier initialization (http://proceedings.mlr.press/v9/glorot10a/glorot10a.pdf). During training, we pass all the data points through the network layer by layer using forward propagation. The main equations for forward prop have been described below.
𝑢[0] = 𝑥
𝑢[1] = 𝜃[1]𝑢[0] + 𝑏[1]
𝑜[1] = 𝑅𝑒𝑙𝑢(𝑢[1]) 𝑢[2] = 𝜃[2]𝑜[1] + 𝑏[2]
𝑦 ̂ = 𝑜[2] = 𝑆𝑖𝑔𝑚𝑜𝑖𝑑(𝑢[2])
Then we get the output and compute the loss
𝑙 = − 1 ∑𝑁 (𝑦𝑖 log(𝑦^𝑖) + (1 − 𝑦𝑖) log(1 − 𝑦^𝑖))
𝑁
𝑖=1
Backward propagation
After the forward pass, we do back propagation to update the weights and biases in the direction of the negative gradient of the loss function. So, we update the weights and biases using the following formulas
[2] [2] ∂𝑙
𝜃 := 𝜃 − 𝑙𝑟 ×
∂𝜃[2]
∂ 𝑏[2] := 𝑏[2] − 𝑙𝑟 × 𝑙
∂𝑏[2]
𝜃[1] := 𝜃[1] − 𝑙𝑟 × 𝑙 ∂
∂𝜃[1]
𝑏[1] := 𝑏[1] − 𝑙𝑟 × 𝑙 ∂
∂𝑏[1] where 𝑙𝑟 is the learning rate. It decides the step size we want to take in the direction of the negative gradient.
To compute the terms ∂𝑙[𝑖] and ∂𝑙[𝑖] we use chain rule for differentiation as follows:
∂𝜃 ∂𝑏

So, ∂𝑙 is the differentiation of the cross entropy loss function at point 𝑜[2]
∂𝑜[2]

∂𝑜[2] is the differentiation of the Sigmoid function at point 𝑢[2]
∂𝑢[2]

is equal to 𝑜[1]

∂𝑢[[22]] is equal to 1.
∂𝑏

To compute ∂𝑙[2] , we need 𝑜[2], 𝑢[2]&𝑜[1] which are calculated during forward propagation. So we need to store
∂𝜃
these values in cache variables during forward propagation to be able to access them during backward propagation. Similarly for calculating other partial derivatives, we store the values we’ll be needing for chain rule in cache. These values are obtained from the forward propagation and used in backward propagation. The cache is implemented as a dictionary here where the keys are the variable names and the values are the variables values.

Also, the functional form of the CE differentiation and Sigmoid differentiation are given by


∂𝑜
∂𝑜[
∂𝑢

This completes the differentiation of loss function w.r.t to parameters in the second layer. We now move on to the first layer, the equations for which are given as follows:

Where
1] 0 if 𝑢[1] ≤ 0
= { [1]
∂𝑢[1] 1 if 𝑢 > 0
𝑥

Note that is the differentiation of the Relu function at 𝑢[1].
The above equations outline the forward and backward propagation process for a 2-layer fully connected neural net with relu as the first activation layer and sigmoid has the second one. The same process can be extended to different neural networks with different activation layers like tanh.
Code Implementation:
∂𝑙
𝑑𝐿𝑜𝑠𝑠_𝑜2 =
∂𝑜[2] ⟹ 𝑑𝑖𝑚 = (1, 426)
𝑑𝐿𝑜𝑠𝑠_𝑢2 = 𝑑𝐿𝑜𝑠𝑠_𝑜 ⟹ 𝑑𝑖𝑚 = (1, 426)
𝑑𝐿𝑜𝑠𝑠_𝑡ℎ𝑒𝑡𝑎2 = 𝑑𝐿𝑜𝑠𝑠_𝑢 ⟹ 𝑑𝑖𝑚 = (1, 15)
𝑑𝐿𝑜𝑠𝑠_𝑏2 = 𝑑𝐿𝑜𝑠𝑠_𝑢 ⟹ 𝑑𝑖𝑚 = (1, 1)
𝑑𝐿𝑜𝑠𝑠_𝑜1 = 𝑑𝐿𝑜𝑠𝑠_𝑢 ⟹ 𝑑𝑖𝑚 = (15, 426)
𝑑𝐿𝑜𝑠𝑠_𝑢1 = 𝑑𝐿𝑜𝑠𝑠_𝑜 ⟹ 𝑑𝑖𝑚 = (15, 426) 𝑑𝐿𝑜𝑠𝑠_𝑡ℎ𝑒𝑡𝑎1 = 𝑑𝐿𝑜𝑠𝑠_𝑢 ⟹ 𝑑𝑖𝑚 = (15, 30)
Question
In this question, you will implement a two layer fully connected neural network. You will also experiment with different activation functions and optimization techniques. Functions with comments “TODO: implement this” are for you to implement. We provide three activation functions here – Relu, Tanh and Sigmoid. You will implement a neural network that could have relu activation followed by sigmoid layer or tanh activation followed by sigmoid. You’ll have to specify the neural net type which could be “Relu -> Sigmoid” (set by default) or “Tanh -> Sigmoid”.
You’ll also implement gradient descent and stochastic gradient descent algorithms for training these neural nets. SGD is bonus for undergraduate students.
We’ll train these neural nets on breast cancer dataset. You’re free to choose either gradient descent or SGD for training. Note: it is possible you’ll run into nan or negative values for loss. This happens because of the small dataset we’re using and some numerical stability issues that arise due to division by zero, natural log of zeros etc. You can experiment with the total number of iterations to mitigate this.
Deliverables for this question:
1. Loss plot and classification report for any neural net type (“Relu -> Sigmoid” or “Tanh -> Sigmoid”) with gradient descent
2. Loss plot and classification report for any neural net type (“Relu -> Sigmoid” or “Tanh -> Sigmoid”) with stochastic gradient descent (mandatory for graduate students, bonus for undergraduate students)
In [5]: ”’
We are going to use Breast Cancer Wisconsin (Diagnostic) Data Set provid ed by sklearn
https://scikit-learn.org/stable/modules/generated/sklearn.datasets.load_ breast_cancer.html
to train a 2 fully connected layer neural net. We are going to buld the neural network from scratch.
”’
class dlnet:
def __init__(self, x, y, lr = 0.003):
”’
This method inializes the class, its implmented for you.
Args:
x: data y: labels
Yh: predicted labels
dims: dimensions of different layers param: dictionary of different layers parameters ch: Cache dictionary to store forward parameters that are us ed in backpropagation
loss: list to store loss values lr: learning rate
sam: number of training samples we have

”’ self.X=x # features
self.Y=y # ground truth labels

self.Yh=np.zeros((1,self.Y.shape[1])) # estimated labels self.dims = [30, 15, 1] # dimensions of different layers

self.param = { } # dictionary for different layer variables self.ch = {} # cache for holding variables during forward propag ation to use them in back prop self.loss = []

self.lr=lr # learning rate
self.sam = self.Y.shape[1] # number of training samples we have self._estimator_type = ‘classifier’
self.neural_net_type = “Tanh -> Sigmoid” #can change it to “Tanh
-> Sigmoid”
def nInit(self):
”’
This method initializes the neural network variables, its alread y implemented for you.
Check it and relate to mathematical the description above. You are going to use these variables in forward and backward pro pagation. ”’ np.random.seed(1)
self.param[‘theta1’] = np.random.randn(self.dims[1], self.dims[0 ]) / np.sqrt(self.dims[0])
self.param[‘b1’] = np.zeros((self.dims[1], 1)) self.param[‘theta2’] = np.random.randn(self.dims[2], self.dims[1
]) / np.sqrt(self.dims[1])
self.param[‘b2′] = np.zeros((self.dims[2], 1))

def Relu(self, u):
”’
In this method you are going to implement element wise Relu. Make sure that all operations here are element wise and can be a pplied to an input of any dimension. Input: u of any dimension return: Relu(u)
”’
#TODO: implement this u[u<0] = 0 return u

# raise NotImplementedError
def Sigmoid(self, u):
”’
In this method you are going to implement element wise Sigmoid. Make sure that all operations here are element wise and can be a pplied to an input of any dimension. Input: u of any dimension return: Sigmoid(u)
”’
#TODO: implement this phi = 1 / (1 + np.exp(-u)) return phi

# raise NotImplementedError
def Tanh(self, u):
”’
In this method you are going to implement element wise Tanh. Make sure that all operations here are element wise and can be a pplied to an input of any dimension. Input: u of any dimension return: Tanh(u)
”’
#TODO: implement this
phi = (np.exp(u) – np.exp(-u)) / (np.exp(u) + np.exp(-u)) return phi

# raise NotImplementedError
def dRelu(self, u):
”’
This method implements element wise differentiation of Relu. Input: u of any dimension return: dRelu(u)
”’ u[u<=0] = 0 u[u>0] = 1 return u
def dSigmoid(self, u):
”’
This method implements element wise differentiation of Sigmoid. Input: u of any dimension return: dSigmoid(u)
”’
o = 1/(1+np.exp(-u)) do = o * (1-o) return do
def dTanh(self, u):
”’
This method implements element wise differentiation of Tanh. Input: u of any dimension return: dTanh(u)
”’ o = np.tanh(u) return 1-o**2
def nloss(self,y, yh):
”’
In this method you are going to implement Cross Entropy loss.
Refer to the description above and implement the appropriate mat hematical equation.
Input: y 1xN: ground truth labels
yh 1xN: neural network output after Sigmoid

return: CE 1×1: loss value
”’

#TODO: implement this N = y.shape[1]
loss = – (1.0 / N) * ((np.dot(y, np.log(yh).T)) + (np.dot(1 – y, np.log(1 – yh).T)))
if np.isnan(loss).any(): print(‘loss has error’) return loss

# raise NotImplementedError
def forward(self, x):
”’
Fill in the missing code lines, please refer to the description for more details.
Check nInit method and use variables from there as well as other implemeted methods.
Refer to the description above and implement the appropriate mat hematical equations. do not change the lines followed by #keep.
”’

#Todo: uncomment the following 7 lines and complete the missin g code
self.ch[‘X’] = x #keep
u1 = np.dot(self.param[‘theta1’], x) + self.param[‘b1’] o1 = self.Relu(u1)
self.ch[‘u1’], self.ch[‘o1’]=u1, o1 #keep
u2 = np.dot(self.param[‘theta2’], o1) + self.param[‘b2’] o2 = self.Sigmoid(u2)
self.ch[‘u2’], self.ch[‘o2’]=u2, o2 #keep
if np.isnan(self.ch[‘o2’]).any():
print(‘yh has error’)

return o2 #keep
def backward(self, y, yh):
”’
Fill in the missing code lines, please refer to the description for more details
You will need to use cache variables, some of the implemeted met hods, and other variables as well
Refer to the description above and implement the appropriate mat hematical equations. do not change the lines followed by #keep.
”’
#TODO: implement this
dLoss_o2 = – (np.divide(y, yh ) – np.divide(1 – y, 1 – yh)) # p artial l by partial o2

#Implement equations for getting derivative of loss w.r.t u2, th eta2 and b2
# set dLoss_u2, dLoss_theta2, dLoss_b2
N = y.shape[1] dLoss_o2 /= N
dLoss_u2 = np.multiply(dLoss_o2, self.dSigmoid(self.ch[‘u2’])) dLoss_theta2 = np.matmul(dLoss_u2, self.ch[‘o1’].T) dLoss_b2 = np.matmul(dLoss_u2, np.ones(dLoss_u2.shape).T)

dLoss_o1 = np.dot(self.param[“theta2”].T, dLoss_u2) # partial l by partial o1

# Implement equations for getting derivative of loss w.r.t u1, t heta1 and b1
# set dLoss_u1, dLoss_theta1, dLoss_b1
# dLoss_o1 /= N
dLoss_u1 = np.multiply(dLoss_o1, self.dRelu(self.ch[‘u1’])) dLoss_theta1 = np.matmul(dLoss_u1, self.ch[‘X’].T) dLoss_b1 = np.matmul(dLoss_u1, np.ones(dLoss_u2.shape).T)

#parameters update, no need to change these lines self.param[“theta2”] = self.param[“theta2”] – self.lr * dLoss_th eta2 #keep
self.param[“b2”] = self.param[“b2”] – self.lr * dLoss_b2 #keep self.param[“theta1”] = self.param[“theta1”] – self.lr * dLoss_th eta1 #keep
self.param[“b1”] = self.param[“b1”] – self.lr * dLoss_b1 #keep
if np.isnan(self.param[“theta2”]).any(): print(‘self.param[“theta2”] has error’) if np.isnan(self.param[“theta1”]).any(): print(‘self.param[“theta1”] has error’) if np.isnan(self.param[“b1”]).any(): print(‘self.param[“b1”] has error’) if np.isnan(self.param[“b2”]).any(): print(‘self.param[“b2″] has error’)

return dLoss_theta2, dLoss_b2, dLoss_theta1, dLoss_b1
def gradient_descent(self, x, y, iter = 60000):
”’
This function is an implementation of the gradient decent algori thm
”’
#Todo: implement this self.nInit() for i in range(iter): # predict
yh = self.forward(x)
# loss
l = self.nloss(y, yh) self.loss.append(l[0][0]) if i % 2000 == 0: print(‘Loss after iteration ‘ + str(i) + ‘: ‘ + str(l[0]
[0]))
# backprop
dLoss_theta2, dLoss_b2, dLoss_theta1, dLoss_b1 = self.backwa rd(y, yh)

#bonus for undergraduate students def stochastic_gradient_descent(self, x, y, iter = 60000): ”’
This function is an implementation of the stochastic gradient de cent algorithm
Note:
1. SGD loops over all examples in the dataset one by one and learns a gradient from each example
2. One iteration here is one round of forward and backward propagation on one example of the dataset.
So if the dataset has 1000 examples, 1000 iterations will con stitute an epoch
3. Append loss after every 2000 iterations for plotting loss plots
4. It is fine if you get a noisy plot since learning on one example at a time adds variance to the
gradients learnt
5. You can use SGD with any neural net type ”’ idx = 0 N = x.shape[1] D = x.shape[0] self.nInit()
for i in range(iter): #get idx x and y
x_idx = x[:, idx].reshape((D, 1)) y_idx = y[:, idx].reshape((1, 1))

#forward pass
yh_idx = self.forward(x_idx)
#loss
l = np.abs(self.nloss(y_idx, yh_idx)) if (i+1) % 2000 == 0:
print(‘Loss after iteration ‘ + str(i+1) + ‘: ‘ + “{:.8 f}”.format(l[0][0]))
self.loss.append(l[0][0])
#backprop
dLoss_theta2, dLoss_b2, dLoss_theta1, dLoss_b1 = self.backwa rd(y_idx, yh_idx)

#update index idx = (idx + 1) % N

#Todo: implement this
def predict(self, x):
”’
This function predicts new data points
Its implemented for you
”’
Yh = self.forward(x) return np.round(Yh).squeeze()
In [3]: ”’
Training the Neural Network, you do not need to modify this cell
We are going to use Breast Cancer Wisconsin (Diagnostic) Data Set provid ed by sklearn
https://scikit-learn.org/stable/modules/generated/sklearn.datasets.load_ breast_cancer.html
”’
dataset = load_breast_cancer() # load the dataset x, y = dataset.data, dataset.target
x = MinMaxScaler().fit_transform(x) #normalize data
x_train, x_test, y_train, y_test = train_test_split(x, y, random_state=1
) #split data
x_train, x_test, y_train, y_test = x_train.T, x_test.T, y_train.reshape(
1,-1), y_test #condition data

nn = dlnet(x_train,y_train,lr=0.1) # initalize neural net class nn.gradient_descent(x_train, y_train, iter = 66000) #train

# create figure
fig = plt.plot(np.array(nn.loss).squeeze()) plt.title(f’Training: {nn.neural_net_type}’) plt.xlabel(“Epoch”) plt.ylabel(“Loss”)
Loss after iteration 0: 0.6997959749158276
Loss after iteration 2000: 0.061022515180825666
Loss after iteration 4000: 0.05246653781549373
Loss after iteration 6000: 0.04868001907570848
Loss after iteration 8000: 0.046024567549777975
Loss after iteration 10000: 0.04394556185652785
Loss after iteration 12000: 0.04221821583662443
Loss after iteration 14000: 0.040690039363087425
Loss after iteration 16000: 0.039277002884623644
Loss after iteration 18000: 0.03792640589726756
Loss after iteration 20000: 0.03660424996132917
Loss after iteration 22000: 0.035275309010846884 Loss after iteration 24000: 0.03390949050361764
Loss after iteration 26000: 0.03248532397761458
Loss after iteration 28000: 0.030986058308083365
Loss after iteration 30000: 0.029403064707053186 Loss after iteration 32000: 0.02773707095906364
Loss after iteration 34000: 0.026004038228468557
Loss after iteration 36000: 0.024227581794371206
Loss after iteration 38000: 0.022442191009205734
Loss after iteration 40000: 0.020309398081346037
Loss after iteration 42000: 0.018405340918820408
Loss after iteration 44000: 0.016643328183250747
Loss after iteration 46000: 0.015034088222003757
Loss after iteration 48000: 0.013588030201893909
Loss after iteration 50000: 0.012301943842102562
Loss after iteration 52000: 0.011156194646469957
Loss after iteration 54000: 0.009914770610389334
Loss after iteration 56000: 0.008918609134321756 Loss after iteration 58000: 0.00813092978421893
Loss after iteration 60000: 0.007325426997121121
Loss after iteration 62000: 0.006696364753995411
Loss after iteration 64000: 0.006166845640553953
Out[3]: Text(0, 0.5, ‘Loss’)

precision recall f1-score support

malignant 0.96 0.95 0.95 55 benign 0.97 0.98 0.97 88

accuracy 0.97 143 macro avg 0.96 0.96 0.96 143 weighted avg 0.97 0.97 0.96 143

In [6]: ”’
Training the Neural Network, you do not need to modify this cell
We are going to use Breast Cancer Wisconsin (Diagnostic) Data Set provid ed by sklearn
https://scikit-learn.org/stable/modules/generated/sklearn.datasets.load_ breast_cancer.html
”’
dataset = load_breast_cancer() # load the dataset x, y = dataset.data, dataset.target
x = MinMaxScaler().fit_transform(x) #normalize data
x_train, x_test, y_train, y_test = train_test_split(x, y, random_state=1
) #split data
x_train, x_test, y_train, y_test = x_train.T, x_test.T, y_train.reshape(
1,-1), y_test #condition data

nn = dlnet(x_train,y_train,lr=0.1) # initalize neural net class nn.stochastic_gradient_descent(x_train, y_train, iter = 66000) #train
# create figure
fig = plt.plot(np.array(nn.loss).squeeze()) plt.title(f’Training: {nn.neural_net_type}’) plt.xlabel(“Epoch”) plt.ylabel(“Loss”)
Loss after iteration 2000: 0.00317496
Loss after iteration 4000: 0.00082232
Loss after iteration 6000: 0.01402489
Loss after iteration 8000: 1.28361913
Loss after iteration 10000: 0.00521249
Loss after iteration 12000: 0.00000000
Loss after iteration 14000: 0.00037508
Loss after iteration 16000: 0.00000000
Loss after iteration 18000: 0.00000000
Loss after iteration 20000: 0.03530974
Loss after iteration 22000: 0.00113366
Loss after iteration 24000: 0.00369128
Loss after iteration 26000: 0.01472231
Loss after iteration 28000: 0.00011702
Loss after iteration 30000: 0.00011338
Loss after iteration 32000: 0.00107733
Loss after iteration 34000: 0.00010913
Loss after iteration 36000: 0.00013684
Loss after iteration 38000: 0.00000000
Loss after iteration 40000: 0.00000097
Loss after iteration 42000: 0.00020100
Loss after iteration 44000: 0.00018072
Loss after iteration 46000: 0.00027463
Loss after iteration 48000: 0.00000000
Loss after iteration 50000: 0.00007988
Loss after iteration 52000: 0.00015166
Loss after iteration 54000: 0.00003342
Loss after iteration 56000: 0.02354725
Loss after iteration 58000: 0.00003779
Loss after iteration 60000: 0.00000000
Loss after iteration 62000: 0.00002640
Loss after iteration 64000: 0.00002663
Loss after iteration 66000: 0.00001497
Out[6]: Text(0, 0.5, ‘Loss’)

precision recall f1-score support

malignant 0.95 0.96 0.95 55 benign 0.98 0.97 0.97 88

accuracy 0.97 143 macro avg 0.96 0.96 0.96 143 weighted avg 0.97 0.97 0.97 143

2: (Bounus for all) Image Classification based on Convolutional Neural Networks [15pts] **[W]**
Keras is a deep learning API written in Python, running on top of the machine learning platform TensorFlow. It was developed with a focus on enabling fast experimentation. Being able to go from idea to result as fast as possible is key to doing good research. In this part, you will build a convolutional neural network based on Keras to solve the image classification task for MINIST. If you haven’t installed TensorFlow, you can install the
package by pip command or train your model by uploading HW4 notebook to Colab
(https://colab.research.google.com/) directly. Colab contains all packages you need for this section.
Hint1: First contact with Keras (https://keras.io/about/)
Hint2: How to Install Keras (https://www.pyimagesearch.com/2016/07/18/installing-keras-for-deep-learning/)
Hint3:CS231n Tutorial (Layers used to build ConvNets) (https://cs231n.github.io/convolutional-networks/)
Environment Setup
In [ ]: from __future__ import print_function import keras
from keras.datasets import mnist from keras.models import Sequential
from keras.layers import Dense, Dropout, Flatten from keras.layers import Conv2D, MaxPooling2D from keras import backend as K import matplotlib.pyplot as plt
Load MINIST dataset
We use MINIST (http://yann.lecun.com/exdb/mnist/) dataset to train our model. MINIST is a subset of a larger set available from NIST. MNIST database of handwritten digits has a training set of 60,000 examples, and a test set of 10,000 examples. Each example is 28 × 28 pixel grayscale image of handwritten digits between 0 to 9.
In [ ]: # Helper function, You don’t need to modify it
# split data between train and test sets
(x_train, y_train), (x_test, y_test) = mnist.load_data()
# input image dimensions img_rows, img_cols = 28, 28 #set num of classes num_classes = 10
if K.image_data_format() == ‘channels_first’: x_train = x_train.reshape(x_train.shape[0], 1, img_rows, img_cols) x_test = x_test.reshape(x_test.shape[0], 1, img_rows, img_cols) input_shape = (1, img_rows, img_cols) else:
x_train = x_train.reshape(x_train.shape[0], img_rows, img_cols, 1) x_test = x_test.reshape(x_test.shape[0], img_rows, img_cols, 1) input_shape = (img_rows, img_cols, 1)

x_train = x_train.astype(‘float32’) x_test = x_test.astype(‘float32’) x_train /= 255 x_test /= 255
print(‘x_train shape:’, x_train.shape) print(‘x_test shape:’, x_test.shape) print(x_train.shape[0], ‘train samples’) print(x_test.shape[0], ‘test samples’)
# convert class vectors to binary class matrices y_train = keras.utils.to_categorical(y_train, num_classes) y_test = keras.utils.to_categorical(y_test, num_classes)
Load some images from MINIST

As you can see from above, the MINIST dataset contains handwritten digits from 0 to 9. The digits have been size-normalized and centered in fixed-size images.
Build convolutional neural network model
In this part, you need to build a convolutional neural network that contains 2 convolutional layers. The architecture of thie model is:
[INPUT – CONV – RELU – MAXPOOL – CONV – RELU – MAXPOOL – FC1 – FC2] [1]
INPUT: [28 × 28 × 1] will hold the raw pixel values of the image, in this case, an image of width 28, height 28, and with only one color channels.
CONV: Conv. layer will compute the output of neurons that are connected to local regions in the input, each computing a dot product between their weights and a small region they are connected to the input volume. We decide to set the kernel_size 3 × 3 for the both Conv. layers. For example, the output of the Conv. layer may like [26 × 26 × 32] if we use 32 filters.
RELU: As we mentioned in the previous section, the Relu layer will apply an elementwise activation function, such as the max(0,x) thresholding at zero, which leaves the size of the volume unchanged.
MAXPOOL: MAXPOOL layer will perform a downsampling operation along the spatial dimensions (width, hight).
FC1: First Fully-Connected layer, we use ReLu as the activation function. The dimension of the output space is 128.
FC2: Second Fully-Connected layer will compute the class scores. We use Softmax as the activation function. The dimension of the output space is the number of class.
Loss function: Crossentropy (mentioned in the previous section) optimizer: Stochastic gradient descent(SGD)
[1] CS231n: https://cs231n.github.io/convolutional-networks/ (https://cs231n.github.io/convolutional-networks/)
In [ ]: # Helper function, You don’t need to modify it
# Show the architecture of the model achi=plt.imread(‘Architecture.png’) fig = plt.figure(figsize=(10,10)) plt.imshow(achi)
Defining Variables

Defining model
In [ ]: def create_net():
”’
In this function you are going to build a convolutional neural network based on Keras.
First, use Sequential() to set the inference features on this model.
Then, use model.add() and model.compile() to build your own model
Return: model you build
”’ raise NotImplementedError
In [ ]: # Helper function, You don’t need to modify it
# model.summary() gives you details of your architecture. #You can compare your architecture with the ‘Architecture.png’ model=create_net() model.summary()
Train the network
Tuning: Training the network is the next thing to try. You can set your parameter at the Defining Variable section. If your parameters are set properly, you should see the loss of the validation set decreased and the value of accuracy increased. It may take more than 20 minutes to train your model.
Expected Result: You should be able to achieve more than 90% accuracy on the test set to get full 15 points. If you achieve accuracy between 80% to 90%, you will only get half points of this part.
Train your own CNN model
In [ ]: # Helper function, You don’t need to modify it
# Train the model
history = model.fit(x_train, y_train, batch_size=batch_size, epochs=epochs, verbose=1,
validation_data=(x_test, y_test)) score = model.evaluate(x_test, y_test, verbose=0) print(‘Test loss:’, score[0]) print(‘Test accuracy:’, score[1])

3: Random Forests [40pts] **[P]** **[W]**
NOTE: Please use sklearn’s DecisionTreeClassifier in your Random Forest implementation. You can find more details about this classifier here. (https://scikit-
learn.org/stable/modules/generated/sklearn.tree.DecisionTreeClassifier.html#sklearn.tree.DecisionTreeClassifier_)
3.1 Random Forest Implementation (30 pts) **[P]**
The decision boundaries drawn by decision trees are very sharp, and fitting a decision tree of unbounded depth to a list of examples almost inevitably leads to overfitting. In an attempt to decrease the variance of a decision tree, we’re going to use a technique called ‘Bootstrap Aggregating’ (often abbreviated ‘bagging’). This stems from the idea that a collection of weak learners can learn decision boundaries as well as a strong learner. This is commonly called a Random Forest.
We can build a Random Forest as a collection of decision trees, as follows:
1) For every tree in the random forest, we’re going to
a) Subsample the examples with replacement. Note that in this question, thesize of the subsample data is equal to the original dataset.
b) From the subsamples in a), choose attributes at random to learn on in accordance with a provided attribute subsampling rate. Based on what it was men tioned in the class, we randomly pick features in each split. We use a more general approach here to make the programming part easier. Let’s randomly p ick some features (70% percent of features) and grow the tree based on the p re-determined randomly selected features. Therefore, there is no need to fin d random features in each split.
c) Fit a decision tree to the subsample of data we’ve chosen to a certain depth.
Classification for a random forest is then done by taking a majority vote of the classifications yielded by each tree in the forest after it classifies an example.
In RandomForest Class,
1. X is assumed to be a matrix with num_training rows and num_features columns where num_training is the number of total records and num_features is the number of features of each record.
2. y is assumed to be a vector of labels of length num_training.
NOTE: Lookout for TODOs for the parts that needs to be implemented.
In [8]: import numpy as np import sklearn import time import pdb
class RandomForest(object): def __init__(self, n_estimators=10, max_depth=12, max_features=0.95
):
# helper function. You don’t have to modify it
# Initialization done here self.n_estimators = n_estimators self.max_depth = max_depth self.max_features = max_features self.bootstraps_row_indices = [] self.feature_indices = [] self.out_of_bag = []
self.decision_trees = [sklearn.tree.DecisionTreeClassifier(max_d epth=max_depth, criterion=’entropy’) for i in range(n_estimators)]

def _bootstrapping(self, num_training, num_features, random_seed = N one):
“”” TODO:
– Randomly select indices of size num_training with replacement corresponding to row locations of selected samples in the original dataset.
– Randomly select indices without replacement corresponding the column locations of selected features in the original feature list (num_features denotes the total number of features in th e training set, max_features denotes the percentage of features that are used to fit each decision tree).

Reference: https://en.wikipedia.org/wiki/Bootstrapping_(statisti cs)

Args:
– num_training: an integer N representing the total number of training instances.
– num_features: an integer D representing the total number of features.
Returns:
– row_idx: (N,) numpy array of row indices corresponding to the row locations of the selected samples in the original dataset. – col_idx: 1-D array of column indices corresponding to the colu mn locations of selected features in the original feature list.

Hint: Consider using np.random.choice.
“””
np.random.seed(seed = random_seed)
row_idx = np.random.choice(num_training, num_training, replace = True)
col_idx = np.random.choice(num_features, int(self.max_features * num_features), replace = False) return row_idx, col_idx

# raise NotImplementedError
def bootstrapping(self, num_training, num_features):
“”” Args:
– num_training: an integer N representing the total number of training instances.
– num_features: an integer D representing the total number of features.

Returns:
– None
“””
# helper function. You don’t have to modify it # Initializing the bootstap datasets for each tree for i in range(self.n_estimators):
total = set(list(range(num_training)))
row_idx, col_idx = self._bootstrapping(num_training, num_fea tures)
total = total – set(row_idx)
self.bootstraps_row_indices.append(row_idx) self.feature_indices.append(col_idx) self.out_of_bag.append(total)
def fit(self, X, y):
“””
TODO:
Train decision trees using the bootstrapped datasets.
Note that you need to use the row indices and column indices.
Args:
-X: NxD numpy array, where N is number of instances and D is the dimensionality of each instance
-y: Nx1 numpy array, the predicted labels

Returns:
– None “””
num_training, num_features = X.shape[0], X.shape[1] self.bootstrapping(num_training, num_features) for i in range(self.n_estimators): row_idx = self.bootstraps_row_indices[i] col_idx = self.feature_indices[i] x = X[row_idx, :] x_new = x[:, col_idx] y_new = y[row_idx]
self.decision_trees[i].fit(x_new, y_new)

# raise NotImplementedError

def OOB_score(self, X, y):
# helper function. You don’t have to modify it
# This function computes the accuracy of the random forest model predicting y given x.
accuracy = [] for i in range(len(X)): predictions = [] for t in range(self.n_estimators): if i in self.out_of_bag[t]: predictions.append(self.decision_trees[t].predict(np
.reshape(X[i][self.feature_indices[t]], (1,-1)))[0]) if len(predictions) > 0:
accuracy.append(np.sum(predictions == y[i]) / float(len( predictions)))
return np.mean(accuracy)
3.2 Hyperparameter Tuning with a Random Forest (5pts) **[P]**
In machine learning, hyperparameters are parameters that are set before the learning process begins. The max_depth, num_estimators, or max_features variables from 3.1 are examples of different hyperparameters for a random forest model. In this section, you will tune your random forest model on an e-commerce dataset to achieve a high accuracy on a classifying revenue sessions (whether a customer will purchase a product) from user behavior.
Let’s first review the dataset in a bit more detail.
Dataset Objective
Imagine that we are the founders of a new e-commerce company that uses machine learning to optimize the user experience. We are tasked with the responsibility of coming up with a method for determining the likelihood of a shopping session ending in a purchase being made. We will then use this information to adjust pricing and services to encourage more purchasing.
After much deliberation amongst the team, you come to a conclusion that we can use past online shopping data to predict the future occurence of revenue sessions.
We will use our random forest algorithm from Q3.1 to predict if a shopping session ends in a purchase.
You can find more information on the dataset here
(https://archive.ics.uci.edu/ml/datasets/Online+Shoppers+Purchasing+Intention+Dataset#).
Loading the dataset
The dataset that the company has collected has the following features:
1. Administrative : continuous variable
2. Administrative_Duration : continuous variable
3. Informational : continuous variable
4. Informational_Duration : continuous variable
5. ProductRelated : continuous variable
6. ProductRelated_Duration : continuous variable
7. BounceRates : continuous variable
8. ExitRates : continuous variable
9. PageValues : continuous variable
10. SpecialDay : continuous variable
11. Month : categorical variable
12. OperatingSystems : continuous variable
13. Browser : continuous variable
14. Region : continuous variable
15. TrafficType : continuous variable
16. VisitorType : categorical variable
17. Weekend : continuous variable
18. Revenue : target variable ————-> Your random forest model will try to predict this variable. A “True” value in this column means a shopper purchased an item given their user behavior described by features 1-17, while a “False” label indicates that a shopper did not purchase an item.
In [9]: # Logic for loading in datasets. DO NOT MODIFY anything in this block. from sklearn import preprocessing
preprocessor = preprocessing.LabelEncoder()

data_train = pd.read_csv(“datasets/hw4_fall2020_data_train.csv”) data_test = pd.read_csv(“datasets/hw4_fall2020_data_test.csv”)

X_train = data_train.drop(columns = ‘Revenue’)
y_train = data_train[‘Revenue’]
X_test = np.array(data_test.drop(columns = ‘Revenue’))
y_test = np.array(data_test[‘Revenue’])
X_train, y_train, X_test, y_test = np.array(X_train), np.array(y_train), np.array(X_test), np.array(y_test)

#The following lines of code converts columns holding categorical or boo lean variables into integers.
X_train[:,10] = preprocessor.fit_transform(X_train[:,10]) X_test[:,10] = preprocessor.fit_transform(X_test[:,10])
X_train[:,-2] = preprocessor.fit_transform(X_train[:,-2])
X_test[:,-2] = preprocessor.fit_transform(X_test[:,-2])
In the following codeblock, train your random forest model with different values for max_depth, n_estimators, or max_features and evaluate each model on the held-out test set. Try to choose a combination of hyperparameters that maximizes your prediction accuracy on the test set (aim for 92%+). Once you are satisfied with your chosen parameters, change the default values for max_depth, n_estimators, and max_features in the init function of your RandomForest class in random_forest.py to your chosen values, and then submit this file to Gradescope. You must achieve at least a 92% accuracy against a hidden test set (this will NOT the same as the test set provided here) in Gradescope to receive full credit for this

section.
In [10]:

“”” TODO:
n_estimators defines how many decision trees are fitted for the random f orest.
max_depth defines a stop condition when the tree reaches to a certain de pth.
max_features controls the percentage of features that are used to fit ea ch decision tree.

Tune these three parameters to achieve a better accuracy. While you can use the provided test set to
evaluate your implementation, you will need to obtain 92% on a hidden te st set to receive full credit for this section.
“””
import sklearn.ensemble n_estimators = 10 #Hint: Consider values between 5-12. max_depth = 12 # Hint: Consider values betweeen 3-12 max_features = 0.95 # Hint: Consider values betweeen 0.7-1.0.

random_forest = RandomForest(n_estimators, max_depth, max_features)

random_forest.fit(X_train, y_train)

accuracy=random_forest.OOB_score(X_test, y_test)
print(“accuracy: %.4f” % accuracy) accuracy: 0.9349
3.3 Plotting Feature Importance (5pts) **[W]**
While building tree-based models, it’s common to quantify how well splitting on a particular feature in a decision tree helps with predicting the target label in a dataset. Machine learning practicioners typically use “Gini importance”, or the (normalized) total reduction in entropy brought by that feature to evaluate how important that feature is for predicting the target variable.
Gini importance is typically calculated as the reduction in entropy from reaching a split in a decision tree weighted by the probability of reaching that split in the decision tree. Sklearn internally computes the probability for reaching a split by finding the total number of samples that reaches it during the training phase divided by the total number of samples in the dataset. This weighted value is our feature importance.
Let’s think about what this metric means with an example. A high probabiity of reaching a split on “TrafficType” in a decision tree trained on our e-commerce dataset (many samples will reach this split for a decision) and a large reduction in entropy from splitting on “TrafficType” will result in a high feature importance value for “TrafficType”. This could mean “TrafficType” is a very important feature for predicting a customer’s revenue session. On the other hand, a low probability of reaching a split on “Month” in a decision tree (few samples will reach this split for a decision) and a low reduction in entropy from splitting on “Month” will result in a low feature importance value. This could mean “Month” is not a very informative feature for predicting the revenue session in our decision tree. Thus, the higher the feature importance value, the more important the feature is to predicting the target label.
Fortunately for us, fitting a sklearn.DecisionTreeClassifier to a dataset auomatically computes the Gini importance for every feature in the decision tree and stores these values in a featureimportances variable. Review the docs for more details on how to access this variable (https://scikitlearn.org/stable/modules/generated/sklearn.tree.DecisionTreeClassifier.html#sklearn.tree.DecisionTreeClassifier.fe
In the function below, display a bar plot that shows the feature importance values for at least one decision tree in your tuned random forest from Q3.2, and briefly comment on whether any features have noticeably higher / or lower importance weights than others. [Note that there isn’t a “correct” answer here. We simply want you to investigate how different features in your random forest contribute to predicting the target variable].

4: SVM (30 Pts) **[W]**
4.1 Fitting an SVM classifier by hand (20 Pts) **[W]**
Consider a dataset with 2 points in 1-dimensional space: (𝑥1 = −3, 𝑦1 = −1) and (𝑥2 = 2, 𝑦2 = 1). Here 𝑥 are the point coordinates and 𝑦 are the classes.
Consider mapping each point to 3-dimensional space using the feature vector 𝜙(𝑥) = [1, 2𝑥, 𝑥2]. (This is equivalent to using a second order polynomial kernel.) The max margin classifier has the form
𝑚𝑖𝑛||𝜃||2𝑠. 𝑡.
𝑦1(𝜙(𝑥1)𝜃 + 𝑏) ≥ 1
𝑦2(𝜙(𝑥2)𝜃 + 𝑏) ≥ 1
Hint: 𝜙(𝑥1) and 𝜙(𝑥2) are the suppport vectors. We have already given you the solution for the suppport vectors and you need to calculate back the parameters. Margin is equal to 1 and full margin is equal to 2 .
||𝜃|| ||𝜃||
(1) Find a vector parallel to the optimal vector 𝜃. (4pts)
(2) Calculate the value of the margin achieved by this 𝜃? (4pts)
(3) Solve for 𝜃, given that the margin is equal to 1/||𝜃||. (4pts)
(4) Solve for 𝑏 using your value for 𝜃. (4pts)
(5) Write down the form of the discriminant function 𝑓(𝑥) = 𝜙(𝑥)𝜃 + 𝑏 as an explicit function of 𝑥.
4.1.1 Given,
𝜙(𝑥) = [1, 2𝑥, 𝑥2]
Our data points are (𝑥1 = −3, 𝑦1 = −1) and (𝑥2 = 2, 𝑦2 = 1). Plugging in the value of the point coordinates of 𝑥1 and 𝑥2, we get:
𝜙(𝑥1) = [1, −6, 9]
𝜙(𝑥2) = [1, 4, 4]


Now, if we plot 𝜙(𝑥1) and 𝜙(𝑥2) on the plane 𝑥 = 1, then a vector parallel to the optimal vector 𝜃 would be a line parallel to the one joining 𝜙(𝑥1) and 𝜙(𝑥2). One such vector would be
𝜃 = [0, 10, −5]
4.1.2 The value of margin is half the distance between [1, −6, 9] and [1, 4, 4].
𝑚𝑎𝑟𝑔𝑖𝑛
‾‾‾ 25
4.1.3 Given the value of margin, we get:
||𝜃||
Now, we can assume 𝜃 to be
𝜃 = 𝛼[0, 10, −5]
where 𝛼 is a constant.
Then,
||𝜃||

This gives,
𝛼 =
Then,
𝜃 = 𝛼[0, 10, −5]
= [0, 10, −5]
4 −2
= [0, , ]
25 25
4.1.4 We have,
𝑦𝑖(𝑥𝑖𝜃 + 𝑏) = 1
Substituting the values from earlier parts, we get,
4 −2 𝑇
−([1, −6, 9][0, , ] + 𝑏) = 1
25 25
−24
−( − ) − 𝑏 = 1
− 𝑏 = 1
𝑏 − 1
4.1.5 Plugging all the values from previous parts, we get: 𝑓(𝑥) = 𝜙(𝑥)𝜃 + 𝑏 𝑓(𝑥) = 𝜙(𝑥)𝜃 + 𝑏
2 4 −2 𝑇
= [1, 2𝑥, 𝑥 ][0, , ] + 𝑏
8𝑥 2𝑥2
=− +
25 25
=(−2𝑥2 + 8𝑥 + 17)
4.2 Feature Mapping (10 Pts) **[W]**
Let’s look at a dataset where the datapoint can’t be classified with a good accuracy using a linear classifier. Run the below cell to generate the dataset.
We will also see what happens when we try to fit a linear classifier to the dataset.

In [19]: def visualize_decision_boundary(X, y, feature_new=None, h=0.02):
”’
You don’t have to modify this function

Function to vizualize decision boundary

feature_new is a function to get X with additional features
”’
x1_min, x1_max = X[:, 0].min() – 1, X[:, 0].max() + 1 x2_min, x2_max = X[:, 1].min() – 1, X[:, 1].max() + 1 xx_1, xx_2 = np.meshgrid(np.arange(x1_min, x1_max, h), np.arange(x2_min, x2_max, h))
if X.shape[1] == 2:
Z = svm_cls.predict(np.c_[xx_1.ravel(), xx_2.ravel()]) else:
X_conc = np.c_[xx_1.ravel(), xx_2.ravel()]
X_new = feature_new(X_conc)
Z = svm_cls.predict(X_new)

Z = Z.reshape(xx_1.shape)

f, ax = plt.subplots(nrows=1, ncols=1,figsize=(5,5)) plt.contourf(xx_1, xx_2, Z, cmap=plt.cm.coolwarm, alpha=0.8) plt.scatter(X[:, 0], X[:, 1], c=y, cmap=plt.cm.coolwarm) plt.xlabel(‘X_1’) plt.ylabel(‘X_2′)
plt.xlim(xx_1.min(), xx_1.max()) plt.ylim(xx_2.min(), xx_2.max()) plt.xticks(()) plt.yticks(())

plt.show()
In [20]: # DO NOT CHANGE
# Try to fit a linear classifier to the dataset

svm_cls = svm.LinearSVC() svm_cls.fit(X_train, y_train)
y_test_predicted = svm_cls.predict(X_test)

print(“Accuracy on test dataset: {}”.format(accuracy_score(y_test, y_test_predic ted))) visualize_decision_boundary(X_train, y_train)
Accuracy on test dataset: 0.87

We can see that we need a non-linear boundary to be able to successfully classify data in this dataset. By mapping the current feature x to a higher space with more features, linear SVM could be performed on the features in the higher space to learn a non-linear decision boundary. In the function below add additional features which can help classify in the above dataset. After creating the additional features use code in the further cells to see how well the features perform on the test set.
(Hint: Think of the shape of the decision boundary that would best separate the above points. What additional features could help map the linear boundary to the non-linear one? Look at this
(https://xavierbourretsicotte.github.io/Kernel_feature_map.html) for a detailed analysis of doing the same for points separable with a circular boundary)
In [21]: def create_nl_feature(X):
”’
TODO – Create additional features and add it to the dataset
returns:
X_new – (N, d + num_new_features) array with additional features added to X such that it can classify the points in the dataset.
”’
#adding X^2 and X^3 as features x1 = np.power(X, 3) x2 = np.power(X, 2) #forming new dataset
X_new = np.column_stack((X, x1, x2))

return X_new

# Delete this line when you implement the function
# raise NotImplementedError

In [22]: # DO NOT CHANGE
# Create new features

X_new = create_nl_feature(X)
X_train, X_test, y_train, y_test = train_test_split(X_new, y, test_size=0.20, random_state=random_ state)
In [23]: # DO NOT CHANGE
# Fit to the new features and vizualize the decision boundary
# You should get more than 90% accuracy on test set

svm_cls = svm.LinearSVC() svm_cls.fit(X_train, y_train)
y_test_predicted = svm_cls.predict(X_test)

print(“Accuracy on test dataset: {}”.format(accuracy_score(y_test, y_tes t_predicted)))
visualize_decision_boundary(X_train, y_train, create_nl_feature)
Accuracy on test dataset: 1.0

  • Homework-4-cs1xhf.zip