Skip to main content

Questions tagged [convolution]

For use when discussing the commutative and linear, but not associative operator interpreted on functions and distributions.

Filter by
Sorted by
Tagged with
2 votes
0 answers
31 views

I have a fairly good understanding of the basic convolution operation and how padding & stride affect its output, but dilation is something new to me. So I am going to make some broad statements ...
Yazad Pardiwala's user avatar
3 votes
1 answer
53 views

I have implemented a simple version of the kernel-based convolution operation as shown below. However, for faster code operation, I think the nested for loop is slowing up the operation. Is there any ...
Aleph's user avatar
  • 205
0 votes
0 answers
37 views

I was reading following paper: Deconvolution and Checkerboard Artifacts. The text says that Both deconvolution and the different resize-convolution approaches are linear operations, and can be ...
juan19.99's user avatar
0 votes
0 answers
31 views

Group convolutions theoretically should reduce the number of parameters and hence improve the speed of inference, without significantly affecting the performance of the model. However, I don't notice ...
Daniyar's user avatar
0 votes
1 answer
153 views

I have a question about how a CONV2D layer handles time series data. How with filters that scroll through time, our model can extract features and capture and model our target value? Thank you in ...
Zakaria Faouzi's user avatar
1 vote
1 answer
86 views

Is the calculated output correct?
PeterBe's user avatar
  • 83
1 vote
1 answer
53 views

Is there a set of rules or guidelines for designing filters for convolutional neural networks? For example, a 3 x 3 layer with ones in the first column, zeroes in the second, and negative ones in the ...
Joachim Rives's user avatar
0 votes
1 answer
390 views

If I have a convolutional layer with dimension (5,5,4), (i.e, 4 no. of 5x5x1 feature maps), what will be the dimension of the flattened layer, if I apply flattening ...
mainak mukherjee's user avatar
0 votes
1 answer
165 views

I'm really a novice working with these technologies and I'm struggling to design a neural network that is powerful enough to model a spectrogram. For a personal project, I'm working on a spectrogram ...
BOBONA's user avatar
  • 3
1 vote
1 answer
96 views

I was going through the introductory guide to convolutional neural networks in tensor flow here And I was trying to logically map some of the code I saw to my actual understanding of how convolutional ...
Sidharth Ghoshal's user avatar
1 vote
1 answer
228 views

Suppose I have a sequence data of size $B \times N \times d$ where $B$ is the batch size, $N$ is the sequence length, and $d$ is the dimension or the number of features. Suppose I want to do 1D ...
poglhar's user avatar
  • 25
1 vote
1 answer
2k views

I have been learning GAN (Generative Adversarial Networks) lately and having a hard time understanding the output size for transpose convolution. Let's say I am using a Tensor of [1, 64, 1, 1] as an ...
pwnkit's user avatar
  • 57
0 votes
1 answer
1k views

I have a problem. I have a CNN model which is used for an NLP problem. This is written in Python. I have questions about this, which I can't find an answer to. Why is ReLu used inside the Conv1D ...
Test's user avatar
  • 89
1 vote
1 answer
81 views

Convolution extracts high-level features, but what about Transpose Convolution (or De/Up-Convolution)? Does it behave exactly the opposite? Does it generate lower-level features?
canP's user avatar
  • 121
2 votes
0 answers
32 views

I am studying a model where landmarks from an image are calculated. The work comes from Convolutional Experts Constrained Local Model for 3D Facial Landmark Detection. I need to confirm why the ...
Asad's user avatar
  • 21
0 votes
0 answers
43 views

I have been trying to understand the convolution lowering operation shown in the cuDNN paper. I was able to understand most of it by reading through and mapping various parameters to the image below. ...
Rajesh Shashi Kumar's user avatar
0 votes
0 answers
33 views

I am looking to approximate an (expensive to calculate precisely) forward problem using a NN. Input and output are vectors of identical length. Although not linear, the output somewhat resembles a ...
Mav's user avatar
  • 1
1 vote
1 answer
476 views

I have a simple script that performs the Savitzky-Golay filter on a toy dataset of forex prices from yahoo finance: ...
quant's user avatar
  • 121
5 votes
0 answers
105 views

As a clarifier, I want to implement cross-correlation, but the machine learning literature keeps referring to it as convolution so I will stick with it. I am trying to implement image convolution ...
Jozef Nagy's user avatar
1 vote
0 answers
97 views

So, I have to solve an instance segmentation problem and I am thinking of implementing a UNet model based on Ronneberger et. al. 2015 paper. The problem I have is that the output size has to be ...
abhishek bhatt's user avatar
0 votes
1 answer
215 views

I am trying to understand the ResNet dimensions, but got stuck at the first layer. We are passing a [224x224x3] image into 64 filters with kernel size 7x7 and stride=2. According to the ResNet source ...
Malte's user avatar
  • 3
3 votes
0 answers
417 views

As a novice in the realm of deep learning, I recently learned about Depthwise Separable Convolution. I have seen some tutorials and articles about it on internet, and in all of them the author ...
K327's user avatar
  • 131
1 vote
1 answer
678 views

So if I have $3$ RGB channels, $6$ convolutional layers and $4$ kernels, does this mean that each kernel does a convolution on each channel and so the input for the next convolution will be $3 \times ...
plastico's user avatar
0 votes
1 answer
86 views

I have a very basic question, but I couldn't get the idea about 2D convolution in Keras. If I would create a model like this : ...
user52219's user avatar
1 vote
1 answer
262 views

Traditionally, a convolutional filter is one where you take a matrix of numbers, multiply it with a subset of the data, and then sum it up. Then you move the filter left to right and top to bottom in ...
xiaodai's user avatar
  • 640
0 votes
0 answers
35 views

