Skip to main content
Filter by
Sorted by
Tagged with
2 votes
1 answer
73 views

I am trying to follow along with this webpage: https://jtr13.github.io/cc21fall2/tutorial-on-r-torch-package.html I am trying to understand R's implementation of PyTorch. I am having some trouble with ...
Huy Pham's user avatar
  • 173
2 votes
1 answer
25 views

In Torch, .view() reshapes the tensor. However, there are multiple ways to reshape a multi-dimensional tensor to a target shape. How does it decide between those different ways? For example, in Torch, ...
Sanchit's user avatar
  • 21
Advice
0 votes
4 replies
62 views

Evening, Is there any way to find a specific sequence of numerical values, matching certain logic (in the same way as in a regex), within a numpy/torch array or matrix row? I know i could just convert ...
Ghost's user avatar
  • 1,594
0 votes
0 answers
65 views

I'm trying to run the Qwen2.5-Coder-3B model locally with 8-bit quantization using BitsAndBytes. While loading the model, I noticed that some examples also specify torch_dtype=torch.float16. From my ...
SHresTho12's user avatar
0 votes
0 answers
89 views

I am trying to install PyTorch 2.7.0 with CUDA 12.6 support in a Docker container, but I get the following error: ERROR: Could not find a version that satisfies the requirement torch==2.7.0+cu126 (...
charlie's user avatar
  • 357
0 votes
0 answers
64 views

i use windows 11 nvcc --version nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2025 NVIDIA Corporation Built on Wed_Apr__9_19:29:17_Pacific_Daylight_Time_2025 Cuda compilation tools, release ...
JohnPython's user avatar
3 votes
0 answers
112 views

I have encountered a particular problem while executing a function from the transformers library of huggingface on an Intel GPU wheel of torch. Since I am doing something I normally shouldn't be ...
Logarithmnepnep's user avatar
0 votes
0 answers
64 views

I have a machine-translation model. In this model, I calculate a vector for a given sentence and I take this vector, aggregate with each generated output of RNN and put it into RNN again for ...
cuneyttyler's user avatar
  • 1,395
0 votes
1 answer
116 views

I was trying to follow a project in university where we had to import cellpose. The import delivered an error message which could be tracebacked to import torch (see below). Every import was done in a ...
Ehrenmann's user avatar
0 votes
0 answers
271 views

I’m running Silero VAD (via PyTorch + torchaudio) on a Linode cloud instance (2 dedicated CPUs, 4 GB RAM). When I process 10-minute audio chunks, I always get repeated warnings like this and it doesn'...
Uktamjon's user avatar
0 votes
1 answer
76 views

I have a model that take more than one arguments in forward. Recently I'm trying to query some informations my model by fvcore module in python, but I can't find any document for multiple forward ...
H.M's user avatar
  • 586
0 votes
1 answer
61 views

If you use cosine decay for example and you have starting learning rate and final learning rate, can you tune those hyperparameters so that final learning rate is in some ratio of starting learning ...
ict's user avatar
  • 1
1 vote
1 answer
142 views

I am trying to minimize a non-convex function using three different L-BFGS implementations in R: optim(method = "L-BFGS-B"), torch::optim_lbfgs(), and lbfgs::lbfgs(). I have set the same ...
Alyde Bles's user avatar
0 votes
0 answers
48 views

I wrote a code for SHAP on images. It was working for two days, then it brought following error : module 'shap' has no attribute 'DeepExplainer' I uninstalled and installed the SHAP module again and ...
Samaneh Rezaei's user avatar
0 votes
0 answers
40 views

I am trying to use torch.autograd.functional.jacobian to calculate the gradients of the model parameters with respect to a set of losses, but it returns all zeros. My function definition is as follows ...
catfish's user avatar
2 votes
1 answer
95 views

I have been trying to tackle a regression problem by training a neural network to predict a continuous variable using r-torch. My question pertains to the syntax used to achieve this. When ...
Adverse Effect's user avatar
0 votes
0 answers
137 views

I'm training a ResNet50 model on 300W-LP dataset with AFLW2000 as a validation dataset. The task is head pose angle prediction (pitch, yaw, roll) with a 1-bin head output for each angle. When training ...
Gerald Coleman's user avatar
0 votes
0 answers
67 views

In transformer models, I've noticed that token embeddings and positional embeddings are added together before being passed into the attention layers: import torch import torch.nn as nn class ...
Yilmaz's user avatar
  • 51k
1 vote
1 answer
160 views

I'm trying to run Stable Diffusion WebUI (v1.10.1) on Windows using the built-in launch.py script. However, during the environment setup, it fails to install torch==2.1.2 and torchvision==0.16.2. Here ...
Aizen's user avatar
  • 11
0 votes
0 answers
76 views

I have this code in transformer model: keys = x @ W_key queries = x @ W_query values = x @ W_value attention_scores = queries @ keys.T # keys.shape[-1]**0.5: used to scale the attention scores before ...
Yilmaz's user avatar
  • 51k
0 votes
0 answers
53 views

I have a model that I want to infer in the PyTorch v1.4.0 environment, but I get the error "Attempted to read a PyTorch file with version 3, but the maximum supported version for reading is 2. ...
CNLiu's user avatar
  • 26
0 votes
1 answer
344 views

I'm trying to use ChatTTS which uses Torch. I installed it via the Pycharm packages repository (PIP) with no errors. But when I run the main webpages basic example code. import ChatTTS import torch ...
Rhys's user avatar
  • 5,408
1 vote
1 answer
106 views

Thanks for giving this a read... I am getting going with PyTorch. I’m building a tool that wraps HuggingFace models in a custom WrappedModel so I can trace their execution using torch.fx....
Peter's user avatar
  • 5,330
0 votes
0 answers
60 views

[NOTE: It turned out to be much easier to do what I wanted to do by building on another CNN example in the same textbook: https://skeydan.github.io/Deep-Learning-and-Scientific-Computing-with-R-torch/...
user29466667's user avatar
4 votes
0 answers
127 views

I'm working on a ROS2 Humble project. As always, I created the ament_cmake package, wrote a C++ node with Torch Scripts, and made Cmake - but I got this error: undefined reference to `rclcpp::Node::...
RevoLutioNs's user avatar
0 votes
0 answers
36 views

I am bulding an NN model as a newbee on Pytorch and getting the following error message when my model makes the call to the embedding torch's function: Traceback (most recent call last): ...
martqqqqq's user avatar
0 votes
0 answers
168 views

FULL ERROR: TorchRuntimeError: Failed running call_module L__self___position_embedding_table(*(FakeTensor(..., device='mps', ...), **{}): Unhandled FakeTensor Device Propagation for aten.index_select....
Siladittya's user avatar
  • 1,215
0 votes
1 answer
25 views

my mu cannot have any valid gradient somehow, here is the code: import torch torch.manual_seed(0) mu = torch.zeros(1, requires_grad=True) sigma = 1.0 eps = torch.randn(1) sampled = mu + sigma * eps ...
Oscar's user avatar
  • 1
0 votes
1 answer
90 views

I'm trying to load the MNIST dataset in Torch for R, following https://skeydan.github.io/Deep-Learning-and-Scientific-Computing-with-R-torch/overfitting.html#classic-data-augmentation: library(torch) ...
user29466667's user avatar
2 votes
1 answer
138 views

I keep getting the error "Indexing starts at 1 but found a 0" when fitting a model where the input or output started life as R objects (vectors, matrices, or arrays), but only when using a ...
user29466667's user avatar
0 votes
0 answers
55 views

I'm using PyTorch Geometric and have a custom Torus class (a subclass of Data) that conditionally initializes attributes such as edge_index, edge_attr, and pos only when no_fixed is False. For example:...
Tommaso Guarniera's user avatar
0 votes
0 answers
39 views

import os import torch os.environ['TORCH'] = torch.__version__ print(torch.__version__) !pip install -q torch-scatter -f https://data.pyg.org/whl/torch-${TORCH}.html !pip install -q torch-sparse -f ...
Mehrdad Mmz's user avatar
1 vote
0 answers
72 views

I'm using torch LightningModule trainer. I create trainer with: trainer = pl.Trainer(max_epochs = 3) Each train epoch has 511 steps (total = 1533) and each validation epoch has 127 steps. I use ...
user3668129's user avatar
  • 4,880
1 vote
1 answer
455 views

I'd like to get Open WebUI working with Ollama on Ubuntu 24.10, but installing it using pip and venv leads me to a torch error. Firstly, Ollama (0.6.2) is working: I can type /path/to/ollama list and ...
user2023370's user avatar
  • 11.3k
1 vote
0 answers
41 views

I am using the Florence2 model and trying to speed up inference through torch.jit.trace() Orig model - import torch from transformers import AutoProcessor, AutoModelForCausalLM from PIL import Image ...
Vivek Kalyanarangan's user avatar
0 votes
0 answers
1k views

torch version is upgraded from "torch==2.5.1" to "torch==2.6.0", but when tried to run below code we are getting error , can anyone please let me know how to resolve this issue? ...
user3734568's user avatar
  • 1,481
0 votes
1 answer
85 views

I can't understand if torch.scatter or torch.gather could be used to reduce values of a tensor according to a reduction function over specified indices. I've frequently used the torch_geometric.nn....
daqh's user avatar
  • 146
0 votes
1 answer
113 views

I'm trying to load some data using datasets.load_datasets. It runs correctly on a head node. The issue is happening on a slurm node. I'm using a conda env with datasets installed. When I run on head ...
ate50eggs's user avatar
  • 454
1 vote
1 answer
301 views

I encountered a very interesting issue when training a deep learning model using Python and PyTorch. I designed a simple TCN as follows: import torch import torch.nn as nn class TCN(nn.Module): ...
ZaixinDong's user avatar
2 votes
0 answers
266 views

I am using Ubuntu 22.04. I have nvidia-570 driver installed along with cuda 12.4 on my host machine. However, I am not able to access gpu in my container. This is my docker-compose-file version: '3.8' ...
prarthana sigedar's user avatar
1 vote
1 answer
349 views

I have searched the method how to install pytorch on termux and run the command as be told: pkg update pkg install x11-repo pkg update pkg upgrade pkg install python-torch from now on, everything ...
Usetf he's user avatar
-1 votes
1 answer
45 views

I am writing a fast version of sf::st_is_within_distance(points, dist) for 100k+ points. I start by creating a grid with sf::st_make_grid, then determine which point lies in which grid cell, compute ...
Cyril Mory's user avatar
0 votes
0 answers
27 views

My env has this message every time it is loaded: >REM The OpenCL loader ignores value of this variable if running with elevated privileges >set "OCL_ICD_FILENAMES=C:\Users\myuser\.conda\...
Fabrício Pereira's user avatar
2 votes
1 answer
484 views

I'm having some trouble using Moviepy library, specially when using SubtitlesClip(). Since I can't provide the whole code, I hope I can provide enough so you can understand my problem. This was my ...
dsbr__0's user avatar
  • 291
0 votes
1 answer
371 views

I've been trying to follow the instructions here to run StableDiffusion locally, but the code appears to just hang. I've cloned the repo, and installed dependencies: $ git show --stat commit ...
scubbo's user avatar
  • 5,987
0 votes
0 answers
439 views

I am completely new to distributed programming and I have been trying to port the original code that ran on a multi-node cluster to single-node cluster with multiple GPUs. My goal is to simulate a ...
soumya_sarkar.19's user avatar
0 votes
1 answer
62 views

I need to create a 2d projection of 3d tensor on the surface plane touching unit sphere in 3d space, in such a way that this projection is differentiable.
Kemsikov's user avatar
  • 640
1 vote
0 answers
78 views

I'm working on an iOS app using AVFoundation to handle real time video capture and object detection. However, I’ve encountered a frustrating issue when switching between the Wide and Ultra Wide ...
Danilo Birbiglia's user avatar
0 votes
0 answers
30 views

I have been building a GRU neural network in Python using PyTorch. When I attempt to train it, I encounter the following error, and the process gets stuck without displaying any further information. I ...
Vanessa Gomez's user avatar
0 votes
0 answers
211 views

I came from these two links, https://huggingface.co/h94/IP-Adapter-FaceID https://stable-diffusion-art.com/consistent-face/ They all mentioned I can preserve face id with the controlnet model. So I ...
daisy's user avatar
  • 23.7k

1
2 3 4 5
44