Stuck in training part

Don’t know what to do every time I run the training set I get different errors

features = processed_data.drop('turn_anti_social', axis=1)
targets = processed_data['turn_anti_social']

features = torch.tensor(features.values)

labels = Variable(torch.LongTensor(targets.values))

from torch import nn

model=nn.Sequential(nn.Linear(71,128),nn.ReLU(),nn.Linear(128,64),nn.ReLU(),nn.Linear(64,2),nn.LogSoftmax(dim=1))

from torch import optim

criterion = nn.NLLLoss()
optimizer = optim.Adam(model.parameters(), lr = 0.03)

# TODO: Train the network here
torch.manual_seed(7)
torch.set_default_tensor_type('torch.DoubleTensor')

epochs = 10
#n_records, n_features = features.shape
r_loss = None 
#weights = np.random.normal(scale=1 / n_features**.5, size=n_features)
#weights = torch.tensor(weights)
#print(weights.shape)
for i in range(epochs):
      
    #del_w = np.zeros(weights.shape)

    
        #x = x.view(x.shape[0],-1)    
    optimizer.zero_grad()
    model = model.double()
    features = features.double()
    labels = labels.double
    output = model.forward(features)
    #loss = criterian(output,labels)
    loss = criterion(output,labels)
    loss.backward()
    optimizer.step()
    print(i,loss.item())
    #print(f"Training loss: {r_loss/len(trainloader)}") 

What is the error? Could you please log the error here!