python实现multi函数_python实现多层感知机

什么是多层感知机?

多层感知机(MLP,Multilayer Perceptron)也叫人工神经网络(ANN,Artificial Neural Network),除了输入输出层,它中间可以有多个隐层,最简单的MLP只含一个隐层,即三层的结构,如下图:

上图可以看到,多层感知机层与层之间是全连接的。多层感知机最底层是输入层,中间是隐藏层,最后是输出层。

多层感知机和感知机的区别?

我们来看下感知机是什么样的:

从上述内容更可以看出,感知机是一个线性的二分类器,但不能对非线性的数据并不能进行有效的分类。因此便有了对网络层次的加深,理论上,多层感知机可以模拟任何复杂的函数。

多层感知机的前向传播过程?

这里以输入层、一个隐含层,输出层为例:

结合之前定义的字母标记,对于第二层的三个神经元的输出则有:

将上述的式子转换为矩阵表达式:

将第二层的前向传播计算过程推广到网络中的任意一层,则:

多层感知机的反向传播过程?

from __future__ importprint_function, divisionimportnumpy as npimportmathfrom sklearn importdatasetsfrom mlfromscratch.utils importtrain_test_split, to_categorical, normalize, accuracy_score, Plotfrom mlfromscratch.deep_learning.activation_functions importSigmoid, Softmaxfrom mlfromscratch.deep_learning.loss_functions importCrossEntropyclassMultilayerPerceptron():"""Multilayer Perceptron classifier. A fully-connected neural network with one hidden layer.

Unrolled to display the whole forward and backward pass.

Parameters:

-----------

n_hidden: int:

The number of processing nodes (neurons) in the hidden layer.

n_iterations: float

The number of training iterations the algorithm will tune the weights for.

learning_rate: float

The step length that will be used when updating the weights."""

def __init__(self, n_hidden, n_iterations=3000, learning_rate=0.01):

self.n_hidden=n_hidden

self.n_iterations=n_iterations

self.learning_rate=learning_rate

self.hidden_activation=Sigmoid()

self.output_activation=Softmax()

self.loss=CrossEntropy()def_initialize_weights(self, X, y):

n_samples, n_features=X.shape

_, n_outputs=y.shape#Hidden layer

limit = 1 /math.sqrt(n_features)

self.W= np.random.uniform(-limit, limit, (n_features, self.n_hidden))

self.w0= np.zeros((1, self.n_hidden))#Output layer

limit = 1 /math.sqrt(self.n_hidden)

self.V= np.random.uniform(-limit, limit, (self.n_hidden, n_outputs))

self.v0= np.zeros((1, n_outputs))deffit(self, X, y):

self._initialize_weights(X, y)for i inrange(self.n_iterations):#..............

#Forward Pass

#..............

#HIDDEN LAYER

hidden_input = X.dot(self.W) +self.w0

hidden_output=self.hidden_activation(hidden_input)#OUTPUT LAYER

output_layer_input = hidden_output.dot(self.V) +self.v0

y_pred=self.output_activation(output_layer_input)#...............

#Backward Pass

#...............

#OUTPUT LAYER

#Grad. w.r.t input of output layer

grad_wrt_out_l_input = self.loss.gradient(y, y_pred) *self.output_activation.gradient(output_layer_input)

grad_v=hidden_output.T.dot(grad_wrt_out_l_input)

grad_v0= np.sum(grad_wrt_out_l_input, axis=0, keepdims=True)#HIDDEN LAYER

#Grad. w.r.t input of hidden layer

grad_wrt_hidden_l_input = grad_wrt_out_l_input.dot(self.V.T) *self.hidden_activation.gradient(hidden_input)

grad_w=X.T.dot(grad_wrt_hidden_l_input)

grad_w0= np.sum(grad_wrt_hidden_l_input, axis=0, keepdims=True)#Update weights (by gradient descent)

#Move against the gradient to minimize loss

self.V -= self.learning_rate *grad_v

self.v0-= self.learning_rate *grad_v0

self.W-= self.learning_rate *grad_w

self.w0-= self.learning_rate *grad_w0#Use the trained model to predict labels of X

defpredict(self, X):#Forward pass:

hidden_input = X.dot(self.W) +self.w0

hidden_output=self.hidden_activation(hidden_input)

output_layer_input= hidden_output.dot(self.V) +self.v0

y_pred=self.output_activation(output_layer_input)returny_preddefmain():

data=datasets.load_digits()

X=normalize(data.data)

y=data.target#Convert the nominal y values to binary

y =to_categorical(y)

