pytorch搭建神经网络
时间: 2023-08-24 22:06:04 浏览: 132
PyTorch是一个开源的深度学习框架,它提供了一系列的工具和接口,使得用户可以方便地搭建、训练和部署神经网络模型。下面是一个简单的PyTorch神经网络搭建示例:
1. 导入必要的库
```python
import torch
import torch.nn as nn
import torch.optim as optim
```
2. 定义网络结构
```python
class Net(nn.Module):
def __init__(self):
super(Net, self).__init__()
self.fc1 = nn.Linear(784, 512)
self.fc2 = nn.Linear(512, 256)
self.fc3 = nn.Linear(256, 10)
def forward(self, x):
x = x.view(-1, 784)
x = F.relu(self.fc1(x))
x = F.relu(self.fc2(x))
x = self.fc3(x)
return x
```
以上代码定义了一个三层全连接神经网络,输入层大小为784,隐藏层1大小为512,隐藏层2大小为256,输出层大小为10。
3. 定义损失函数和优化器
```python
criterion = nn.CrossEntropyLoss()
optimizer = optim.SGD(net.parameters(), lr=0.01, momentum=0.9)
```
这里使用交叉熵作为损失函数,使用随机梯度下降(SGD)作为优化器。
4. 训练模型
```python
for epoch in range(10):
running_loss = 0.0
for i, data in enumerate(trainloader, 0):
inputs, labels = data
optimizer.zero_grad()
outputs = net(inputs)
loss = criterion(outputs, labels)
loss.backward()
optimizer.step()
running_loss += loss.item()
if i % 2000 == 1999:
print('[%d, %5d] loss: %.3f' %
(epoch + 1, i + 1, running_loss / 2000))
running_loss = 0.0
```
这里训练模型共10个epoch,每个epoch遍历一次数据集。在每个epoch内,循环遍历数据集中的所有样本,计算损失并进行反向传播和参数更新。最后输出每个epoch的平均损失。
5. 测试模型
```python
correct = 0
total = 0
with torch.no_grad():
for data in testloader:
images, labels = data
outputs = net(images)
_, predicted = torch.max(outputs.data, 1)
total += labels.size(0)
correct += (predicted == labels).sum().item()
print('Accuracy of the network on the 10000 test images: %d %%' % (
100 * correct / total))
```
这里使用测试集测试模型的准确率。
以上就是一个简单的PyTorch神经网络搭建示例。
阅读全文