Questions tagged [conv1d]

38 questions
0
votes
0 answers

What causes tensorflow keras Conv1D to only run the 1st epoch?

currently I am using tensorflow to create a neural network with a 1D convolutional layer and Dense layer to predict a single output value. The input array for the neural network is an array of 1500 samples; each sample is an array of 27x13 values. I…
Bende
  • 91
  • 8
0
votes
1 answer

How padding=zeros works in pytorch in functional.conv1d

This following code below giving a output of shape (1,1,3) for the shape of xodd is (1,1,2). The given kernel shape is(112, 1, 1). from torch.nn import functional as F output = F.conv1d(xodd, kernel, padding=zeros) How the padding=zeros works? And…
Al Shahreyaj
  • 211
  • 1
  • 9
0
votes
1 answer

ValueError: Input 0 of layer "sequential_52" is incompatible with the layer: expected shape=(None, 660, 12), found shape=(None, 12)

I am currently building a CNN that does binary classification, I first do feature extraction using wavelet transform then pass that output to the model. But I'm getting the below error constantly. train_labels shape: (660,) (labels) train_data…
menna
  • 1
0
votes
1 answer

How to control output Dimensions of pytorch ConvTranspose1d?

I'm currently building on a convolutional encoder-decoder network in pytorch using Conv1d Layers for the encoder and ConvTranspose1d layers for the decoder. Unfortionately the output dimensions of the decoder do not match the encoder. How can I…
0
votes
1 answer

Difference between Conv1D, Conv2D, Conv3D and where to use which in Convolutional Neural Network (CNN)

I am newbie in deep learning and doing my Final Year Project in Deep learning. I know that we use Conv2D in image related task but my professor asked me that why don't we use Conv1D or Conv3D? Why do we specifically use Conv2D here. I've searched…
0
votes
1 answer

Validation Accuracy and training accuracy not improving after applying Transfer learning

I am working on a project in which i am trying to implement transfer learning to classify ECG signals (1-Dimentional). I have a pretrained model with pretty good accuracy, but the model was trained on a different dataset which have an input shape of…
0
votes
1 answer

using CNN for classification for cancer prediction

I have a dataset (CVS) with 1000 samples and 12 features. I want to use CNN for its binary classification. all the examples that I find are related to images or time series and I don't know how to describe input and layer for this purpose. Is anyone…
-4
votes
1 answer

Tensorflow to Pytorch CNN(Use nn.Conv1d)

input_size = [765, 500, 72] model = Sequential() add = model.add add(l.Conv1D(256, kernel_size=3, strides=2, activation='relu') add(l.Dropout(0.5)) add(l.Conv1D(256, kernel_size=3, strides=2,…
YoungChae
  • 13
  • 2
1 2
3