其他分享
首页 > 其他分享> > ML&DL_3——多层感知机

ML&DL_3——多层感知机

作者:互联网

1 感知机

1.1 感知机模型

给 定 输 入 x , 权 重 w , 和 偏 移 b , 感 知 机 输 出 : o = σ ( ⟨ w , x ⟩ + b ) σ ( x ) = { 1  if  x > 0 − 1  otherwise  给定输入 \mathbf{x} , 权重 \mathbf{w} , 和偏移 b , 感知机输出:\\ o=\sigma(\langle\mathbf{w}, \mathbf{x}\rangle+b) \quad \sigma(x)=\left\{\begin{array}{ll} 1 & \text { if } x>0 \\ -1 & \text { otherwise } \end{array}\right. 给定输入x,权重w,和偏移b,感知机输出:o=σ(⟨w,x⟩+b)σ(x)={1−1​ if x>0 otherwise ​

1.2 总结

2 多层感知机

2.1 多层感知机模型

2.2 激活函数

2.3 总结

3 多层感知机从零开始

其中有的函数,在之前的博客中已经使用过了,所以就直接使用d2l库中封装好的,其源代码和我之前使用的一样。

# -*- coding: utf-8 -*- 
# @Time : 2021/9/12 20:43 
# @Author : Amonologue
# @software : pycharm   
# @File : MLP_from_zero.py
import torch
from torch import nn
from d2l import torch as d2l


def relu(X):
    a = torch.zeros_like(X)  # 创建一个和X的shape相同且全为0的向量
    return torch.max(a, X)  # 两者中的每一个位置的最大值所组成的向量


def net(X):
    X = X.reshape((-1, num_inputs))
    H = relu(X @ W1 + b1)
    return H @ W2 + b2


if __name__ == '__main__':
    batch_size = 256
    train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size)

    num_inputs, num_outputs, num_hiddens = 784, 10, 256
    # Fashion-MNIST 数据集中, 输入的为28x28的图像, 将其拉伸成一维, 则输入为784
    # 输出对应10个类别
    # 隐藏层设置256个隐藏单元
    W1 = nn.Parameter(
        torch.randn(num_inputs, num_hiddens, requires_grad=True) * 0.01
    )
    b1 = nn.Parameter(
        torch.zeros(num_hiddens, requires_grad=True)
    )
    W2 = nn.Parameter(
        torch.randn(num_hiddens, num_outputs, requires_grad=True) * 0.01
    )
    b2 = nn.Parameter(
        torch.zeros(num_outputs, requires_grad=True)
    )
    params = [W1, b1, W2, b2]

    loss = nn.CrossEntropyLoss()  # 采用交叉熵损失
    num_epochs = 10  # 训练5个批次
    lr = 0.1
    updater = torch.optim.SGD(params, lr=lr)  # 采用SGD优化
    d2l.train_ch3(net, train_iter, test_iter, loss, num_epochs, updater)

在这里插入图片描述

4 多层感知机简洁实现

# -*- coding: utf-8 -*- 
# @Time : 2021/9/12 21:47 
# @Author : Amonologue
# @software : pycharm   
# @File : MLP_simple.py
import torch
from torch import nn
from d2l import torch as d2l


def init_weight(m):
    if type(m) == nn.Linear:
        nn.init.normal_(m.weight, std=0.01)


if __name__ == '__main__':
    net = nn.Sequential(
        nn.Flatten(),
        nn.Linear(784, 256),
        nn.ReLU(),
        nn.Linear(256, 10)
    )
    # 其中nn.Flatten将输入拉成一个向量, 从而输入为784的向量
    net.apply(init_weight)
    batch_size = 256
    lr = 0.1
    num_epochs = 10
    loss = nn.CrossEntropyLoss()
    trainer = torch.optim.SGD(net.parameters(), lr=lr)
    train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size)
    d2l.train_ch3(net, train_iter, test_iter, loss, num_epochs, trainer)

在这里插入图片描述

标签:DL,nn,ML,torch,感知机,num,d2l,exp
来源: https://blog.csdn.net/CesareBorgia/article/details/120254748