杰网资源 Design By www.escxy.com
代码
import numpy as np
# 各种激活函数及导数
def sigmoid(x):
return 1 / (1 + np.exp(-x))
def dsigmoid(y):
return y * (1 - y)
def tanh(x):
return np.tanh(x)
def dtanh(y):
return 1.0 - y ** 2
def relu(y):
tmp = y.copy()
tmp[tmp < 0] = 0
return tmp
def drelu(x):
tmp = x.copy()
tmp[tmp >= 0] = 1
tmp[tmp < 0] = 0
return tmp
class MLPClassifier(object):
"""多层感知机,BP 算法训练"""
def __init__(self,
layers,
activation='tanh',
epochs=20, batch_size=1, learning_rate=0.01):
"""
:param layers: 网络层结构
:param activation: 激活函数
:param epochs: 迭代轮次
:param learning_rate: 学习率
"""
self.epochs = epochs
self.learning_rate = learning_rate
self.layers = []
self.weights = []
self.batch_size = batch_size
for i in range(0, len(layers) - 1):
weight = np.random.random((layers[i], layers[i + 1]))
layer = np.ones(layers[i])
self.layers.append(layer)
self.weights.append(weight)
self.layers.append(np.ones(layers[-1]))
self.thresholds = []
for i in range(1, len(layers)):
threshold = np.random.random(layers[i])
self.thresholds.append(threshold)
if activation == 'tanh':
self.activation = tanh
self.dactivation = dtanh
elif activation == 'sigomid':
self.activation = sigmoid
self.dactivation = dsigmoid
elif activation == 'relu':
self.activation = relu
self.dactivation = drelu
def fit(self, X, y):
"""
:param X_: shape = [n_samples, n_features]
:param y: shape = [n_samples]
:return: self
"""
for _ in range(self.epochs * (X.shape[0] // self.batch_size)):
i = np.random.choice(X.shape[0], self.batch_size)
# i = np.random.randint(X.shape[0])
self.update(X[i])
self.back_propagate(y[i])
def predict(self, X):
"""
:param X: shape = [n_samples, n_features]
:return: shape = [n_samples]
"""
self.update(X)
return self.layers[-1].copy()
def update(self, inputs):
self.layers[0] = inputs
for i in range(len(self.weights)):
next_layer_in = self.layers[i] @ self.weights[i] - self.thresholds[i]
self.layers[i + 1] = self.activation(next_layer_in)
def back_propagate(self, y):
errors = y - self.layers[-1]
gradients = [(self.dactivation(self.layers[-1]) * errors).sum(axis=0)]
self.thresholds[-1] -= self.learning_rate * gradients[-1]
for i in range(len(self.weights) - 1, 0, -1):
tmp = np.sum(gradients[-1] @ self.weights[i].T * self.dactivation(self.layers[i]), axis=0)
gradients.append(tmp)
self.thresholds[i - 1] -= self.learning_rate * gradients[-1] / self.batch_size
gradients.reverse()
for i in range(len(self.weights)):
tmp = np.mean(self.layers[i], axis=0)
self.weights[i] += self.learning_rate * tmp.reshape((-1, 1)) * gradients[i]
测试代码
import sklearn.datasets
import numpy as np
def plot_decision_boundary(pred_func, X, y, title=None):
"""分类器画图函数,可画出样本点和决策边界
:param pred_func: predict函数
:param X: 训练集X
:param y: 训练集Y
:return: None
"""
# Set min and max values and give it some padding
x_min, x_max = X[:, 0].min() - .5, X[:, 0].max() + .5
y_min, y_max = X[:, 1].min() - .5, X[:, 1].max() + .5
h = 0.01
# Generate a grid of points with distance h between them
xx, yy = np.meshgrid(np.arange(x_min, x_max, h), np.arange(y_min, y_max, h))
# Predict the function value for the whole gid
Z = pred_func(np.c_[xx.ravel(), yy.ravel()])
Z = Z.reshape(xx.shape)
# Plot the contour and training examples
plt.contourf(xx, yy, Z, cmap=plt.cm.Spectral)
plt.scatter(X[:, 0], X[:, 1], s=40, c=y, cmap=plt.cm.Spectral)
if title:
plt.title(title)
plt.show()
def test_mlp():
X, y = sklearn.datasets.make_moons(200, noise=0.20)
y = y.reshape((-1, 1))
n = MLPClassifier((2, 3, 1), activation='tanh', epochs=300, learning_rate=0.01)
n.fit(X, y)
def tmp(X):
sign = np.vectorize(lambda x: 1 if x >= 0.5 else 0)
ans = sign(n.predict(X))
return ans
plot_decision_boundary(tmp, X, y, 'Neural Network')
效果
更多机器学习代码,请访问 https://github.com/WiseDoge/plume
以上就是如何用Python 实现全连接神经网络(Multi-layer Perceptron)的详细内容,更多关于Python 实现全连接神经网络的资料请关注其它相关文章!
杰网资源 Design By www.escxy.com
广告合作:本站广告合作请联系QQ:858582 申请时备注:广告合作(否则不回)
免责声明:本站文章均来自网站采集或用户投稿,网站不提供任何软件下载或自行开发的软件! 如有用户或公司发现本站内容信息存在侵权行为,请邮件告知! 858582#qq.com
免责声明:本站文章均来自网站采集或用户投稿,网站不提供任何软件下载或自行开发的软件! 如有用户或公司发现本站内容信息存在侵权行为,请邮件告知! 858582#qq.com
杰网资源 Design By www.escxy.com
暂无评论...
《魔兽世界》大逃杀!60人新游玩模式《强袭风暴》3月21日上线
暴雪近日发布了《魔兽世界》10.2.6 更新内容,新游玩模式《强袭风暴》即将于3月21 日在亚服上线,届时玩家将前往阿拉希高地展开一场 60 人大逃杀对战。
艾泽拉斯的冒险者已经征服了艾泽拉斯的大地及遥远的彼岸。他们在对抗世界上最致命的敌人时展现出过人的手腕,并且成功阻止终结宇宙等级的威胁。当他们在为即将于《魔兽世界》资料片《地心之战》中来袭的萨拉塔斯势力做战斗准备时,他们还需要在熟悉的阿拉希高地面对一个全新的敌人──那就是彼此。在《巨龙崛起》10.2.6 更新的《强袭风暴》中,玩家将会进入一个全新的海盗主题大逃杀式限时活动,其中包含极高的风险和史诗级的奖励。
《强袭风暴》不是普通的战场,作为一个独立于主游戏之外的活动,玩家可以用大逃杀的风格来体验《魔兽世界》,不分职业、不分装备(除了你在赛局中捡到的),光是技巧和战略的强弱之分就能决定出谁才是能坚持到最后的赢家。本次活动将会开放单人和双人模式,玩家在加入海盗主题的预赛大厅区域前,可以从强袭风暴角色画面新增好友。游玩游戏将可以累计名望轨迹,《巨龙崛起》和《魔兽世界:巫妖王之怒 经典版》的玩家都可以获得奖励。





