diff --git a/tutorials/02-intermediate/convolutional_neural_network/main.py b/tutorials/02-intermediate/convolutional_neural_network/main.py index ec904f1f..ef0a200e 100644 --- a/tutorials/02-intermediate/convolutional_neural_network/main.py +++ b/tutorials/02-intermediate/convolutional_neural_network/main.py @@ -37,13 +37,13 @@ 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.Conv2d(in_channels=1, out_channels=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.Conv2d(in_channels=16, out_channels=32, kernel_size=5, stride=1, padding=2), + nn.BatchNorm2d(num_features=32), nn.ReLU(), nn.MaxPool2d(kernel_size=2, stride=2)) self.fc = nn.Linear(7*7*32, num_classes) @@ -97,4 +97,4 @@ def forward(self, x): print('Test Accuracy of the model on the 10000 test images: {} %'.format(100 * correct / total)) # Save the model checkpoint -torch.save(model.state_dict(), 'model.ckpt') \ No newline at end of file +torch.save(model.state_dict(), 'model.ckpt')