写一个基于pytorch的一维卷积神经网络模型
时间: 2023-09-25 08:13:18 浏览: 147
pytorch实现CNN卷积神经网络
好的,下面是一个基于 PyTorch 的一维卷积神经网络模型的示例代码:
```python
import torch
import torch.nn as nn
class ConvNet(nn.Module):
def __init__(self, input_size, num_classes):
super(ConvNet, self).__init__()
self.layer1 = nn.Sequential(
nn.Conv1d(in_channels=1, out_channels=16, kernel_size=5, stride=1, padding=2),
nn.BatchNorm1d(16),
nn.ReLU(),
nn.MaxPool1d(kernel_size=2, stride=2)
)
self.layer2 = nn.Sequential(
nn.Conv1d(in_channels=16, out_channels=32, kernel_size=5, stride=1, padding=2),
nn.BatchNorm1d(32),
nn.ReLU(),
nn.MaxPool1d(kernel_size=2, stride=2)
)
self.fc = nn.Linear(32 * (input_size // 4), num_classes)
def forward(self, x):
out = self.layer1(x)
out = self.layer2(out)
out = out.reshape(out.size(0), -1)
out = self.fc(out)
return out
```
这个示例中定义了一个名为 `ConvNet` 的类,继承自 PyTorch 的 `nn.Module` 类。这个类包含了两个卷积层和一个全连接层,其中卷积层使用了 5 个卷积核(即 `kernel_size=5`),步长为 1(即 `stride=1`),填充为 2(即 `padding=2`),并使用了批量归一化和 ReLU 激活函数。在每个卷积层后面都跟了一个最大池化层(即 `nn.MaxPool1d`),步长为 2(即 `stride=2`)。
全连接层(即 `nn.Linear`)的输入维度为 `32 * (input_size // 4)`,其中 `32` 是最后一层卷积层的输出通道数,`input_size` 是输入序列的长度。因为两个卷积层中都使用了步长为 2 的池化层,所以最后的输出序列长度为输入序列长度的四分之一。
在 `forward` 方法中将数据通过卷积层和池化层得到特征图,然后将特征图展平成一维向量,并传入全连接层进行分类。
阅读全文