Skip to content

构建神经网络

神经网络由层和块组成。torch.nn这个函数下提供了构建网络所需的所有模块。PyTorch 中的每个模块都是nn.Module的子类。神经网络本身就是一个由其他块(层)组成。这种嵌套结构允许轻松构建和管理复杂的网络架构。

在以下部分中,我们将构建一个神经网络来对 FashionMNIST 数据集中的图像进行分类。

python
import os
import torch
from torch import nn
from torch.utils.data import DataLoader
from torchvision import datasets, transforms

查询训练设备

我们希望能够在 GPU 或 MPS 等硬件加速器(如果可用)上训练我们的模型。让我们检查一下torch.cuda是否 或torch.backends.mps可用,否则我们使用 CPU。

python
device = (
    "cuda"
    if torch.cuda.is_available()
    else "mps"
    if torch.backends.mps.is_available()
    else "cpu"
)
print(f"Using {device} device")

定义类

我们通过子类化nn.Module来定义神经网络,并在__init__中初始化神经网络层。每个nn.Module子类都实现了forward方法中对输入数据的操作。

python
class NeuralNetwork(nn.Module):
    def __init__(self):
        super().__init__()
        self.flatten = nn.Flatten()
        self.linear_relu_stack = nn.Sequential(
            nn.Linear(28*28, 512),
            nn.ReLU(),
            nn.Linear(512, 512),
            nn.ReLU(),
            nn.Linear(512, 10),
        )

    def forward(self, x):
        x = self.flatten(x)
        logits = self.linear_relu_stack(x)
        return logits

我们创建一个NeuralNetwork实例,并将其移动到device上,并打印其结构。

python
model = NeuralNetwork().to(device)
print(model)
md
NeuralNetwork(
  (flatten): Flatten(start_dim=1, end_dim=-1)
  (linear_relu_stack): Sequential(
    (0): Linear(in_features=784, out_features=512, bias=True)
    (1): ReLU()
    (2): Linear(in_features=512, out_features=512, bias=True)
    (3): ReLU()
    (4): Linear(in_features=512, out_features=10, bias=True)
  )
)

为了使用该模型,我们将输入数据传递给它。这将执行模型的forward以及一些后台操作。不要直接调用model.forward() ! 在输入上调用模型会返回一个二维张量,其中 dim=0 对应于每个类的 10 个原始预测值的每个输出,dim=1 对应于每个输出的各个值。我们通过将预测概率传递给nn.Softmax模块的实例来获得预测概率。

python
X = torch.rand(1, 28, 28, device=device)
logits = model(X)
pred_probab = nn.Softmax(dim=1)(logits)
y_pred = pred_probab.argmax(1)
print(f"Predicted class: {y_pred}")

Predicted class: tensor([7], device='cuda:0')

模型层

让我们分解 FashionMNIST 模型中的各个层。为了说明这一点,我们将采用 3 个大小为 28x28 的图像的小批量样本,并看看当我们将其传递到网络时会发生什么。

python
input_image = torch.rand(3,28,28)
print(input_image.size())

nn.Flatten

我们初始化nn.Flatten 层将每个 2D 28x28 图像转换为 784 个像素值的连续数组( 小批量维度(dim=0)保持不变)。

python
flatten = nn.Flatten()
flat_image = flatten(input_image)
print(flat_image.size())

out: torch.Size([3, 784])

nn.Linear

线性层 用存储的权重和偏差,对输入线性变换。

python
layer1 = nn.Linear(in_features=28*28, out_features=20)
hidden1 = layer1(flat_image)
print(hidden1.size())

torch.Size([3, 20])

nn.ReLU

非线性激活层,提供了非线性的变换,增加了模型的复杂度。 Relu在众多的激活函数中是一个计算量比较小的。此代码中也是使用了这个激活函数

python
print(f"Before ReLU: {hidden1}\n\n")
hidden1 = nn.ReLU()(hidden1)
print(f"After ReLU: {hidden1}")

nn.Sequential

nn.Sequential是模块的有序容器。数据按照定义的相同顺序传递通过所有模块。您可以使用顺序容器来组合一个快速网络,例如seq_modules 。

python
seq_modules = nn.Sequential(
    flatten,
    layer1,
    nn.ReLU(),
    nn.Linear(20, 10)
)
input_image = torch.rand(3,28,28)
logits = seq_modules(input_image)

nn.Softmax

神经网络的最后一个线性层返回logits - [-infty, infty] 中的原始值 - 被传递到 nn.Softmax模块。 Logits 缩放为值 [0, 1],表示模型对每个类别的预测概率。 dim参数指示值总和必须为 1 的维度。

python
softmax = nn.Softmax(dim=1)
pred_probab = softmax(logits)

Model Parameters

神经网络内的许多层都是参数化的,即具有在训练期间优化的相关权重和偏差。子类化nn.Module自动跟踪模型对象中定义的所有字段,并使用模型的parameters()或named_parameters()方法使所有参数可访问。

在此示例中,我们迭代每个参数,并打印其大小及其值的预览。

python
print(f"Model structure: {model}\n\n")

for name, param in model.named_parameters():
    print(f"Layer: {name} | Size: {param.size()} | Values : {param[:2]} \n")
OUT
python
Model structure: NeuralNetwork(
  (flatten): Flatten(start_dim=1, end_dim=-1)
  (linear_relu_stack): Sequential(
    (0): Linear(in_features=784, out_features=512, bias=True)
    (1): ReLU()
    (2): Linear(in_features=512, out_features=512, bias=True)
    (3): ReLU()
    (4): Linear(in_features=512, out_features=10, bias=True)
  )
)


Layer: linear_relu_stack.0.weight | Size: torch.Size([512, 784]) | Values : tensor([[ 0.0273,  0.0296, -0.0084,  ..., -0.0142,  0.0093,  0.0135],
        [-0.0188, -0.0354,  0.0187,  ..., -0.0106, -0.0001,  0.0115]],
       device='cuda:0', grad_fn=<SliceBackward0>)

Layer: linear_relu_stack.0.bias | Size: torch.Size([512]) | Values : tensor([-0.0155, -0.0327], device='cuda:0', grad_fn=<SliceBackward0>)

Layer: linear_relu_stack.2.weight | Size: torch.Size([512, 512]) | Values : tensor([[ 0.0116,  0.0293, -0.0280,  ...,  0.0334, -0.0078,  0.0298],
        [ 0.0095,  0.0038,  0.0009,  ..., -0.0365, -0.0011, -0.0221]],
       device='cuda:0', grad_fn=<SliceBackward0>)

Layer: linear_relu_stack.2.bias | Size: torch.Size([512]) | Values : tensor([ 0.0148, -0.0256], device='cuda:0', grad_fn=<SliceBackward0>)

Layer: linear_relu_stack.4.weight | Size: torch.Size([10, 512]) | Values : tensor([[-0.0147, -0.0229,  0.0180,  ..., -0.0013,  0.0177,  0.0070],
        [-0.0202, -0.0417, -0.0279,  ..., -0.0441,  0.0185, -0.0268]],
       device='cuda:0', grad_fn=<SliceBackward0>)

Layer: linear_relu_stack.4.bias | Size: torch.Size([10]) | Values : tensor([ 0.0070, -0.0411], device='cuda:0', grad_fn=<SliceBackward0>)

API

https://pytorch.org/docs/stable/nn.html