I've been trying to recreate LeNet 1(LeNet 1 architecture is pictured in the top diagram) in python using NumPy. I am unsure of how the forward pass works when there is multiple Input feature maps in ...
Joth's user avatar
  • 21
0 votes
1 answer
174 views

Here is a code snippet wherein I add two convolution layers one with 3x3 filter followed by a layer with 1x1 filter. While I am sure how the parameters are calculated for 3x3 filter, I could not ...
Ananth Subramanian's user avatar
0 votes
1 answer
2k views

I am doing my final degree project on Convolutional Networks and trying to understand the explanation shown in Deep Learning book by Ian Goodfellow et al. When defining convolution for 2D images, the ...
puradrogasincortar's user avatar
0 votes
1 answer
380 views

I would like to perform a 1D Depthwise convolution (ie the first step of the depthwise-separable convolution) for a machine learning model I am working on. This means that for an input activation ...
Karl Haebler's user avatar
0 votes
1 answer
522 views

I understand that for the first layer (assuming we have a grayscale image) we calculate the convolution of 3*3 receptive field as a weighted sum of receptive weights with pixels $ x1 · w1 + x2 · w2 + ...
A.B's user avatar
  • 336
1 vote
0 answers
79 views

I am working with the first layer of a CNN and trying to understand how to interpret the activation output. My CNN takes input from 3 channels (RBG picture) and the first layer is ...
User2321's user avatar
  • 111
1 vote
0 answers
6k views

I'm learning about convolutional neural networks. The convolution operation in order to extract features that is described in literature and posts used for this is quite intuitive and easy to ...
Julen's user avatar
  • 109
1 vote
1 answer
1k views

I have many videos, and each video is made up of 37 images (there are 37 frames in the whole video). And the dimension of each image is (100, 100, 3).... So the ...
user avatar
1 vote
0 answers
26 views

we logged sensor data while milling a workpiece. At several points, the workpiece was damaged and this induced a certain sensor data time series. Due to noise and since its a real world measurement, ...
MaxMotzer's user avatar
1 vote
0 answers
109 views

As far as I understand, the common practice in the modern CNN architectures is to use a smaller convolutional filters, but deeper networks with more channels. One of the reason behind this is that one ...
spiridon_the_sun_rotator's user avatar
1 vote
0 answers
61 views

Let's denote "convolution in deep learing" as "convolution-deep", and "convolution in math or signal processing" as "convolution-math". As we all know, ...
WBR's user avatar
  • 21
1 vote
0 answers
68 views

Why is it that the formula for each element in a convolution between an image $I$ and a $k \times k$ sized kernel $K$ is $$ (I*K)_{ij}=\sum_{m=0}^{k-1}\sum_{n=0}^{k-1}I_{(i-m),(j-n)}K_{mn}=\sum_{m=0}^{...
dontloseyourgoalie's user avatar
3 votes
1 answer
247 views

I am interested in the theory behing what a convolutional neural network learns with its convolutional operations. I think it learns (useful) kernels which measure the correlation between its input ...
user3352632's user avatar
0 votes
1 answer
335 views

According to MLOPs principle, it is recommended to have a feature store. The question is in the context of doing image classification using deep learning models like convolutional neural networks ...
GeorgeOfTheRF's user avatar
1 vote
0 answers
43 views

Say for example that I have a 28x28x1 grey scale image and I will perform two consecutive convolutions. The first convolution has 2 3x3x1 filters and the second has 3 3x3x2 filters. Each convolution ...
dontloseyourgoalie's user avatar
1 vote
0 answers
46 views

Let us imagine that we have two trained neural network models with different architectures (e.g., type of layers). The first model (a) uses 1D convolutional layers with fully-connected layers and has ...
user3352632's user avatar
2 votes
0 answers
664 views

There are various ways to increase the resolution of tensor in (width, height) dimensions, frequently used in detection models like ...
spiridon_the_sun_rotator's user avatar
0 votes
1 answer
162 views

Should kernel size always be a prime number? E.g. (3,3) (5,5) (7,7). While tinkering with sklearn.preprocessing.KernelCenterer(), I noticed that I could only get it ...
LayneSadler's user avatar
1 vote
1 answer
533 views

I have merged two different models namely VGG16 and ResNet50 and given the outputs of the two models as input to another model. I have checked the Layers graph is correct. Before merging the code was ...
ALI TARIQ NAGI's user avatar
1 vote
1 answer
50 views

I am building a model based on ZFNet in Tensorflow 2.0. I am using the Petal images dataset. The images are of size 224x244x3. So my question is when implementing the first layer (conv2d) with filter ...
Dawood Aijaz's user avatar
1 vote
0 answers
132 views

I have been struggling to understand transposed convolution. When I search for "transposed convolution", there are 2 figures explaining transposed convolution in which I think are not ...
Mathew's user avatar
  • 11
2 votes
2 answers
48k views

I am trying to use conv1D but getting that error. My dataset's is batched and has a shape of [None, 25, 25, 1] I am using input_shape=(25,25) I am not able to figure out what should I change so I can ...
Lukas's user avatar
  • 141
0 votes
1 answer
2k views

I really need to know the best pre-trained models to detect faces and/or peoples' head. Not a face recognition model, but only to classify whether an object is a person's head/face or not. I'm ...
Maf's user avatar
  • 125
1 vote
0 answers
18 views

I'm going through the literature on pose-estimation ( DeeperCut, OpenPose, MultiPersonPosetrack). I'm interested in knowing whether these networks/ generally a CNN can learn properties (geometrical) ...
amarykya_ishtmella's user avatar
1 vote
0 answers
189 views

I have been trying to understand (but miserably failing) how convolutions on images (with height, width, channels) are implemented in software. I've heard people say their convolution implementation ...
Joe Black's user avatar
  • 123

1
2 3 4 5 6