-
### 🐛 Describe the bug
In the following Python program, `x + 2` gets traced as `torch.ops.aten.add.Tensor` instead of `torch.ops.aten.add.Scalar` which would be more technically correct (and is the o…
-
万分感谢您分享的代码,不知道您是否使用过多卡对程序进行训练,我将3D可变形卷积用在自己的任务上,当我使用单卡训练时程序可以正常运行,但是使用多卡运行时程序报了如下错误,始终没有解决该问题:
error in deformable_col2im_cuda: an illegal memory access was encountered
error in deformable_im2col_cu…
-
Platforms: inductor
This test was disabled because it is failing in CI. See [recent examples](https://hud.pytorch.org/flakytest?name=test_comprehensive_exp_cuda_bool&suite=TestInductorOpInfoCUDA&limi…
-
Platforms: inductor
This test was disabled because it is failing in CI. See [recent examples](https://hud.pytorch.org/flakytest?name=test_comprehensive_constant_pad_nd_cuda_int32&suite=TestInductorOp…
-
Consider the following code
```Python3
import autograd.numpy as np
from autograd import grad
x = np.zeros(shape=(4,4), dtype=np.float)
d = grad(np.linalg.det)
print(d(x))
```
the derivat…
-
train_acc, train_obj = train(train_queue, model, criterion, optimizer)
File "train.py", line 136, in train
loss.backward()
File "/usr/local/lib/python3.6/site-packages/torch/tensor.py", …
-
Thanks for your project.
My eviroument is Ubuntu16.04+Python3.6 +Pytorch1.1+CUDA10.0
I try to use this code to train distributed
`python -m torch.distributed.launch --nproc_per_node=2 --master_…
-
![image](https://user-images.githubusercontent.com/13074332/96235954-fd75cc00-0fcd-11eb-8a5b-bfa1ea0db6ae.png)
tensor([0.8285, 0.7775, 0.6481, 0.6993, 0.6650, 0.7633, 0.7279, 0.6936, 0.6447,
…
-
### 🐛 Describe the bug
The [current implementation](https://github.com/pytorch/pytorch/blob/main/torch/utils/data/dataloader.py#L627) of `torch.autograd.profiler.record_function` within the `__next…
-
想问一下各位,刚刚down下来的模型,在utils_fit.py中加入
grad = torch.autograd.grad(loss_value, model_train.parameters(), retain_graph=True)
这一句话,为什么会有报错,求不了导呀?是模型在哪里定义一个不用求导的层或者没用的层嘛?
Traceback (most recent call la…