🐛 Describe the bug I was able to build pytorch (e.g. torch==1.14.0a0+gitc7ac333) from source, however, when I import torch into ipython I get: In [1]: import torch; torch.backends.mps.is_available() ---...
🐛 Describe the bug I use https://pytorch.org/get-started/pytorch-2.0/#faqs install method to install pytorch2.0 successfuly in my conda env, but when i import torch, it occurs error info like this. >>> import torch Traceback (most recent...
import pandas as pd df = pd.DataFrame({ 'name': ['Alice', 'Bobby', 'Carl', 'Dan', 'Ethan'], 'salary': [175.1, 180.2, 190.3, 205.4, 210.5], 'year_joined': [2023.0, 2022.0, None, 2020.0, None], }) df['year_joined'] = df['year_joined'].astype(int) # ⛔️ pandas....
It looks like you are not running the latest version oftorch-neuronx. See a similarissue. mahendra-paranjpementioned this issueSep 26, 2023 Dependencies conflict in running Llama-2-13b autoregressive sampling on Inf2aws-neuron/aws-neuron-samples#47 ...
" + module_name, self.__name__) File "/opt/conda/envs/pytorch/lib/python3.9/importlib/__init__.py", line 127, in import_module return _bootstrap._gcd_import(name[level:], package, level) File "<frozen importlib._bootstrap>", line 1030, in _gcd_import File "<frozen importlib._...
import torch import torch.nn as nn import torch.nn.init as init from torchvision.models import densenet121, DenseNet121_Weights from torch import Tensor class FlattenAndContiguous(nn.Module): def __init__(self): super().__init__() def forward(self, x): return x.flatten(1, 2).contiguou...
I am trying to compile a T5 model with torch-neuronx on inf2 instance, when I compile the model, I am getting the segmentation fault error Here is my code from transformers import AutoModelForSeq2SeqLM, AutoTokenizer import torch import torch_neuronx MODEL_PATH = "/home/ubuntu/ipt_t5"...
(name, src_path, tmpdir) 40 with open(so, "rb") as f: 41 return so_cache_manager.put(f.read(), so_name, binary=True) File ~/work/conda/envs/flash_attn/lib/python3.10/site-packages/triton/common/build.py:61, in _build(name, src, srcdir) 59 hip_include_dir = os.path.join...