【PyTorch】神经网络的基本骨架-nn.Module的使用以及convolution-layers卷积层介绍

前提文章目录

【PyTorch】深度学习PyTorch环境配置及安装【详细清晰】
【PyTorch】深度学习PyTorch加载数据
【PyTorch】关于Tensorboard的简单使用
【PyTorch】关于Transforms的简单使用
【PyTorch】关于torchvision中的数据集以及dataloader的使用


文章目录

nn.Module的使用

nn:Neural network 神经网络

官网链接:https://pytorch.org/docs/1.8.1/nn.html

Containers骨架Module链接:https://pytorch.org/docs/1.8.1/generated/torch.nn.Module.html#torch.nn.Module



程序中的基本使用:

python 复制代码
import torch
from torch import nn


# 创建神经网络模板   debug不会进行执行 除非调用它才会进行执行
class testModel(nn.Module):
    def __init__(self):
        super().__init__()

    def forward(self, input):
        output = input + 1  # 给一个输入直接将其输出
        return output


# 创建神经网络
testModel = testModel()   #进行debug 这是程序的开始
x = torch.tensor(1.0)
output = testModel(x)
print(output)

convolution-layers卷积层

convolution-layers链接:https://pytorch.org/docs/1.8.1/nn.html#convolution-layers

Conv2d

链接:https://pytorch.org/docs/1.8.1/nn.functional.html#conv2d

参数介绍:

  • input:输入
  • weight:权重。卷积核
  • bias:偏置
  • stride:卷积核移动的步长。可以是一个数字或一个元组(sH、sW)。默认值:1 。 sH、sW :控制横向的移动和控制纵向的移动
  • padding:填充
  • dilation:扩张 。内核元素之间的间距
  • groups:组别

卷积后的输出计算:
Stride步长设置:

用程序计算表示:

python 复制代码
import torch
import torch.nn.functional as F

# 输入数据是二维图像(2维矩阵)  看连续的([[)中括号数,有几个就是几维矩阵
input = torch.tensor([[1, 2, 0, 3, 1],  # 输入图像的第一行
                      [0, 1, 2, 3, 1],
                      [1, 2, 1, 0, 0],
                      [5, 2, 3, 1, 1],
                      [2, 1, 0, 1, 1]])

kernel = torch.tensor([[1, 2, 1],
                       [0, 1, 0],
                       [2, 1, 0]])

# print(input.shape)  # torch.Size([5, 5])   只有高和宽
# print(kernel.shape)  # torch.Size([3, 3])

# 因为文档的输入是需要四个参数  所以这里用torch提供的尺寸变换
# 要求的是一个输入,所以放入input
# (1,1,5,5):需要变换成的样子   batch_size为1:只取一个样本; channel为1:二维灰度图  5,5: 是5x5的图像输入
input = torch.reshape(input, (1, 1, 5, 5))
kernel = torch.reshape(kernel, (1, 1, 3, 3))

print(input.shape)  # torch.Size([1, 1, 5, 5])
print(kernel.shape)  # torch.Size([1, 1, 3, 3])

output = F.conv2d(input, kernel, stride=1)
print(output)

# 步长(步径)为2
output2 = F.conv2d(input, kernel, stride=2)
print(output2)

运行结果:

解释说明:

灰度图用2维矩阵表示,通道数channel为1。彩色图用3维矩阵表示,通道数为2。

padding填充设置:

程序计算:

python 复制代码
# padding为1
output3 = F.conv2d(input, kernel, stride=1, padding=1)
print(output3)

输出结果:

可以看到输出结果的尺寸变大。

相关推荐
985小水博一枚呀25 分钟前
【深度学习滑坡制图|论文解读3】基于融合CNN-Transformer网络和深度迁移学习的遥感影像滑坡制图方法
人工智能·深度学习·神经网络·cnn·transformer
AltmanChan26 分钟前
大语言模型安全威胁
人工智能·安全·语言模型
985小水博一枚呀29 分钟前
【深度学习滑坡制图|论文解读2】基于融合CNN-Transformer网络和深度迁移学习的遥感影像滑坡制图方法
人工智能·深度学习·神经网络·cnn·transformer·迁移学习
数据与后端架构提升之路39 分钟前
从神经元到神经网络:深度学习的进化之旅
人工智能·神经网络·学习
爱技术的小伙子1 小时前
【ChatGPT】如何通过逐步提示提高ChatGPT的细节描写
人工智能·chatgpt
深度学习实战训练营2 小时前
基于CNN-RNN的影像报告生成
人工智能·深度学习
昨日之日20064 小时前
Moonshine - 新型开源ASR(语音识别)模型,体积小,速度快,比OpenAI Whisper快五倍 本地一键整合包下载
人工智能·whisper·语音识别
浮生如梦_4 小时前
Halcon基于laws纹理特征的SVM分类
图像处理·人工智能·算法·支持向量机·计算机视觉·分类·视觉检测
深度学习lover4 小时前
<项目代码>YOLOv8 苹果腐烂识别<目标检测>
人工智能·python·yolo·目标检测·计算机视觉·苹果腐烂识别
热爱跑步的恒川5 小时前
【论文复现】基于图卷积网络的轻量化推荐模型
网络·人工智能·开源·aigc·ai编程