Questions tagged [deconvolution]

An algorithmic process to reverse the effects of a convolution, which is a linear form of signal or image filtering.

Deconvolution is the process of estimating an original signal (or image) from recorded data. Usually, the process of recording the signal involves a transfer function (in imaging, a point spread function), which is convolved with the original signal and blurs it. Deconvolution can then be applied to improve the signal quality. For example, in fluorescence microscopy deconvolution can be used together with special illumination configurations to obtain super-resolved images. If the transfer function cannot be measured, bind deconvolution can be used to estimate both the original signal and the transfer function simultaneously.

Deconvolution typically involves regularization and iterative optimization methods.


Related tags

203 questions
3
votes
1 answer

Why do we have to specify output shape during deconvolution in tensorflow?

The TF documentation has an output_shape parameter in tf.conv2d_transpose. Why is this needed? Don't the strides, filter size and padding parameters of the layer decide the output shape of that layer, similar to how it is decided during convolution?…
shekit
  • 1,493
  • 1
  • 14
  • 15
3
votes
0 answers

Transposed convolution on feature maps using Theano

I asked similar question on CrossValidation for the image interpretation. I'm moving my detailed question here to include some code details. The results I'm having are not fully desirable So maybe you have faced this issue before and you can help…
3
votes
1 answer

Using a clear portion of a picture to recreate a PSF

I'm trying to unblur the blurred segments of the following picture. the original PSF was not given, so I proceeded to analyze the blurred part and see whether there was a word I could roughly make out. I found out that I could make out "of" in the…
Adhil
  • 1,678
  • 3
  • 20
  • 31
2
votes
0 answers

How to smooth Wiener deconvolution result in Python?

I'm wondering if it is possible to smooth the estimated response from a Wiener deconvolution in order to have a better representation of the original signal and to remove the side lobes. The recovered signal has been estimated through the Wiener…
oskrjsosa
  • 23
  • 3
2
votes
1 answer

Results mismatch between convolution algorithms in Tensorflow/CUDA

I'm training a convolutional autoencoder and noticed this warning: Tensorflow: 2.5-gpu from pip Driver: 460.80 cuda: 11.2.2 cudnn: 8.1.1 XLA: Yes Mixed precision: Yes 26/27 [===========================>..] - ETA: 0s - loss: 1.0554 -…
stevew
  • 674
  • 10
  • 19
2
votes
2 answers

ImportError: cannot import name 'Deconvolution3D' from 'keras.layers' (/home/mona/venv/fall/lib/python3.8/site-packages/keras/layers/__init__.py)

How should I fix the following error? ImportError: cannot import name 'Deconvolution3D' from 'keras.layers' (/home/mona/venv/fall/lib/python3.8/site-packages/keras/layers/__init__.py) I…
Mona Jalal
  • 34,860
  • 64
  • 239
  • 408
2
votes
1 answer

How to implement fractionally strided convolution layers in pytorch?

Before everything, I searched google and StackOverflow but I do not find any similar questions so here I propose a new one. I'm interested in this paper and want to implement this SGAN for my project. The paper mentioned that its generator network…
2
votes
2 answers

How to create a layer to invert a softmax (TensforFlow,python)?

I am building a deconvolution network. I would like to add a layer to it which is the reverse of a softmax. I tried to write a basic python function that returns the inverse of a softmax for a given matrix and put that in a tensorflow Lambda and add…
Benjamin
  • 33
  • 1
  • 5
2
votes
1 answer

Convolution - Deconvolution for even and odd size

I have two different size tensors to put in the network. C = nn.Conv1d(1, 1, kernel_size=1, stride=2) TC = nn.ConvTranspose1d(1, 1, kernel_size=1, stride=2) a = torch.rand(1, 1, 100) b = torch.rand(1, 1, 101) a_out, b_out = TC(C(a)), TC(C(b)) The…
Suho Cho
  • 575
  • 1
  • 7
  • 14
2
votes
0 answers

deconvolution (convTranspose2D) intialization with bilinear interpolation in pytorch?

I am running PyTorch implementation of this article (https://arxiv.org/pdf/1604.03650.pdf). In the article, it says to initialize the deconv layers with bilinear interpolation which is not in the code. it is told that if in deconvolution, we are…
2
votes
1 answer

How to understand the conv2d_transpose in tensorflow

The following is a test for conv2d_transpose. import tensorflow as tf import numpy as np x = tf.constant(np.array([[ [[-67], [-77]], [[-117], [-127]] ]]), tf.float32) # shape = (3, 3, 1, 1) -> (height, width, input_channels,…
C.Hu
  • 47
  • 4
2
votes
2 answers

How to use the FFT for a 1D deconvolution?

Problem I am trying to deconvolve two measured data A and B using the convolution theorem. I know that for a convolution, you should zero pad your data to prevent circular convolution. However, I am confused if zero padding is also essential for a…
beckstev
  • 83
  • 8
2
votes
0 answers

How Tensorflow Handles 'SAME' padding in transpose convolutional?

I would like to know how 'SAME' padding is calculated when using a transpose convolutional layer in Tensorflow. I find the way it is calculated in this link in a convolutional layer with this formula in this link, but I wonder how it is done in the…
Desmanda
  • 51
  • 1
  • 3
2
votes
1 answer

tf.nn.conv2d_transpose gives InvalidArgumentError: Conv2DCustomBackpropInput: input and filter must have the same depth

I'm facing issues with getting tf.nn.conv2d_transpose to work correctly. Here is a small reproduction of what I'm trying to do: import tensorflow as tf import numpy as np # Shape (2, 3, 3, 1) == (batch_sz, height, width, channels) inp =…
2
votes
1 answer

Fourier deconvolution with numpy

I am attempting to remove my probes function from a signal using Fourier deconvolution, but I can not get a correct output with test signals. t = np.zeros(30) t = np.append(t, np.arange(0, 20, 0.1)) sigma = 2 mu = 5. g = 1/np.sqrt(2*np.pi*sigma**2)…
eric hoglund
  • 59
  • 1
  • 4