Skip to main content
Filter by
Sorted by
Tagged with
0 votes
2 answers
52 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
1 vote
1 answer
74 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
Advice
0 votes
2 replies
42 views

I have a UNET model trained in pytorch (by someone else) that produces quite different results in eval mode to train mode (train mode results look good, eval mode they are rubbish). A bit of googling ...
user18504955's user avatar
0 votes
0 answers
79 views

I'm trying to implement SimSiam using a ViT backbone on the CUB-200-2011 dataset. However, during training, the embeddings collapse to a single direction despite using stop-gradient. Here’s what I ...
p10's user avatar
  • 33
0 votes
1 answer
60 views

Is @ray.remote def run_experiment(...): (...) if __name__ == '__main__': ray.init() exp_config = sys.argv[1] params_tuples, num_cpus, num_gpus = load_exp_config(exp_config) ray.get(...
Blupon's user avatar
  • 1,081
0 votes
0 answers
29 views

I’m trying to register a custom operator for ExecuTorch (v1.0, built from the PyTorch 2.5 source tree). My goal is to create a shared library that defines a few quantum operators and runs them from a ....
Melvin's user avatar
  • 1
1 vote
1 answer
109 views

I am managing a project with uv (v0.9.4) that requires a specific PyTorch CUDA build. The generic installation works, but using uv run causes a package conflict, despite the environment being correct. ...
ATILADE OKE's user avatar
0 votes
1 answer
26 views

I just spent hours figuring out that the following code fails when included in a ComfyUI custom node, but works perfectly fine outside (using the same Python venv). I finally found out that someone ...
user2845840's user avatar
1 vote
0 answers
66 views

I'm following the book "Deep Learning with PyTorch Step By Step" and I have a question about the predict method in the StepByStep class (from this repository: GitHub). The current ...
Matteo's user avatar
  • 93
Advice
2 votes
0 replies
77 views

I’m a Computer Science graduate preparing for ML/AI Engineer roles. I’m facing a dilemma about what to focus on, how much to allocate time to each area, and what exact roadmap to follow to prepare ...
syntaxprnv's user avatar
2 votes
2 answers
91 views

I am making a Decoder only transformer using Pytorch and my dataset of choice is the fullEnglish dataset from kaggle Plaintext Wikipedia (full English). The problem is that my model output is ...
Kirito's user avatar
  • 13
2 votes
1 answer
35 views

I’m trying to use Cache-DiT to accelerate inference for the Wan2.2 model. However, when I run the example script, python run_wan_2.2_i2v.py --steps 28 --cache I get the following error. Namespace(...
傅靖茹's user avatar
2 votes
0 answers
54 views

I'm computing PDE residuals for The_Well datasets (e.g. turbulent_radiative_layer_2D and shear_flow) using finite differences, but the residuals are much larger than I expect. The data are generated ...
Kain's user avatar
  • 21
1 vote
1 answer
98 views

So, pytorch requires a rather large bundle of packages. The prebuilt docker pytorch gpu images (https://docs.nvidia.com/deeplearning/frameworks/pytorch-release-notes/running.html) are quite helpful in ...
helt's user avatar
  • 5,337
0 votes
0 answers
90 views

I'm trying to fine-tune the MAT (Masked Attention Transformer) model from the official repository: https://github.com/fenglinglwb/MAT However, I keep getting the following error during training: ...
kitten3032's user avatar
0 votes
0 answers
87 views

In the torch example provided here https://github.com/pytorch/examples/tree/main/word_language_model, tansformer only uses torch.TransformerEncoder and torch.TransformerDecoder is overwritten with a ...
cuneyttyler's user avatar
  • 1,395
0 votes
0 answers
70 views

There is a tutorial i try to follow https://docs.pytorch.org/tutorials/intermediate/torchvision_tutorial.html working with .png files as segmentation masks. The png files can be found here: https://...
Paul Borowy's user avatar
1 vote
0 answers
68 views

My proxy goal is to change LoRA from h = (W +BA)x to h = (W + BAP)x. Preliminary code attached for your reference My actual goal is to train a model with the following loss: 〖Θ ̃=(arg min)┬Δ ̂ 〗⁡〖‖𝑓_(...
Jason Rich Darmawan's user avatar
0 votes
0 answers
47 views

I've implemented standard homoskedastic multitask Gaussian process regression using GPyTorch as follows: class MyModel(gpytorch.models.ExactGP): def __init__(self, X, Y, likelihood): super(...
SirAndy3000's user avatar
3 votes
1 answer
73 views

I want to debug layer-by-layer to see where the ONNX model starts deviating from the PyTorch model outputs. I can extract intermediate outputs in PyTorch using forward hooks, like: def get_activation(...
vinoth's user avatar
  • 41
0 votes
0 answers
37 views

Currently I am working on Object Detection model. I have trained a model, want to convert to ONNX format for real time inference and deploy in the field but I am unable to determine how to convert to ...
Jiwan Rai's user avatar
1 vote
0 answers
106 views

I'm trying to run a ONNX model, using the rust crate ort The model I'm trying to use is braai/RMBG-1.4 Below is the code I'm using. Apologies in advance for the variable names let mut model = ...
Yiorgos's user avatar
  • 11
0 votes
2 answers
825 views

I am trying to use Torch to find my GPU for machine learning/training. Right now, my code is using the CPU for training, which will take a long time with the large amounts of data I have. import torch ...
Remmy Dev's user avatar
3 votes
2 answers
186 views

I am working with OmniEmbed model (https://huggingface.co/Tevatron/OmniEmbed-v0.1), which is built on Qwen2.5 7B. My goal is to get a multimodal embedding for images and videos. I have the following ...
n_arch's user avatar
  • 76
0 votes
1 answer
122 views

I am using the MixStyle methodology for domain adaptation, and it involves using a custom layer that is inserted after every encoder stage. However, it is causing VRAM to grow linearly, which causes ...
Vedant Dalimkar's user avatar

1
2 3 4 5
480