pytorch计算模型评价指标的示例代码
时间: 2023-04-09 11:05:03 浏览: 253
使用PyTorch实现的简单手写数字识别项目的示例
以下是一个使用 PyTorch 计算模型评价指标的示例代码:
```python
import torch
import torch.nn.functional as F
# 定义模型
class Net(torch.nn.Module):
def __init__(self):
super(Net, self).__init__()
self.fc1 = torch.nn.Linear(10, 5)
self.fc2 = torch.nn.Linear(5, 2)
def forward(self, x):
x = F.relu(self.fc1(x))
x = self.fc2(x)
return x
# 定义数据集
data = torch.randn(100, 10)
target = torch.randint(0, 2, (100,))
# 初始化模型
model = Net()
# 计算模型输出
output = model(data)
# 计算损失函数
loss = F.cross_entropy(output, target)
# 计算准确率
pred = output.argmax(dim=1, keepdim=True)
correct = pred.eq(target.view_as(pred)).sum().item()
accuracy = correct / len(data)
print('Loss:', loss.item())
print('Accuracy:', accuracy)
```
这个示例代码定义了一个简单的神经网络模型,使用随机数据集进行训练,并计算了模型的损失函数和准确率。
阅读全文