AttributeError : 'tuple' has no attribute 'to'
AttributeError : 'tuple' has no attribute 'to'
我正在写这个图像分类器,我已经定义了加载器,但是遇到了这个错误,我对此一无所知。
我已经定义了火车装载机,为了更好的解释我尝试了这个
for ina,lab in train_loader:
print(type(ina))
print(type(lab))
我得到了
<class 'torch.Tensor'>
<class 'tuple'>
现在,为了训练模型,我做了
def train_model(model,optimizer,n_epochs,criterion):
start_time = time.time()
for epoch in range(1,n_epochs-1):
epoch_time = time.time()
epoch_loss = 0
correct = 0
total = 0
print( "Epoch {}/{}".format(epoch,n_epochs))
model.train()
for inputs,labels in train_loader:
inputs = inputs.to(device)
labels = labels.to(device)
optimizer.zero_grad()
output = model(inputs)
loss = criterion(output,labels)
loss.backward()
optimizer.step()
epoch_loss +=loss.item()
_,pred =torch.max(output,1)
correct += (pred.cpu()==label.cpu()).sum().item()
total +=labels.shape[0]
acc = correct/total
我得到了错误:
Epoch 1/15
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-36-fea243b3636a> in <module>
----> 1 train_model(model=arch, optimizer=optim, n_epochs=15, criterion=criterion)
<ipython-input-34-b53149a4bac0> in train_model(model, optimizer, n_epochs, criterion)
12 for inputs,labels in train_loader:
13 inputs = inputs.to(device)
---> 14 labels = labels.to(device)
15 optimizer.zero_grad()
16 output = model(inputs)
AttributeError: 'tuple' object has no attribute 'to'
如果你还想要什么,请告诉我!
谢谢
编辑:标签看起来像这样。
这是蜜蜂和黄蜂之间的图像分类。它还包含昆虫和非昆虫
('wasp', 'wasp', 'insect', 'insect', 'wasp', 'insect', 'insect', 'wasp', 'wasp', 'bee', 'insect', 'insect', 'other', 'bee', 'other', 'wasp', 'other', 'wasp', 'bee', 'bee', 'wasp', 'wasp', 'wasp', 'wasp', 'bee'、'wasp'、'wasp'、'other'、'bee'、'wasp'、'bee'、'bee')
('wasp', 'wasp', 'insect', 'bee', 'other', 'wasp', 'insect', 'wasp', 'insect', 'insect', 'insect', 'wasp', 'wasp', 'insect', 'wasp', 'wasp', 'wasp', 'bee', 'wasp', 'wasp', 'insect', 'insect', 'wasp', 'wasp', 'bee' , 'wasp', 'insect', 'bee', 'bee', 'insect', 'insect', 'other')
字面意思是Python中的元组class没有一个叫to
的方法。既然你想把你的标签贴到你的设备上,就做 labels = torch.tensor(labels).to(device)
.
如果您不想这样做,您可以通过将其 return 作为 PyTorch 张量而不是元组作为标签来更改 DataLoader 的工作方式。
编辑
由于标签似乎是字符串,我会先将它们转换为 one-hot 编码向量:
>>> import torch
>>> labels_unique = set(labels)
>>> keys = {key: value for key, value in zip(labels_unique, range(len(labels_unique)))}
>>> labels_onehot = torch.zeros(size=(len(labels), len(keys)))
>>> for idx, label in enumerate(labels_onehot):
... labels_onehot[idx][keys[label]] = 1
...
>>> labels_onehot = labels.to(device)
我在这里有点摸不着头脑,因为我不太清楚细节,但是是的,弦不适用于张量。
我正在写这个图像分类器,我已经定义了加载器,但是遇到了这个错误,我对此一无所知。
我已经定义了火车装载机,为了更好的解释我尝试了这个
for ina,lab in train_loader:
print(type(ina))
print(type(lab))
我得到了
<class 'torch.Tensor'>
<class 'tuple'>
现在,为了训练模型,我做了
def train_model(model,optimizer,n_epochs,criterion):
start_time = time.time()
for epoch in range(1,n_epochs-1):
epoch_time = time.time()
epoch_loss = 0
correct = 0
total = 0
print( "Epoch {}/{}".format(epoch,n_epochs))
model.train()
for inputs,labels in train_loader:
inputs = inputs.to(device)
labels = labels.to(device)
optimizer.zero_grad()
output = model(inputs)
loss = criterion(output,labels)
loss.backward()
optimizer.step()
epoch_loss +=loss.item()
_,pred =torch.max(output,1)
correct += (pred.cpu()==label.cpu()).sum().item()
total +=labels.shape[0]
acc = correct/total
我得到了错误:
Epoch 1/15
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-36-fea243b3636a> in <module>
----> 1 train_model(model=arch, optimizer=optim, n_epochs=15, criterion=criterion)
<ipython-input-34-b53149a4bac0> in train_model(model, optimizer, n_epochs, criterion)
12 for inputs,labels in train_loader:
13 inputs = inputs.to(device)
---> 14 labels = labels.to(device)
15 optimizer.zero_grad()
16 output = model(inputs)
AttributeError: 'tuple' object has no attribute 'to'
如果你还想要什么,请告诉我! 谢谢
编辑:标签看起来像这样。 这是蜜蜂和黄蜂之间的图像分类。它还包含昆虫和非昆虫
('wasp', 'wasp', 'insect', 'insect', 'wasp', 'insect', 'insect', 'wasp', 'wasp', 'bee', 'insect', 'insect', 'other', 'bee', 'other', 'wasp', 'other', 'wasp', 'bee', 'bee', 'wasp', 'wasp', 'wasp', 'wasp', 'bee'、'wasp'、'wasp'、'other'、'bee'、'wasp'、'bee'、'bee') ('wasp', 'wasp', 'insect', 'bee', 'other', 'wasp', 'insect', 'wasp', 'insect', 'insect', 'insect', 'wasp', 'wasp', 'insect', 'wasp', 'wasp', 'wasp', 'bee', 'wasp', 'wasp', 'insect', 'insect', 'wasp', 'wasp', 'bee' , 'wasp', 'insect', 'bee', 'bee', 'insect', 'insect', 'other')
字面意思是Python中的元组class没有一个叫to
的方法。既然你想把你的标签贴到你的设备上,就做 labels = torch.tensor(labels).to(device)
.
如果您不想这样做,您可以通过将其 return 作为 PyTorch 张量而不是元组作为标签来更改 DataLoader 的工作方式。
编辑
由于标签似乎是字符串,我会先将它们转换为 one-hot 编码向量:
>>> import torch
>>> labels_unique = set(labels)
>>> keys = {key: value for key, value in zip(labels_unique, range(len(labels_unique)))}
>>> labels_onehot = torch.zeros(size=(len(labels), len(keys)))
>>> for idx, label in enumerate(labels_onehot):
... labels_onehot[idx][keys[label]] = 1
...
>>> labels_onehot = labels.to(device)
我在这里有点摸不着头脑,因为我不太清楚细节,但是是的,弦不适用于张量。