-
cam doesn't open
avatarify) C:\Users\12025\avatarify-python>run_windows.bat
[1679991543.029166] Loading Predictor
C:\Users\12025\miniconda3\envs\avatarify\lib\site-packages\torch\functional.py:…
-
I have a non-distributed repro that uses float8: below is a mini model that is basically float8linear + relu, wrapped in an SAC region that wants to recompute everything except matmuls (requires insta…
-
repro:
```
import torch
class Mod(torch.nn.Module):
def forward(self, x):
y = torch.ops.aten.to(x, dtype=torch.float16, copy=True)
y.mul_(2)
return y
x = torch.…
-
torch-npu 2.2.0
`import torch
from transformers import AutoModelForCausalLM, AutoTokenizer
device = "npu"
# THUDM/glm49bchat
tokenizer = AutoTokenizer.from_pretrained("/home…
-
/home/cv/TensorRT-8.4.1.5.Linux.x86_64-gnu.cuda-11.6.cudnn8.4/TensorRT-8.4.1.5/include/NvInfer.h:3281:22: note: declared here
class TRT_DEPRECATED IRNNv2Layer : public ILayer
…
-
I was trying to implement the [simple Shakespeare model](https://www.youtube.com/watch?v=kCc8FmEb1nY) using DirectML and got this message:
```
UserWarning: The operator 'aten::multinomial' is not …
-
Hi, I was training PTv3 + PPT with the scannet and structured3d datasets following the config ```semseg-pt-v3m1-1-ppt-extreme.py```.
```
"""
PTv3 + PPT
Pre-trained on ScanNet + Structured3D
(S3…
-
### Checks
- [X] I have checked that this issue has not already been reported.
- [X] I have confirmed this bug exists on the [latest version](https://github.com/prefix-dev/pixi/releases) of pixi, us…
-
some logs:
#source shell_scripts/export_llama.sh qwen2 "" "" "" llama3.txt
checkpoint_files: ['models/llm_models/weights/Qwen2.5-0.5B-Instruct/model.safetensors']
Preparing Model Calibration In…
-
When I run sh train.sh, I get the error: RuntimeError: Error in dlopen or dlsym: libcaffe2_nvrtc.so: cannot open shared object file: No such file or directory (checkDL at /opt/conda/conda-bld/pytorch_…