pytorch Questions
4
Solved
I'm using PyTorch to implement a classification network for skeleton-based action recognition. The model consists of three convolutional layers and two fully connected layers. This base model gave ...
Borneo asked 12/8, 2019 at 8:26
4
I was previously loading a ResNet model with the ResNet50_Weights parameter successfully, but then suddenly I started getting the following error:
Traceback (most recent call last):
File "spl...
Felishafelita asked 18/7, 2022 at 22:55
4
I want to fine tune LabSE for Question answering using squad dataset. and i got this error:
ValueError: The model did not return a loss from the inputs, only the following keys: last_hidden_state,p...
Barbital asked 9/8, 2022 at 10:43
4
Solved
I am using a simple (not necessarily efficient) method for Pytorch model saving.
import torch
from google.colab import files
torch.save(model, filename) # save a trained model on the VM
files.d...
Eligible asked 4/6, 2018 at 7:19
4
Solved
I'd like to randomly rotate an image tensor (B, C, H, W) around it's center (2d rotation I think?). I would like to avoid using NumPy and Kornia, so that I basically only need to import from the to...
Plovdiv asked 4/10, 2020 at 17:29
1
After installing pytorch via
RUN python3 -m pip install --no-cache-dir torch==1.9.1
I realised that corresponding docker layer is 1.78GB
Is there any way to reduce pytorch size? Current version is...
3
I'm working with certian tensors with shape of (X,42) while X can be in a range between 50 to 70.
I want to pad each tensor that I get until it reaches a size of 70. so all tensors will be (70,42)....
Lorylose asked 1/1, 2020 at 15:6
2
Solved
I am currently using the diffusers StableDiffusionPipeline (from hugging face) to generate AI images with a discord bot which I use with my friends. I was wondering if it was possible to get a prev...
Bighead asked 9/11, 2022 at 1:45
4
Solved
I am trying to implement a detection model based on "finetuning object detection" official tutorial of PyTorch.
It seemed to have worked with minimal data, (for 10 of images). However I uploaded m...
Strepphon asked 19/5, 2020 at 20:25
1
PyTorch 1.12 changed the default fp32 math to be "highest precision", and introduced the torch.set_float32_matmul_precision API, allowing users to specify which precision out of medium, h...
Contention asked 30/7, 2023 at 9:39
8
I installed the modules below:
conda install pytorch==2.2.0 torchvision==0.17.0 torchaudio==2.2.0 -c pytorch
Then installed numpy, pandas, matplotlib, seaborn, sickit-learn, pyedflib in this...
Narcolepsy asked 6/3 at 12:32
4
I try to check if torch have been properly installed by script:
import torch
print(torch.__version__)
and have the result:
AttributeError: module 'torch' has no attribute 'version'
I've checked...
1
First I want to say that I don't have much experience with pytorch, ML, NLP and other related topics, so I may confuse some concepts. Sorry.
I downloaded few models from Hugging Face, organized the...
Haggai asked 23/4, 2023 at 10:2
4
OSError: [WinError 126] The specified module could not be found. Error loading "C:\apps\python\lib\site-packages\torch\lib\fbgemm.dll" or one of its dependencies.
System information:
Oper...
Protective asked 15/5 at 13:29
3
For torch.nn.Module()
According to the official documentation:
Base class for all neural network modules.
Your models should also subclass this class.
Modules can also contain other Modules, allo...
Referent asked 18/4, 2020 at 11:19
6
I tried to download torch by using pip install torch
I faced this problem:
C:\Users\Ahmad Sadek>pip install torch
ERROR: Could not find a version that satisfies the requirement torch (from versi...
Nocturne asked 4/2, 2022 at 13:1
3
Solved
I am trying to fine-tune the BERT language model on my own data. I've gone through their docs, but their tasks seem to be not quite what I need, since my end goal is embedding text. Here's my code:...
Reunite asked 17/2, 2022 at 23:45
3
I am now running a Python program using Pytorch. I use my own dataset, not torch.data.dataset. I download data from a pickle file extracted from feature extraction. But the following errors appear:...
Geter asked 2/5, 2020 at 16:10
3
I´m using Mac OS el capitán and I am trying to follow the quick start tutorial for OpenNMT pytorch version. In the training step I get the following warning message:
OpenNMT-py/onmt/modules/Global...
Thickhead asked 27/2, 2018 at 10:45
3
I have a PyTorch tensor of size (5, 1, 44, 44) (batch, channel, height, width), and I want to 'resize' it to (5, 1, 224, 224)
How can I do that? What functions should I use?
Spinney asked 3/11, 2019 at 1:22
7
Solved
I am running a simple CNN using Pytorch for some audio classification on my Raspberry Pi 4 on Python 3.9.2 (64-bit). For the audio manipulation needed I am using librosa. librosa depends on the num...
5
When I try to run yoloV3 detect,it happend the error
op = torch._C._jit_get_operation(qualified_op_name)
RuntimeError: No such operator torchvision::nms
Though this code is the source code of ...
Whaling asked 16/2, 2020 at 10:13
4
I downloaded cuda and pytorch using conda:
conda install pytorch torchvision torchaudio pytorch-cuda=11.8 -c pytorch -c nvidia
conda list
python 3.11.0 h7a1cb2a_2 anaconda
pytorch 2.0.1 py3.11_cpu...
3
Solved
I am new in PyTorch and I have faced one issue, namely I cannot get my torch_sparse module properly installed.
In general, I wanted to use module torch_geometric - this I have installed. However, w...
4
Solved
(my2022) C:\Users\donhu>pip3 install torch torchvision torchaudio --extra-index-url https://download.pytorch.org/whl/cu113
Looking in indexes: https://pypi.org/simple, https://download.pytorch.o...
Earthshine asked 24/4, 2022 at 8:18
1 Next >
© 2022 - 2024 — McMap. All rights reserved.