Category "pytorch"

Can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first

I am trying to show results of GAN network on some specified epochs. The function for printing the current result was used previously with TF. I need to change

Can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first

I am trying to show results of GAN network on some specified epochs. The function for printing the current result was used previously with TF. I need to change

Can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first

I am trying to show results of GAN network on some specified epochs. The function for printing the current result was used previously with TF. I need to change

Can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first

I am trying to show results of GAN network on some specified epochs. The function for printing the current result was used previously with TF. I need to change

Can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first

I am trying to show results of GAN network on some specified epochs. The function for printing the current result was used previously with TF. I need to change

ai.djl.engine.EngineException: PytorchStreamReader failed locating file constants.pkl: file not found

I tried to use DJL to load the Yolov5 model for target recognition, but an error was reported. ai.djl.engine.EngineException: PytorchStreamReader failed locatin

Tacotron2 traning new languages for speech synthesis using Pytorch

I wanted to see if it's possibe to train the Tacotron2 model for languages other than English (LJ Speech Dataset) using Pytorch. If so, how do I train the model

Cuda illegal memory access when running inference on *.engine

After exporting a YoloV5 model to .engine I receive an error when trying to perform inference on it. Loading model.engine for TensorRT inference... [01/16/2022-

can't convert cuda:0 device type tensor to numpy

As metioned in the title, I am getting this TyperError for the following code I am using google collab and is set to GPU runtime type. %%time history = [evaluat

Solving "CUDA out of memory" when fine-tuning GPT-2 (HuggingFace)

I get the reoccuring CUDA out of memory error when using the HuggingFace Transformers library to fine-tune a GPT-2 model and can't seem to solve it, despite my

Pytorch model weights change when put on GPU

I noticed a very strange behaviour regarding the 3D Resnet by Facebookresearch. Using their sample code from the website, I receive different results, when putt

I this the correct way of computing the average accuracy?

I am fairly new to coding and getting confused between average accuracy and overall accuracy. I have created a function to calculate accuracy, i then divide thi

list' object has no attribute 'to' in trainer function in torch to(self.device)

class Trainer: def __init__(self, modelName,model,train_partial_dataset, val_dataset, loss_function, optimizer,path_save_best_model,device):

RuntimeError: Found dtype Long but expected Float when fine-tuning using Trainer API

I'm trying to fine-tune BERT model for sentiment analysis (classifying text as positive/negative) with Huggingface Trainer API. My dataset has two columns, Text

Got: TypeError: 'bool' object is not callable when building CNN using PyTorch

I got the following error when using PyTorch to build a convolutional neural network TypeError: 'bool' object is not callable. Attached is the related code: cla

DQN doesn't learn

I'm trying to implement a DQN in CarPole environment using Pytorch. I don't know why, but no matter how long I've tried to train the agent, even though the scor

Batch Kronecker product of tensors

I have two tensors that are batches of matrices: x = torch.randn(100,10,10) y = torch.randn(100,2,2) I want to parallelize the kronecker on each matrix, not d

Path for loading PyTorch model in Java with DJL

I trained a custom PyTorch model and saved it as a .pt file. I'm now trying to load this model in Java using DJL. Path modelDir = Paths.get("/Users/myname/eclip

How to download an older version of PyTorch Geometric in Google Colab?

Question: How can I download an older version of PyTorch geometric in google colab? Context: I am trying to use/load a pytorch-geometric graph and am getting th

How to get the actual learning rate in PyTorch?

I'm trying to find the appropriate learning rate for my Neural Network using PyTorch. I've implemented the torch.optim.lr_scheduler.CyclicLR to get the learning