X_train, X_test, y_train, y_test= train_test_split(X, y, test_size=0.4, seed=1)#MLP

clf = MultilayerPerceptron(n_hidden=16,

n_iterations=1000,

learning_rate=0.01)

clf.fit(X_train, y_train)

y_pred= np.argmax(clf.predict(X_test), axis=1)

y_test= np.argmax(y_test, axis=1)

accuracy=accuracy_score(y_test, y_pred)print ("Accuracy:", accuracy)#Reduce dimension to two using PCA and plot the results

Plot().plot_in_2d(X_test, y_pred, title="Multilayer Perceptron", accuracy=accuracy, legend_labels=np.unique(y))if __name__ == "__main__":

main()

运行结果:

Accuracy: 0.967966573816156

另外的一种实现是使用卷积神经网络中的全连接层实现:

from __future__ importprint_functionfrom sklearn importdatasetsimportmatplotlib.pyplot as pltimportnumpy as npimportsys

sys.path.append("/content/drive/My Drive/learn/ML-From-Scratch/")#Import helper functions

from mlfromscratch.deep_learning importNeuralNetworkfrom mlfromscratch.utils importtrain_test_split, to_categorical, normalize, Plotfrom mlfromscratch.utils importget_random_subsets, shuffle_data, accuracy_scorefrom mlfromscratch.deep_learning.optimizers importStochasticGradientDescent, Adam, RMSprop, Adagrad, Adadeltafrom mlfromscratch.deep_learning.loss_functions importCrossEntropyfrom mlfromscratch.utils.misc importbar_widgetsfrom mlfromscratch.deep_learning.layers importDense, Dropout, Activationdefmain():

optimizer=Adam()#-----

#MLP

#-----

data=datasets.load_digits()

X=data.data

y=data.target#Convert to one-hot encoding

y = to_categorical(y.astype("int"))

n_samples, n_features=X.shape

n_hidden= 512X_train, X_test, y_train, y_test= train_test_split(X, y, test_size=0.4, seed=1)

clf= NeuralNetwork(optimizer=optimizer,

loss=CrossEntropy,

validation_data=(X_test, y_test))

clf.add(Dense(n_hidden, input_shape=(n_features,)))

clf.add(Activation('leaky_relu'))

clf.add(Dense(n_hidden))

clf.add(Activation('leaky_relu'))

clf.add(Dropout(0.25))

clf.add(Dense(n_hidden))

clf.add(Activation('leaky_relu'))

clf.add(Dropout(0.25))

clf.add(Dense(n_hidden))

clf.add(Activation('leaky_relu'))

clf.add(Dropout(0.25))

clf.add(Dense(10))

clf.add(Activation('softmax'))print()

clf.summary(name="MLP")

train_err, val_err= clf.fit(X_train, y_train, n_epochs=50, batch_size=256)#Training and validation error plot

n =len(train_err)

training,= plt.plot(range(n), train_err, label="Training Error")

validation,= plt.plot(range(n), val_err, label="Validation Error")

plt.legend(handles=[training, validation])

plt.title("Error Plot")

plt.ylabel('Error')

plt.xlabel('Iterations')

plt.show()

_, accuracy=clf.test_on_batch(X_test, y_test)print ("Accuracy:", accuracy)#Reduce dimension to 2D using PCA and plot the results

y_pred = np.argmax(clf.predict(X_test), axis=1)

Plot().plot_in_2d(X_test, y_pred, title="Multilayer Perceptron", accuracy=accuracy, legend_labels=range(10))if __name__ == "__main__":

main()

运行结果:

+-----+

| MLP |

+-----+Input Shape: (64,)+------------------------+------------+--------------+

| Layer Type | Parameters | Output Shape |

+------------------------+------------+--------------+

| Dense | 33280 | (512,) |

| Activation (LeakyReLU) | 0 | (512,) |

| Dense | 262656 | (512,) |

| Activation (LeakyReLU) | 0 | (512,) |

| Dropout | 0 | (512,) |

| Dense | 262656 | (512,) |

| Activation (LeakyReLU) | 0 | (512,) |

| Dropout | 0 | (512,) |

| Dense | 262656 | (512,) |

| Activation (LeakyReLU) | 0 | (512,) |

| Dropout | 0 | (512,) |

| Dense | 5130 | (10,) |

| Activation (Softmax) | 0 | (10,) |

+------------------------+------------+--------------+Total Parameters:826378Training:100% [------------------------------------------------] Time: 0:00:29

Accuracy: 0.9763231197771588

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值