All Questions
Tagged with pytorch tensorflow
1,226 questions
-6
votes
0
answers
42
views
Who does have experience with CatVTON? [closed]
I'm building an offline, company prototype e-commerce app with virtual try-on features connected to our private server. Can CatVTON support this?
I have tried to do it but I'm not familiar with ...
0
votes
0
answers
30
views
Reinforcement learning Atari video recording crashes
I am learning Reinforcement Learning and picked the Atari Breakout environment to learn. I have trained the neural nets, and now am trying to create some videos to visualize the results.
I am using ...
0
votes
0
answers
27
views
TorchScript difference between Trace and Script and how can I convert ONNX to torchscript and TensorRT
I converted the pytorch model to ONNX in this way , I dont have much idea how performance would differ in different formats(any suggestion on the same is welcome.)
import torch
from model_core import ...
0
votes
0
answers
71
views
My Google Colab GPU refuses to work. It gets connected and also shows that it's connected, but when I train or run anything, my system RAM gets used
My Google Colab GPU doesn't get used even when I am connected to it. I'm trying to run a PyTorch model on Google Colab using the free GPU, but it seems that my code is still running on the CPU despite ...
0
votes
0
answers
67
views
Issue with Multi-Target Configuration in Temporal Fusion Transformer (PyTorch Forecasting)
I am trying to train a Temporal Fusion Transformer (TFT) model using the pytorch-forecasting library for a multi-target prediction task. My dataset contains multiples one-hot encoded target columns , ...
0
votes
0
answers
48
views
Force TouchDesigner to use a specific python version
I'm running Windows10.
For my project I have to use Python 3.10 with tensorflow-directml, torchvision and other deep learning tools.
The following is a link to one of the many guides about this topic:
...
-3
votes
2
answers
57
views
Loss function for Multi-Label Classification of multiple labels and sparse outcomes [closed]
Consider the Multi-Label Classification with ANN where the targeted labels were of the form
[0,0,0,0,0,1,0,1,0,0,0,1]
[0,0,0,1,0,0,0,0,0,0,0,0]
...
There were N labels each of True(1) or False(0) ...
1
vote
1
answer
34
views
Tensorflow GradientTape Error "inside its context is signficantly less efficient than calling it outside the context"?
I am currently working on Adversarial Attacks on Image dataset. The most important libraries in my project are :
Tensorflow 2.10.1 (with CUDA) (the error is with tensorflow)
Pytorch 1.13.1+cu116
art (...
0
votes
1
answer
45
views
Why are the outputs from PyTorch and TensorFlow GRU layers not equivalent?
I'm trying to port a trained Multi-cell GRU model in TensorFlow 1.x to PyTorch because I want to combine the encoder with some other, more advanced PyTorch modules. I managed to extract the weights to ...
3
votes
1
answer
106
views
How to Select/Isolate GPUs when Using ROCm in Python
Is their an equivalent for os.environ["CUDA_VISIBLE_DEVICES"]="0" in the os module for isolating GPUs when using AMD ROCm?
1
vote
1
answer
139
views
Can batch normalization be considered a linear transformation? [closed]
A deep neural network f consists of one fully connected network and one batch normalization layer. (e.g., f = FCN + BN)
Given a dataset with inputs x and y, can the following property hold?
f(x+y) = f(...
0
votes
0
answers
49
views
Discrepancies between tensorflow and pytorch while maintaining batch size, loss functions, architectures, metric, data, optimizer
It is a follow up question to Investigating discrepancies in TensorFlow and PyTorch performance
The author stated that there is a performance gap between Pytorch and Tensorflow while maintaining the ...
0
votes
1
answer
156
views
How Can I Use GPU to Accelerate Image Augmentation?
When setting up image augmentation pipelines using keras.layers.Random* or other augmentation or processing methods, we often integrate these pipelines with a data loader, such as the tf.data API, ...
0
votes
0
answers
52
views
How do I convert a saved tensorflow model to pytorch which is not compatible with ONNX?
Following the instructions provided in this colab notebook, I downloaded a pre-trained TF model. Now, I want to convert it to pytorch. I tried several options for the conversion, including ONNX, but I ...
0
votes
0
answers
27
views
Autoencoder Training Loss Doesn't Decrease Despite Cloned Code and Dataset
My first post on stackoverflow so thanks for any responses!
I'm learning about anomaly detection using autoencoders and found a useful looking github repo notebook link here
I've cloned the repo to my ...