两层卷积网络pyhton实现
时间: 2023-06-15 09:05:51 浏览: 93
python卷积神经网络实现
以下是两层卷积网络的Python实现,使用了PyTorch深度学习框架:
```python
import torch
import torch.nn as nn
class ConvNet(nn.Module):
def __init__(self, num_classes=10):
super(ConvNet, self).__init__()
self.layer1 = nn.Sequential(
nn.Conv2d(1, 16, kernel_size=5, stride=1, padding=2),
nn.BatchNorm2d(16),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2, stride=2))
self.layer2 = nn.Sequential(
nn.Conv2d(16, 32, kernel_size=5, stride=1, padding=2),
nn.BatchNorm2d(32),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2, stride=2))
self.fc = nn.Linear(7 * 7 * 32, 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
```
这个实现使用了两个卷积层和一个全连接层。第一个卷积层有16个输出通道,第二个卷积层有32个输出通道。在每个卷积层之后都有一个批量归一化层和ReLU激活函数。最后一个全连接层将卷积层的输出展平为一维张量,并输出10个类别的预测结果。
阅读全文