> File "/<<PKGBUILDDIR>>/setup.py", line 8, in <module> > import torch > File "/usr/lib/python3/dist-packages/torch/__init__.py", line 443, in > <module> > raise ImportError(textwrap.dedent(''' > ImportError: Failed to load PyTorch C extensions: > It appears that PyTorch ha...
🐛 Describe the bug I want to export onnx with sparse conv tensor. import torch import torch.nn as nn import spconv.pytorch as spconv from voydet.architect.cnn.layers import build_norm_layer class MLPModel(nn.Module): def __init__(self, s...
Hi, Thanks for the great work here. I'm trying to build the repository and encountered this error: ‘class at::Tensor’ has no member named ‘isnan’. Full stacktrace below. Same error applies when I try to install from the pre-built binary ...
一、问题现象(附报错日志上下文): 运行bash examples/baichuan2/pretrain_baichuan2_ptd_13B.sh时报错 /root/.local/conda/envs/baichuan2/lib/python3.8/site-packages/torch/distributed/launch.py:181: FutureWarning: The...
--torch_npu:2.1.0.post3.dev20240704 --model link:master分支 --Python :3.8.19 参照readme:examples/README.md · Ascend/ModelLink - Gitee.com 【问题描述】:预训练时报错:torch.distributed.elastic.multiprocessing.errors.ChildFailedError: 具体报错信息如下: /root/miniconda3/envs/szsys_py38/lib/py...
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") model.to(device) model.train() for epoch in range(5): # 使用tqdm创建进度条 progress_bar = tqdm(enumerate(train_loader), total=len(train_loader), desc=f"Epoch {epoch + 1}") ...
🐛 Describe the bug Test code: import torch self = torch.randn([1,1], dtype=torch.float32) temp_other = torch.randn([1,2], dtype=torch.float16) other = temp_other.to_sparse(layout=torch.sparse_csc) self.matmul(other) Error log: /home/yong...
DS_BUILD_OPS=1 DS_BUILD_SPARSE_ATTN=0 pip install deepspeed Here is some related environment information: OS: Ubuntu 22.04 Python: 3.10 (conda environment) gcc: 11.4 nvcc: 12.1 cuDNN: 8.9.5 NVIDIA driver: 535.104.35 torch: 2.2.0.dev20230920+cu121 ...
Environment info transformers version: '4.26.1' Platform: Databricks the command to import, return the error below from transformers import pipeline RuntimeError: Failed to import transformers.pipelines because of the following error (lo...
77 torch.Tensor: batched predictions of mask quality 78 """ ---> 79 masks, iou_pred = self.predict_masks( 80 image_embeddings=image_embeddings, 81 image_pe=image_pe, 82 sparse_prompt_embeddings=sparse_prompt_embeddings, 83 dense_prompt_embeddings=dense_prompt_embeddings, ...