Skip to main content
0 votes
1 answer
97 views

I'm trying to use PyTorch with an NVIDIA GeForce RTX 5090 (Blackwell architecture, CUDA Compute Capability sm_120) on Windows 11, and I keep running into compatibility issues. PyTorch detects CUDA, ...
sajjadesmaili's user avatar
0 votes
0 answers
58 views

I am trying to visualize the latent representation produced by the VAE inside a Stable Diffusion pipeline from diffusers import StableDiffusionPipeline import torch # A CUDA ordinal is simply the ...
Yilmaz's user avatar
  • 51k
0 votes
0 answers
29 views

I'm trying to deploy a pre-trained PyTorch model to SageMaker using the Python SDK. I have a model.tar.gz file that is uploaded to S3, with the following structure: code/ code/requirements.txt code/...
RefresherM's user avatar
Tooling
0 votes
0 replies
49 views

I'm looking for a good package to train a linear quantile regression model, i.e. $\hat y = \sum_{i=1}^n w_i \cdot X_i$. With $x_i$ are the input features, and $w_i$ are the bounded trainable weights. ...
student13's user avatar
0 votes
0 answers
29 views

I am now trying to use FSDP in Huggingface transformers Trainer. The training script is something like train_dataset = Mydataset(...) args = TrainingArguments(...) model = LlamaForCausalLM....
MR_Xhao's user avatar
  • 11
0 votes
0 answers
51 views

I am currently working on a Python based Gen AI project that requires the efficient deployment and serving of multiple LLMs specifically models with different parameter counts ( Llama-2 7B and Mistral ...
Amira Yassin's user avatar
2 votes
1 answer
77 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
0 votes
0 answers
47 views

I am compiling NCCL 2.27.5-1 (I tried also 2.28.9-1) from source for a V100 GPU (sm_70). My goal is to have libnccl.so contain compute_70 PTX for every kernel. Despite passing explicit -gencode=arch=...
CiZ's user avatar
  • 10
-1 votes
1 answer
46 views

I am trying to implement a custom training loop for object detection using YOLOv8 (Ultralytics) and PyTorch. My goal is to fine-tune a pre-trained yolov8n.pt model on the Aquarium dataset, which ...
Quốc Tiến Trần's user avatar
1 vote
0 answers
71 views

I'm trying to set up a Python project using uv and pyproject.toml on Windows. I want to install the CUDA-enabled PyTorch, but after installing, when I check the version, it shows CPU-only. Here’s my ...
wonone11's user avatar
Advice
0 votes
0 replies
29 views

With Prioritized Experience Replay (PER), we use Beta parameter, so we can find weight that will be used to offset the bias introduced by PER. Now, with PyTorch's TensorDictPrioritizedReplayBuffer, I ...
Bejo's user avatar
  • 13
1 vote
2 answers
126 views

After converting module A to CPU, the origin parameter tensor still stays on the GPU? When it is released? Is it wrong if I reuse the parameter? My code: import torch.nn as nn class A(nn.Module): ...
jiwei zhang's user avatar
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
2 votes
1 answer
604 views

I'm trying to deploy a Python project on Windows Server 2019, but PyTorch fails to import with a DLL loading error. On my local machine (Windows 10, same Python version), everything works perfectly. ...
Rael Clariana's user avatar
1 vote
1 answer
61 views

I am building a wheel of PyTorch from source, based on their https://github.com/pytorch/pytorch/blob/v2.6.0/.ci/manywheel/build_common.sh CI build script. I tested on a "local" instance of a ...
Corneau's user avatar
  • 193

15 30 50 per page
1
2 3 4 5
1597