🐛 Describe the bug The exported model failed to do inference on cuda. import torch ep = torch.export.load('retina.pt2') gm = ep.module() gm(torch.rand(1, 3, 800, 1216)) # success gm = ep.module().cuda() gm(torch.rand(1, 3, 800, 1216).cud...
Assign User on Comment [torch.export] RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu! #152741 Sign in to view logs Summary Jobs assign Run details Usage Workflow file Triggered via issue February 25, 2025 19:45 pianpwk ...
"CUDA error: device kernel image is invalid" 这样的错误通常表明某些硬件或驱动程序有问题,导致运行...
input_batch = 1 input_channel = 3 input_h = 448 input_w = 448 output_batch = input_batch output_h = input_h / 2 output_w = input_w / 2 inputc = torch.randn(input_batch, input_channel, \ input_h, input_w, device='cuda') outputc = net(inputc.cuda()) output_names = ["...
raise AttributeError(name) from None AttributeError: Float8_e5m2 Hi, Could you share the below info with us first? >>> import torch >>> torch.cuda.is_available() >>> torch.__version__ >>> import torchvision >>> torchvision.__version__ Thanks....
PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT - TensorRT/examples/dynamo/torch_export_cudagraphs.py at 262c87dab545973fd4a3a6b26a22df11a5fe841f · pytorch/TensorRT
Run onnx export got error: RuntimeError: Input type (torch.cuda.FloatTensor) and weight type (torch.FloatTensor) should be the same weights trained on GPU, and converted both model and image to cuda device, why this error still happens
grad_fn=<ViewBackward>)), scores: tensor([], device='cuda:0', grad_fn=<IndexBackward>), pred_classes: tensor([], device='cuda:0', dtype=torch.int64), pred_masks: tensor([], device='cuda:0', size=(tensor(0), tensor(800), tensor(800)), ...
Tensors and Dynamic neural networks in Python with strong GPU acceleration - `torch._export.aot_compile` CUDA version not compatible with C++ ABI · pytorch/pytorch@a1ba8e6
Tensors and Dynamic neural networks in Python with strong GPU acceleration - `torch._export.aot_compile` CUDA version not compatible with C++ ABI · pytorch/pytorch@de159f0