Skip to main content
Filter by
Sorted by
Tagged with
0 votes
1 answer
138 views

I'm trying to understand the role/utility of batch_size in torch beyond model training. I already have a trained model, where the batch_size was optimized as a hyperparameter. I want to use the model ...
pgaluzio's user avatar
  • 190
0 votes
0 answers
69 views

I'm conducting research with temporal graph data using Pytorch-geometric. I'm facing some issues of memory usage when making PyG data in dense format (with to_dense_batch() and to_dense_adj()). I have ...
Vincent Tsai's user avatar
0 votes
0 answers
32 views

I am calling a machine learning model for a dataset that I have loaded using torch DataLoader: class FilesDataset(): def __init__(self, path): file_paths = glob.glob(os.path.join(path, "*....
Iva's user avatar
  • 367
0 votes
0 answers
32 views

I noticed my dataset iteration gradually slows down as training progresses. I'm using an A100 Google Colab instance. I removed the model and all the training stuff to try to debug the dataset. With ...
Joe C.'s user avatar
  • 501
1 vote
0 answers
42 views

I am facing an issue with multiprocessing. I am trying to load my .pt data as dataloaders. Everything works fine when I set the num_workers = 0. But when I set it to a value greater than 0, the tensor ...
jobayer's user avatar
  • 11
1 vote
0 answers
71 views

I'm building a neural network to predict how an image will be partitioned during compression using VVC (Versatile Video Coding). The model takes a single Y-frame from a YUV420 image as input and uses ...
조동건's user avatar
1 vote
1 answer
356 views

import os import shutil import random import torch import torchvision.transforms as transforms import cv2 import numpy as np from torch.utils.data import Dataset, DataLoader import torch.nn as nn ...
Can Gürcüoğlu's user avatar
0 votes
0 answers
66 views

I created a training loop with pytorch's TensorDataset and DataLoader classes, but encounter an interesting behavior. The progress intermittently halts every 10-15 batches with seemingly no reason. I ...
Lev_Descartski's user avatar
1 vote
0 answers
52 views

I am working on a framework that uses pytorch_geometric graph data stored in the usual way in data.x and data.edge_index Additionally, the data loading process appends multiple other keys to that data ...
Knowledge seeker's user avatar
0 votes
1 answer
40 views

I'm using an iterableDataset because I have massive amounts of data. And since IterableDataset does not store all data in memory, we cannot directly compute min/max on the entire dataset before ...
Saffy's user avatar
  • 13
0 votes
0 answers
177 views

I'm facing an issue with num_workers while training my model using PyTorch. If I set num_workers = 0, the training starts, but the model is utilizing the CPU instead of the GPU. Although CUDA is ...
Kamal Basha's user avatar
0 votes
0 answers
27 views

Problem: I am training an LLM for which my dataloader makes use of Dask to read in data. During LLM training, sometimes something breaks and you need to start again from the last checkpoint. Ideally ...
d-gg's user avatar
  • 864
2 votes
0 answers
332 views

I am trying to fine-tune BERT for a multi-label classification task (Jigsaw toxic comments). I created a custom dataset and DataLoader as follows: class CustomDataSet(Dataset): def __init__(...
Hyppolite's user avatar
0 votes
0 answers
32 views

I recently created a dataset class and am having trouble modifying the data in the batch so that it is reflected in future batches and original data I have the following dataset class class ...
rajan subramanian's user avatar
-3 votes
1 answer
66 views

I have a custom dataset (images of pizza,sushi and steak). I'm using torch DataLoader for it , now when writing the test dataloader custom should we set shuffle=true or it just doesn't matter?? I ...
YoussefYoussef2121's user avatar
0 votes
0 answers
92 views

I have a Jetson Orin with the latest version of Jetpack 6.0 with CUDA 12 running on Ubuntu 22.04. I have installed PyTorch and it has CUDA support installed: Python 3.10.12 (main, Sep 11 2024, 15:47:...
PhilBot's user avatar
  • 368
0 votes
1 answer
156 views

I have a model with a forward function that receives optional parameters, like this: class MyModel(nn.Module): ... def forward(self, interactions: torch.Tensor, user_features: Optional[torch....
David Davó's user avatar
1 vote
0 answers
1k views

I am trying to use dataloaders in my code. I am implementing my code in aws sagemaker but for some reason when I use more than 0 num_workers for my dataloaders I get the error loading image [SSL] ...
Kasra Sadatsharifi's user avatar
-2 votes
1 answer
155 views

I want to utilize my GPU by adjusting the workers number, but I have a problem with the number of workers > 0. test_loader = DataLoader(test_dataset, batch_size=32, shuffle=False, num_workers=0) - ...
Kalin Stoyanov's user avatar
0 votes
0 answers
57 views

I am trying to train my deep network on the MNIST dataset. When I try to upload the dataset to the dataloader and get the batched data through the iterator, I get modified data that differs from the ...
Kilka's user avatar
  • 1
2 votes
1 answer
209 views

How to save and restore persistent_workers state of DataLoader in order to resume training from a saved checkpoint. First, I followed the steps in this discussion, so that the results are reproducible ...
HATEM EL-AZAB's user avatar
0 votes
0 answers
49 views

I have tried with and without a normalizer. I am doing this with intraday financial data on one financial product, so only one group for now. The target data was already "normalized", in ...
PolarVortex8's user avatar
0 votes
1 answer
31 views

I am trying to train a model based on a modified MNIST dataset so it classifies random images with label 10. I am constantly getting a TypeError. transform = transforms.Compose([ transforms....
Jacky02's user avatar
1 vote
1 answer
111 views

I would like to construct a surrogate model of a physics simulation. Thus I am able to generate the data by myself. The data itself is very big, so it makes sense to generate a few data samples (e.g. ...
9hihowareyou9's user avatar
0 votes
1 answer
213 views

I'm training a very small NN using the HAM10000 dataset. For loading the data I'm using the DataLoader that ships with PyTorch: class CocoDetectionWithFilenames(CocoDetection): def __init__(self, ...
Marek M.'s user avatar
  • 3,940

1
2 3 4 5
10