Skip to main content

Questions tagged [gradient]

Specifies a range of position-dependent colors, usually used to fill a region.

0 votes
0 answers
12 views

Set torch.nn.Parameter's data, including the gradient

I have an existing nn.Parameter, and a tensor with a gradient. I want to set the tensor to the parameter in a way that the parameter will have the same gradient (including perhaps .grad_fn and so on). ...
Bipolo's user avatar
  • 73
-2 votes
0 answers
21 views

Vanishing Gradient in Transformer? [closed]

I was coding for the transformer model from scratch using Pytorch. I did all the data preprocessing and filtered the datasets for model input. Everything I could do as per my little knowledge is ...
Nirmal Adhikaree's user avatar
0 votes
0 answers
18 views

How to drawable in border gradient draw in xml drawable

How to drawable in border gradient draw in XML drawable in android I tried, but my inner colour is white14, so the inner solid also applies gradient colour, but I want only the border to apply the ...
Mitali Jadav's user avatar
1 vote
0 answers
31 views

How can I get the gradient of a certain number of image out of multiple images with Pytorch? Instead of the gradient with all input images?

After I trained a deep neural network (DNN) that takes 6 images as input, I want to evaluate the performance of the model by adding perturbation to the input images. In this case, using gradient of ...
Hengwei Chen's user avatar
0 votes
1 answer
37 views

Lucas-Kanade optical flow - gradient calculation

I have implemented Lucas-Kanade method (per pixel version, not the one for features that is in OpenCV). However, I have a question regarding calculating gradients (dx, dy, dt). In a few ...
Martin Perry's user avatar
  • 9,467
0 votes
0 answers
20 views

How to Smoothly Animate a Conic Gradient Background in CSS? [duplicate]

I’m trying to create a smooth animation effect for a conic gradient background in CSS. My goal is to have the gradient appear to shift smoothly without rotating the entire element. Here’s the CSS I’m ...
Mukesh Odhano's user avatar
0 votes
0 answers
10 views

Pytorch calculate loss backward when divide tensor into subgroup and put into different network

I am new to PyTorch coding. I want to calculate keypoints X and Y coordinate prediction. I am thinking to divide keypoints into subgroups and put those keypoints that belong to same group to same ...
ryan chandra's user avatar
0 votes
0 answers
22 views

Border with Linear Gradient and Border Radius, and Background with Linear Gradient [duplicate]

I have a box with linear gradient border and linear gradient background. I also need it to have a border radius. This is what I have until now but the borders don't look good. .demo-mode { ...
Alea's user avatar
  • 133
1 vote
0 answers
35 views

SHAP DeepExplainer gives an error for model with 1D CNN as a first layer

Initially when I tried to work with KernelExplainer, it won't work as dimension of my dataset is (no. of samples, 186, 1). I saw from few forums that KernelExplainer won't work(correct me if i am ...
sandun herath's user avatar
0 votes
2 answers
92 views

Creating a specific gradient in css that has transparency

I have a gradient I'm trying to make in CSS. I added the Figma settings and an image of the gradient. This is the code I tried and didn't get what i expected: body { background-color: #000; } ....
Someone's user avatar
  • 17
1 vote
0 answers
29 views

Calculating variance of gradient of barren plateau problem in quantum variational circuit

In paper Cost function dependent barren plateaus in shallow parametrized quantum circuits, the author exhibit an warm-up example in page 2 to show the barren plateau phenomenon. In this example, the ...
lang xian's user avatar
0 votes
0 answers
21 views

Gradient Descent for SE(2) Transformation Matrix Estimation

% Initialisation clear all; %close all; num_iterations = 50; sigma = 0.01; alpha = 0.00001; L = sigma^2*diag(ones(3,1)); % P = (L+L')/2; N_values = 100; Nr = 10; E = [0, -1; 1, 0]; T_estim_history = ...
Ayoub hamza's user avatar
0 votes
0 answers
22 views

Border Radius Wont Apply to Animated Gradient Border [duplicate]

Im trying to code an animated gradient border, but when I apply border-radius: 5px, it doesn't do anything? I have a feeling it has something to do with border-image but I need that effect to add the ...
ao2000's user avatar
  • 1
0 votes
0 answers
14 views

Sum of Optimized Parameters Matches Initial Guess Sum in Autograd_Minimize

I'm encountering an unexpected behavior while using the autograd_minimize function in Python for optimization. Here's a summary of the issue: Objective: I'm using autograd_minimize to minimize an ...
Don Ton's user avatar
0 votes
1 answer
20 views

Backward pass of Softmax with CrossEntropy

I'm trying to calculate the Softmax backward pass; fn softmax_backward(&self, logits: &Vec<f32>) -> Vec<f32> { let probability = self.forward(logits); let mut derivative ...
Hallvard's user avatar

15 30 50 per page
1
2 3 4 5
292