- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
尝试在 MNIST 数据集上运行 CNN 示例,批量大小 = 64, channel = 1,n_h = 28,n_w = 28,n_iters = 1000。程序运行前 500 次交互,然后出现上述错误。论坛上已经讨论了相同的主题,例如:topic 1和 topic 2 , 但它们都不能帮助我识别以下代码中的错误:
class CNN_MNIST(nn.Module):
def __init__(self):
super(CNN_MNIST,self).__init__()
# convolution layer 1
self.cnn1 = nn.Conv2d(in_channels=1, out_channels= 32, kernel_size=5,
stride=1,padding=2)
# ReLU activation
self.relu1 = nn.ReLU()
# maxpool 1
self.maxpool1 = nn.MaxPool2d(kernel_size=2,stride=2)
# convolution 2
self.cnn2 = nn.Conv2d(in_channels=32, out_channels=64, kernel_size=5,
stride=1,padding=2)
# ReLU activation
self.relu2 = nn.ReLU()
# maxpool 2
self.maxpool2 = nn.MaxPool2d(kernel_size=2,stride=2)
# fully connected 1
self.fc1 = nn.Linear(7*7*64,1000)
# fully connected 2
self.fc2 = nn.Linear(1000,10)
def forward(self,x):
# convolution 1
out = self.cnn1(x)
# activation function
out = self.relu1(out)
# maxpool 1
out = self.maxpool1(out)
# convolution 2
out = self.cnn2(out)
# activation function
out = self.relu2(out)
# maxpool 2
out = self.maxpool2(out)
# flatten the output
out = out.view(out.size(0),-1)
# fully connected layers
out = self.fc1(out)
out = self.fc2(out)
return out
# model trainning
count = 0
loss_list = []
iteration_list = []
accuracy_list = []
for epoch in range(int(n_epochs)):
for i, (image,labels) in enumerate(train_loader):
train = Variable(image)
labels = Variable(labels)
# clear gradient
optimizer.zero_grad()
# forward propagation
output = cnn_model(train)
# calculate softmax and cross entropy loss
loss = error(output,label)
# calculate gradients
loss.backward()
# update the optimizer
optimizer.step()
count += 1
if count % 50 ==0:
# calculate the accuracy
correct = 0
total = 0
# iterate through the test data
for image, labels in test_loader:
test = Variable(image)
# forward propagation
output = cnn_model(test)
# get prediction
predict = torch.max(output.data,1)[1]
# total number of labels
total += len(labels)
# correct prediction
correct += (predict==labels).sum()
# accuracy
accuracy = 100*correct/float(total)
# store loss, number of iteration, and accuracy
loss_list.append(loss.data)
iteration_list.append(count)
accuracy_list.append(accuracy)
# print loss and accurcay as the algorithm progresses
if count % 500 ==0:
print('Iteration :{} Loss :{} Accuracy :
{}'.format(count,loss.item(),accuracy))
错误如下:
---------------------------------------------------------------------------
ValueError Traceback (most recent call last)
<ipython-input-19-9e93a242961b> in <module>
18
19 # calculate softmax and cross entropy loss
---> 20 loss = error(output,label)
21
22 # calculate gradients
~\Anaconda3\lib\site-packages\torch\nn\modules\module.py in __call__(self, *input, **kwargs)
545 result = self._slow_forward(*input, **kwargs)
546 else:
--> 547 result = self.forward(*input, **kwargs)
548 for hook in self._forward_hooks.values():
549 hook_result = hook(self, input, result)
~\Anaconda3\lib\site-packages\torch\nn\modules\loss.py in forward(self, input, target)
914 def forward(self, input, target):
915 return F.cross_entropy(input, target, weight=self.weight,
--> 916 ignore_index=self.ignore_index, reduction=self.reduction)
917
918
~\Anaconda3\lib\site-packages\torch\nn\functional.py in cross_entropy(input, target, weight, size_average, ignore_index, reduce, reduction)
1993 if size_average is not None or reduce is not None:
1994 reduction = _Reduction.legacy_get_string(size_average, reduce)
-> 1995 return nll_loss(log_softmax(input, 1), target, weight, None, ignore_index, None, reduction)
1996
1997
~\Anaconda3\lib\site-packages\torch\nn\functional.py in nll_loss(input, target, weight, size_average, ignore_index, reduce, reduction)
1820 if input.size(0) != target.size(0):
1821 raise ValueError('Expected input batch_size ({}) to match target batch_size ({}).'
-> 1822 .format(input.size(0), target.size(0)))
1823 if dim == 2:
1824 ret = torch._C._nn.nll_loss(input, target, weight, _Reduction.get_enum(reduction), ignore_index)
ValueError: Expected input batch_size (32) to match target batch_size (64).
最佳答案
您为损失提供了错误的目标:
loss = error(output, label)
当你的装载机给你
for i, (image,labels) in enumerate(train_loader):
train = Variable(image)
labels = Variable(labels)
所以你有一个来自加载器的变量名labels
(带有s
),但是你提供label
(没有s
) 你的损失。
批量大小是您最不需要担心的。
关于python-3.x - Pytorch:ValueError:预期输入 batch_size (32) 以匹配目标 batch_size (64),我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/58059221/
我有形状为 (batch_size, 200, 256) 的 LSTM 层的输出,其中 200 是标记序列的长度,256 是 LSTM 输出维度。我还有另一个形状为 (batch_size) 的张量,
尝试在 MNIST 数据集上运行 CNN 示例,批量大小 = 64, channel = 1,n_h = 28,n_w = 28,n_iters = 1000。程序运行前 500 次交互,然后出现上述
尝试在 MNIST 数据集上运行 CNN 示例,批量大小 = 64, channel = 1,n_h = 28,n_w = 28,n_iters = 1000。程序运行前 500 次交互,然后出现上述
自十一月以来,我一直在自学这一点,对此的任何帮助将非常感激,感谢您的关注,因为我似乎在兜圈子。我正在尝试使用与 Mnist 数据集一起使用的 Pytorch CNN 示例。现在我正在尝试修改CNN以进
我正在 Pytorch 中构建一个神经网络,它应该对 102 个类进行分类。 我有以下验证函数: def validation(model, testloader, criterion): t
我有一个可以放入主机内存的大型数据集。但是,当我使用 tf.keras 训练模型时,它会产生 GPU 内存不足问题。然后我查看 tf.data.Dataset 并希望使用它的 batch() 方法来批
我有一个 Hibernate 域对象,它由应用程序的不同部分加载。有时,延迟加载每个关联是有利的,而其他关联则最好在一个连接中加载整个事物。作为一个希望令人满意的妥协,我发现: 使用批量获取,如果访问
作为这个问题的后续: Concatenate input with constant vector in keras 我正在尝试使用建议的解决方案: constant=K.variable(np.on
我是 tensorflow 的新手,我试图了解什么大小应该是 batch。 我的数据形状 (119396, 12955)。如何为我的数据选择最佳 batch_size?batch_size 与数据形状
嗨,我不了解 keras fit_generator 文档。 我希望我的困惑是理性的。 有一个batch_size还有分批训练的概念。使用 model_fit() ,我指定一个 batch_size
我将 adonet.batch_size 设置为 10,但是当我对对象图进行保存时,它会将对象及其所有子对象保存在单独的数据库调用中。 我可以使用 NHProf 工具看到这一点。 -- stateme
我正在使用 Keras(使用 Python 3.6)来预测数组 (x_test) 的输出,但我得到了一个 TypeError 作为返回。 这是我的预测代码: x_test = [[8],[6],[0]
我有一个目前在 tensorflow 中实现的神经网络,但我在训练后进行预测时遇到问题,因为我有一个 conv2d_transpose 操作,并且这些操作的形状取决于批量大小。我有一个层需要 outp
假设我在 Pytorch 中有一个 CNN 模型和以下大小的 2 个输入: 输入_1: [2, 1, 28, 28] 输入_2: [10, 1, 28, 28] 备注 : 重申一下,input_1 是
对于我的论文,我目前正在研究Elasticsearch和MongoDB的速度(低至毫秒)。 我注意到,与MongoDB相比,Elasticsearch在返回数据的速度和找到的总项目数方面非常一致。在其
如hibernate documentation表示在进行批量插入/更新时,当对象数量等于 jdbc 批量大小(hibernate.jdbc.batch_size)时,应刷新并清除 session 。
是否可以在Grails hibernate插件中覆盖hibernate.jdbc.batch_size? (Grails 2.4.x /休眠3) 如果是,怎么办? 最佳答案 如果查看documenta
有没有办法打印配置sessionFactory的 hibernate 属性时设置的batch_size?例如,在我的代码中我可以说:sessionFactory.getCurrentSession()
我有一个名为 tensor 的 rank-3 张量,形状为 [batch_size, axis_1, axis_2] 并想将其拆分为 batch_size 切片像这样沿着第一个轴: batch_siz
我正在运行 LSTM 代码,我想将其设为双向 LSTM。我该怎么办? 我正在使用 https://github.com/brunnergino/JamBot.git 中的代码。名为polyphonic
我是一名优秀的程序员,十分优秀!