Python Forum
Can you help me with this error? IndexError: invalid index of a 0-dim tensor.
Thread Rating:
  • 0 Vote(s) - 0 Average
  • 1
  • 2
  • 3
  • 4
  • 5
Can you help me with this error? IndexError: invalid index of a 0-dim tensor.
#1
Hello, I am getting this Error and I dont know how to fix it. I tried.
This is my code:
import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
from torchvision import datasets, transforms
from torch.autograd import Variable

kwargs = {}
train_data = torch.utils.data.DataLoader(datasets.MNIST('data',train=True, download=True,
                                                        transform=transforms.Compose([transforms.ToTensor(),
                                                                                      transforms.Normalize((0.1307,),
                                                                                                           (0.3081,))])),
                                         batch_size=64, shuffle=True, **kwargs)
test_data = torch.utils.data.DataLoader(datasets.MNIST('data', train=False,
                                                       transform=transforms.Compose([transforms.ToTensor(),
                                                                                     transforms.Normalize((0.1307,),
                                                                                                          (0.3081,))])),
                                        batch_size=64, shuffle=True, **kwargs)

class Netz(nn.Module):
    def __init__(self):
        super(Netz, self).__init__()
        self.conv1 = nn.Conv2d(1, 10, kernel_size=5)
        self.conv2 = nn.Conv2d(10, 20, kernel_size=5)
        self.conv_dropout = nn.Dropout2d()
        self.fc1 = nn.Linear(320, 60)
        self.fc2 = nn.Linear(60, 10)

    def forward(self, x):
        x = self.conv1(x)
        x = F.max_pool2d(x, 2)
        x = F.relu(x)
        x = self.conv2(x)
        x = self.conv_dropout(x)
        x = F.max_pool2d(x, 2)
        x = F.relu(x)
        x = x.view(-1, 320)
        x = F.relu(self.fc1(x))
        x = self.fc2(x)
        return F.log_softmax(x)

model = Netz()

optimizer = optim.SGD(model.parameters(), lr=0.1, momentum=0.8)
def train(epoch):
    model.train()
    for batch_id, (data, target) in enumerate(train_data):
        data = Variable(data)
        target = Variable(target)
        optimizer.zero_grad()
        out = model(data)
        criterion = F.nll_loss
        loss = criterion(out, target)
        loss.backward()
        optimizer.step()
        print('Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}'.format(epoch, batch_id * len(data),
                                                                       len(train_data.dataset),
                                                                       100. * batch_id / len(train_data),
                                                                       loss.data[0]))


for epoch in range(1, 30):
    train(epoch)
Error:
/Users/PycharmProjects/Pytorch/venv/mnist.py:40: UserWarning: Implicit dimension choice for log_softmax has been deprecated. Change the call to include dim=X as an argument. return F.log_softmax(x) Traceback (most recent call last): File "/Users/PycharmProjects/Pytorch/venv/mnist.py", line 63, in <module> train(epoch) File "/Users/PycharmProjects/Pytorch/venv/mnist.py", line 59, in train loss.data[0])) IndexError: invalid index of a 0-dim tensor. Use tensor.item() to convert a 0-dim tensor to a Python number
Reply
#2
I am not familiar with this package, but a search on your error brings up: https://pytorch.org/docs/stable/search.h...ea=default#
Reply


Possibly Related Threads…
Thread Author Replies Views Last Post
  Index out of range error standenman 0 1,040 May-22-2023, 10:35 PM
Last Post: standenman
  IndexError: invalid index to scalar variable. jyotib2610 3 2,993 Mar-10-2022, 09:55 AM
Last Post: jyotib2610
  scikit-tensor package Lamine 1 2,528 Feb-27-2022, 01:16 PM
Last Post: jefsummers
  IndexError: index 0 is out of bounds for axis 0 with size 0 atomxkai 2 5,373 Mar-03-2021, 08:26 AM
Last Post: atomxkai
  [split] Getting Index Error - list index out of range krishna 2 2,566 Jan-09-2021, 08:29 AM
Last Post: buran
  How to find what is causing the unboundlocalerror 'crumb' and invalid syntax error? JonathanBanks 1 2,261 Jul-28-2020, 11:46 AM
Last Post: Yoriz
  IndexError: index 0 is out of bounds for axis 0 with size 0 tmhsa 0 5,271 Apr-24-2020, 10:00 AM
Last Post: tmhsa
  Getting Index Error - list index out of range RahulSingh 2 6,101 Feb-03-2020, 07:17 AM
Last Post: RahulSingh
  pandas.read_sas with chunksize: IndexError list index out of range axelle 0 2,549 Jan-28-2020, 09:30 AM
Last Post: axelle
  Executing Scipy Tensor Product John_Doe 1 2,355 Dec-06-2019, 10:28 AM
Last Post: paul18fr

Forum Jump:

User Panel Messages

Announcements
Announcement #1 8/1/2020
Announcement #2 8/2/2020
Announcement #3 8/6/2020