I am trying to calculate joint probabilities from two tensors.. It's a little bit confusing for me. Suppose we have : a = torch.Tensor((10, 2)) b = torch.Tensor
I want to replicate the torch.gather() function in TensorFlow 2.X. I have a Tensor A (shape: [2, 4, 3]) and a corresponding Index-Tensor I (shape: [2,2,3]). Usi
Question I have code that is based on Part 2, Chapter 11 of Deep Learning with PyTorch, by Luca Pietro Giovanni Antiga, Thomas Viehmann, and Eli Stevens. It's
The HAR dataset should be analyzed using LSTM and 1D CNN. I need to check the graph of the change in loss and check the confusion matrix. I don't know how to ma
I try to send AVAudioPCMBuffer into a coreML model and get the output from it. Input of the model is MultiArray (Float32 0 × 64 × 0) and output is M
I am training the coarse-to-fine coreference model (for some other language than English) from Allennlp with template configs from bert_lstm.jsonnet. When I rep
I'm a beginner at NLP. So I'm trying to reproduce the most basic transformer all you need code. But I got a question while doing it. In the MultiHeadAttention l
I have following errors in my RBM code and here is the in raw. ipykernel_18388/119274704.py in v_to_h(self, v) 23 24 p_h = F.sigmoid( ---
EDIT: The problems stated have been solved, you'll first find the solution, the initial question is stated below! SOLUTION: Applying the .unsqueeze(0) to my inp
I'm thinking about upgrading some of my customized PyTorch operations to support {N,H,W,C} format. However, I'm still confused about using channel-last-format t
I am trying to adapt a pytorch Named Entity Recognition model to incorporate differential privacy with the Opacus library. My model uses torchtext to build the
I am trying to work with Bayesian Optimisation for my Numerical model run, Optimising its parameters. For this I am using BoTorch. Its example code is given as
I am trying to use PyTorch's '''nn.TransformerEncoder''' module for a classification task. I have data points of varying lengths i.e I have sequences of differe
There seems to be a problem mixing pytorch's autograd with joblib. I need to get gradient in parallel for a lot of samples. Joblib works fine with other aspects
The convolutional model presented below, has two branches and each branch (for example) has two stages (convolutional layers). My aim is to combine the weighte
I want to verify if 2D convolution in spatial domain is really a multiplication in frequency domain, so I used pytorch to implement convolution of an image with
I am trying to train a GPT2 language model for text generation tasks. I am trying to include an additional embedding layer (with POS-tagging) on top of token em
When I am using criterion = nn.BCELoss() for my binary classification task it creates problem and print "Using a target size (torch.Size([2])) that is different
I am using GOOGLE COLAB when I get this error. Here is my code, I didn't find anything wrong, these code were right few hour ago but suddenly went wrong, I don'
Im trying to run Pytorch and Torchvision on Mac M1. I follow these instructions successfully install pytorch and run it natively on apple - https://betterprogra