博客
关于我
PyTorch中的nn.Conv1d与nn.Conv2d
阅读量:196 次
发布时间:2019-02-28

本文共 2583 字,大约阅读时间需要 8 分钟。

一维卷积nn.Conv1d

一般来说,一维卷积nn.Conv1d用于文本数据,只对宽度进行卷积,对高度不卷积。通常,输入大小为word_embedding_dim * max_length,其中,word_embedding_dim为词向量的维度,max_length为句子的最大长度。卷积核窗口在句子长度的方向上滑动,进行卷积操作。

定义
class torch.nn.Conv1d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True)

主要参数说明:

  • in_channels:在文本应用中,即为词向量的维度
  • out_channels:卷积产生的通道数,相当于是将词向量的维度从in_channels变成了out_channels
  • kernel_size:卷积核的尺寸;卷积核的第二个维度由in_channels决定,所以实际上卷积核的大小为kernel_size * in_channels
  • padding:对输入的每一条边,补充0的层数

代码示例

输入:批大小为32,句子的最大长度为35,词向量维度为256
目标:句子分类,共2类

conv1 = nn.Conv1d(in_channels=256, out_channels=100, kernel_size=2)input = torch.randn(32, 35, 256)input = input.permute(0, 2, 1)   # (32, 35, 256) => (32, 256, 35)output = conv1(input)  # (32, 100, 34)

要使用permute是因为nn.Conv1d是对输入的最后一个维度卷积,所以要把句子长度所在的那个维度变换到最后。

上面的代码只使用了一个卷积核,如果要使用多个卷积核应该使用nn.ModuleList和for循环

import torchimport torch.nn as nnwindow_sizes = [2,3,4]convs = nn.ModuleList([            nn.Sequential(nn.Conv1d(in_channels=8,                                     out_channels=4,                                     kernel_size=h),                          nn.ReLU())                          for h in window_sizes                    ])embed = torch.randn(2, 16, 8)embed = embed.transpose(1,2)output = [conv(embed) for conv in convs]#print(output)for x in output:    print(x.size())'''输出torch.Size([2, 4, 15])torch.Size([2, 4, 14])torch.Size([2, 4, 13])'''

二维卷积nn.Conv2d

一般来说,二维卷积nn.Conv2d用于图像数据,对宽度和高度都进行卷积。

定义
class torch.nn.Conv2d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True)

代码示例

假设现有大小为32 x 32的图片样本,输入样本的channels为1,该图片可能属于10个类中的某一类。CNN框架定义如下:

class CNN(nn.Module):    def __init__(self):        nn.Model.__init__(self)         self.conv1 = nn.Conv2d(1, 6, 5)  # 输入通道数为1,输出通道数为6        self.conv2 = nn.Conv2d(6, 16, 5)  # 输入通道数为6,输出通道数为16        self.fc1 = nn.Linear(5 * 5 * 16, 120)        self.fc2 = nn.Linear(120, 84)        self.fc3 = nn.Linear(84, 10)    def forward(self,x):        '''			总共有2个卷积层,每一层的结构都是卷积->relu->max_pool		'''		# 第一层        x = self.conv1(x)   # 32*32*1 => 28*28*6        x = F.relu(x)        x = F.max_pool2d(x, 2)  # 28*28*6 => 14*14*6        # 第二层        x = self.conv2(x)     # 14*14*6 => 10*10*16        x = F.relu(x)        x = F.max_pool2d(x, 2)   # 10*10*16 => 5*5*16        # view函数将张量x变形成一维向量形式,总特征数不变,为全连接层做准备        x = x.view(x.size()[0], -1)   # 5*5*16 => 400*1        x = F.relu(self.fc1(x))       # 400*1 => 120 * 1        x = F.relu(self.fc2(x))       # 120*1 => 84*1        x = self.fc3(x)               # 84*1 => 10*1        return x

在这里插入图片描述

参考:

转载地址:http://qwrn.baihongyu.com/

你可能感兴趣的文章
MySQL架构介绍
查看>>
MySQL架构优化
查看>>
mysql架构简介、及linux版的安装
查看>>
MySQL查看数据库相关信息
查看>>
MySQL查看表结构和表中数据
查看>>
MySQL查询优化:LIMIT 1避免全表扫描
查看>>
MySQL查询优化之索引
查看>>
mysql查询储存过程,函数,触发过程
查看>>
mysql查询总成绩的前3名学生信息
查看>>
mysql查询慢排查
查看>>
MySQL查询报错ERROR:No query specified
查看>>
mysql查询数据库储存数据的占用容量大小
查看>>
MySQL查询数据库所有表名及其注释
查看>>
MySQL查询数据表中数据记录(包括多表查询)
查看>>
MySQL查询结果排序
查看>>
MYSQL查询语句优化
查看>>
mysql查询语句能否让一个字段不显示出来_天天写order by,你知道Mysql底层执行原理吗?
查看>>
MySQL查询语句:揭秘专家秘籍,让你秒变数据库达人!
查看>>
MySQL死锁套路:一次诡异的批量插入死锁问题分析
查看>>
Mysql死锁问题Deadlock found when trying to get lock;try restarting transaction
查看>>