如何用Python 实现全连接神经网络(Multi-layer Perceptron)


Posted in Python onOctober 15, 2020

代码

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')

效果

如何用Python 实现全连接神经网络(Multi-layer Perceptron)

如何用Python 实现全连接神经网络(Multi-layer Perceptron)

更多机器学习代码,请访问 https://github.com/WiseDoge/plume

以上就是如何用Python 实现全连接神经网络(Multi-layer Perceptron)的详细内容,更多关于Python 实现全连接神经网络的资料请关注三水点靠木其它相关文章!

Python 相关文章推荐
python实现百度关键词排名查询
Mar 30 Python
用python删除java文件头上版权信息的方法
Jul 31 Python
web.py在模板中输出美元符号的方法
Aug 26 Python
python安装twisted的问题解析
Aug 21 Python
virtualenv 指定 python 解释器的版本方法
Oct 25 Python
讲解Python3中NumPy数组寻找特定元素下标的两种方法
Aug 04 Python
如何在sublime编辑器中安装python
May 20 Python
学python爬虫能做什么
Jul 29 Python
使用python画出逻辑斯蒂映射(logistic map)中的分叉图案例
Dec 11 Python
Python实现钉钉/企业微信自动打卡的示例代码
Feb 02 Python
Python实战之实现简易的学生选课系统
May 25 Python
利用 Python 的 Pandas和 NumPy 库来清理数据
Apr 13 Python
python 实现非极大值抑制算法(Non-maximum suppression, NMS)
Oct 15 #Python
解决pip安装的第三方包在PyCharm无法导入的问题
Oct 15 #Python
python实现粒子群算法
Oct 15 #Python
如何将anaconda安装配置的mmdetection环境离线拷贝到另一台电脑
Oct 15 #Python
Python3.7安装PyQt5 运行配置Pycharm的详细教程
Oct 15 #Python
python利用faker库批量生成测试数据
Oct 15 #Python
如何利用python检测图片是否包含二维码
Oct 15 #Python
You might like
PHP7匿名类的用法示例
2019/04/05 PHP
JavaScipt基本教程之JavaScript语言的基础
2008/01/16 Javascript
Javascript 写的简单进度条控件
2008/01/22 Javascript
利用google提供的API(JavaScript接口)获取网站访问者IP地理位置的代码详解
2010/07/24 Javascript
jquery中交替点击事件toggle方法的使用示例
2013/12/08 Javascript
nodejs之请求路由概述
2014/07/05 NodeJs
用javascript读取xml文件读取节点数据
2014/08/12 Javascript
Sublime Text 3常用插件及安装方法
2015/12/16 Javascript
JS去除空格和换行的正则表达式(推荐)
2016/06/14 Javascript
bootstrap栅格系统示例代码分享
2017/05/22 Javascript
JavaScript判断浏览器和hack滚动条的写法
2017/07/23 Javascript
Vue中封装input组件的实例详解
2017/10/17 Javascript
react-native-video实现视频全屏播放的方法
2018/03/19 Javascript
javascript实现文件拖拽事件
2018/03/29 Javascript
JS实现面向对象继承的5种方式分析
2018/07/21 Javascript
Vue中函数防抖节流的理解及应用实现
2020/04/24 Javascript
python实现比较两段文本不同之处的方法
2015/05/30 Python
python常用库之NumPy和sklearn入门
2019/07/11 Python
Pytorch: 自定义网络层实例
2020/01/07 Python
ubuntu 安装pyqt5和卸载pyQt5的方法
2020/03/24 Python
python3中datetime库,time库以及pandas中的时间函数区别与详解
2020/04/16 Python
python pandas dataframe 去重函数的具体使用
2020/07/20 Python
python中二分查找法的实现方法
2020/12/06 Python
阿根廷旅游网站:almundo阿根廷
2018/02/12 全球购物
Giglio英国站:意大利奢侈品购物网
2018/03/06 全球购物
Chicco婴儿用品美国官网:汽车座椅、婴儿推车、高脚椅等
2018/11/05 全球购物
英国床垫和床架购物网站:Bedman
2019/11/04 全球购物
马来西亚网上花店:FlowerAdvisor马来西亚
2020/01/03 全球购物
优秀毕业自我鉴定
2014/02/15 职场文书
创先争优演讲稿
2014/09/15 职场文书
餐饮店长岗位职责
2015/04/14 职场文书
2016年学校招生广告语
2016/01/28 职场文书
创业计划书之餐饮
2019/09/02 职场文书
CSS filter 有什么神奇用途
2021/05/25 HTML / CSS
SpringBoot生成License的实现示例
2021/06/16 Java/Android
纯html+css实现奥运五环的示例代码
2021/08/02 HTML / CSS