-
我的报错信息如下:
11/25 16:48:43 - mmengine - INFO - Adafactor is already registered in optimizer at torch.optim. Registration ignored.
/home/y402/anaconda3/envs/oneformer3d/lib/python3.11/site-packages/m…
-
## 🚀 Feature
Please enable `fp8e4m3` in torch_xla. This feature is in flight in openxla: https://github.com/openxla/xla/pull/16585/files
Today, PyTorch doesn't support fp8e4m3 yet, only the `funz`…
-
我的命令:
```shell
vllm serve TeleChat2-7B \
--trust-remote-code \
--max-model-len 2000 \
--tensor-parallel-size 2 \
--dtype float16 --port 10000
```
运行之后,会一直卡在一步,不继续加载模型:
```shell
INFO 11-2…
-
The spec seems to imply that `xp.finfo(xp.float32).eps` is a python float, but numpy and jax.numpy use numpy scalars instead
```
In [1]: import torch
In [2]: torch.finfo(torch.float32).eps
Out…
-
### 🚀 The feature
`torch.compile` is a Pytorch feature that compiles the model into static kernels using a JIT. More information on: https://pytorch.org/tutorials/intermediate/torch_compile_tutoria…
-
What version of the following module is? Please give us the detailed version.
torch
torchvision
torchaudio
torchtext
I have the following problem:
/python3.11/site-packages/torchtext/lib/l…
-
(base) C:\Users\sksj0\Downloads\Deep-Live-Cam>python run.py --execution-provider cuda
Traceback (most recent call last):
File "C:\Users\sksj0\Downloads\Deep-Live-Cam\run.py", line 3, in
from…
-
Hi, when I tried to run test. I got this error.
```bash
Unexpected key(s) in state_dict: "backbone.patch_embed.backbone.layers.3.downsample.norm.weight", "backbone.patch_embed.backbone.layers.3.down…
-
got prompt
Fetching 8 files: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 8/8 [00:0…
-
**Describe the Bug**
**Minimal Steps/Code to Reproduce the Bug**
.conda/envs/opensora/lib/python3.9/site-packages/apex/normalization/fused_layer_norm.py", line 412, in forward
if torch.jit.is_…