圆月山庄资源网 Design By www.vgjia.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.vgjia.com
广告合作:本站广告合作请联系QQ:858582 申请时备注:广告合作(否则不回)
免责声明:本站文章均来自网站采集或用户投稿,网站不提供任何软件下载或自行开发的软件! 如有用户或公司发现本站内容信息存在侵权行为,请邮件告知! 858582#qq.com
免责声明:本站文章均来自网站采集或用户投稿,网站不提供任何软件下载或自行开发的软件! 如有用户或公司发现本站内容信息存在侵权行为,请邮件告知! 858582#qq.com
圆月山庄资源网 Design By www.vgjia.com
暂无评论...
RTX 5090要首发 性能要翻倍!三星展示GDDR7显存
三星在GTC上展示了专为下一代游戏GPU设计的GDDR7内存。
首次推出的GDDR7内存模块密度为16GB,每个模块容量为2GB。其速度预设为32 Gbps(PAM3),但也可以降至28 Gbps,以提高产量和初始阶段的整体性能和成本效益。
据三星表示,GDDR7内存的能效将提高20%,同时工作电压仅为1.1V,低于标准的1.2V。通过采用更新的封装材料和优化的电路设计,使得在高速运行时的发热量降低,GDDR7的热阻比GDDR6降低了70%。
更新日志
2024年11月02日
2024年11月02日
- 《暗喻幻想》顺风耳作用介绍
- 崔健1985-梦中的倾诉[再版][WAV+CUE]
- 黄子馨《追星Xin的恋人们2》HQ头版限量编号[WAV+CUE]
- 孟庭苇《情人的眼泪》开盘母带[低速原抓WAV+CUE]
- 孙露《谁为我停留HQCD》[低速原抓WAV+CUE][1.1G]
- 孙悦《时光音乐会》纯银CD[低速原抓WAV+CUE][1.1G]
- 任然《渐晚》[FLAC/分轨][72.32MB]
- 英雄联盟新英雄安蓓萨上线了吗 新英雄安蓓萨技能介绍
- 魔兽世界奥杜尔竞速赛什么时候开启 奥杜尔竞速赛开启时间介绍
- 无畏契约CGRS准星代码多少 CGRS准星代码分享一览
- 张靓颖.2012-倾听【少城时代】【WAV+CUE】
- 游鸿明.1999-五月的雪【大宇国际】【WAV+CUE】
- 曹方.2005-遇见我【钛友文化】【WAV+CUE】
- Unity6引擎上线:稳定性提升、CPU性能最高提升4倍
- 人皇Sky今日举行婚礼!电竞传奇步入新篇章