Skip to main content
Filter by
Sorted by
Tagged with
0 votes
0 answers
22 views

I'm coding from scratch a very basic CNN, my attempt is not to use AI but forums and documentation. I want to test out applying the sobel filter without padding but sobel(input = self.image, mode=None)...
Massimo Giuseppe Ridella's user avatar
0 votes
0 answers
24 views

Let's take a minimal 1d cnn autoencoder model as an example: def cnn_session_encoder(inputs): x = layers.Conv1D(32, 3, activation="relu", padding="same")(x) x = layers....
Natan's user avatar
  • 1,141
Advice
0 votes
0 replies
40 views

I want to find a convolutional network with a large kernel (larger than 5x5 or 7x7). I want to perform kernel analysis, and to do this, I need to convert the model to the onnx format. I found ...
xzxolop's user avatar
  • 65
1 vote
1 answer
132 views

I have input shape to a convolution (50, 1, 7617, 10). Here, 7617 is word vectors as rows, and 10 is the number of words in columns. I want to convolve column-wise and obtain (2631, 1, 7617, 1), 1 ...
cuneyttyler's user avatar
  • 1,395
0 votes
0 answers
35 views

I’m experimenting with the MathWorks example that inserts a multi-head self-attention layer into a simple CNN for the DigitDataset: Link to example layers = [ imageInputLayer([28 28 1]) ...
Hend mahmoud's user avatar
0 votes
0 answers
88 views

I'm training a CNN on Tensorflow for binary classification and executing my code in Google Colab. CNN_model = tf.keras.Sequential([ tf.keras.layers.Input(shape=(IMAGE_SIZE, IMAGE_SIZE, 3)), tf....
Nicola's user avatar
  • 11
0 votes
1 answer
35 views

I am trying to implement classification of ECG segments from PTB-XL database (https://physionet.org/content/ptb-xl/1.0.3/). The architecture of the model which I am using is: import torch import torch....
zion's user avatar
  • 9
0 votes
1 answer
74 views

I have built a CNN model with the following layers: def build_trainable_cnn(input_shape, num_classes): """ Create a CNN model for feature extraction Parameters: ...
remotestbeach's user avatar
0 votes
0 answers
138 views

I'm training a ResNet50 model on 300W-LP dataset with AFLW2000 as a validation dataset. The task is head pose angle prediction (pitch, yaw, roll) with a 1-bin head output for each angle. When training ...
Gerald Coleman's user avatar
0 votes
2 answers
107 views

I’m building a Keras model based on MobileNetV2 for frame-level prediction of 6 human competencies. Each output head represents a competency and is a softmax over 100 classes (scores 0–99). The model ...
asfa afs's user avatar
0 votes
0 answers
20 views

Last year I finetuned MobileNetV3S on google colab [tensorflow version 2.15.0] gave me 95% (test) accuracy and loss below 0.25. However, running the same notebook now (2025-05) [tensorflow verion 2.18....
GrayAtom's user avatar
0 votes
0 answers
68 views

I’m training a small CNN (code below) to predict sparse amplitude maps from binary masks. Input: 60×60 image with exactly 15 pixels set to 1, rest are 0. Target: Same size, 0 everywhere except those ...
mikanim's user avatar
  • 449
1 vote
1 answer
54 views

I'm trying to use LeNet to classify univariate time series data with 300 time steps. num_channels = 1; num_classes = 3; filterSize = 5; numFilters = 32; num_of_features = size(X_train(1, :), 2); ...
Jenő Fekete's user avatar
0 votes
1 answer
141 views

I have written a conv. neural network from scratch before, but I've decided to use Pytorch for its speed. However, I could not find documentation as to how to format for the conv2d layer. In general, ...
Mingruifu Lin's user avatar
8 votes
0 answers
87 views

I am working on a scheduling problem where I am willing to solve that by Graph Convolutional Neural Network (GCNN). The problem is stated as follows: There is an assembly product graph with $\text{G(V,...
A.Omidi's user avatar
  • 193
-1 votes
1 answer
62 views

I am currently working on a convolutional neural network in python, and I am currently implementing back propagation. As of now I am just implementing it for the output layer, and I just wrote the ...
James Ward's user avatar
1 vote
1 answer
97 views

I am trying to run an exported version of a fine-tuned yolov11n to detect road signs. When I run the model with the yolo cli on this exact same image, I get an object detected with confidence 0.86. ...
Gaina-Florin's user avatar
0 votes
1 answer
87 views

I'm using TensorFlow. I have many simulated datasets for which values are real. Each one consists of 200 rows and two columns (variables). I'm using a convolutional neural net. I want the simulated ...
LifeisGood94's user avatar
0 votes
0 answers
39 views

I have a model for speech audio-to-phoneme prediction using CNN and bidirectional GRU layers. The phoneme vector is optimized using CTC loss. I want to add test-time training with audio augmentations. ...
Sreenath Sivan's user avatar
0 votes
1 answer
65 views

I'm struggling with a Flutter + TFLite integration. I have a trained TFLite model (EMNIST-like for handwritten letters), and it works perfectly when I test it in Python — but in Flutter, the ...
ChinoQT's user avatar
  • 58
0 votes
1 answer
68 views

I'm building a lip-reading model using tensorflow.keras and getting an error when applying TimeDistributed(Flatten()) after my Conv3D layers. Here's a simplified version of my model architecture: CODE ...
Amit Talmale's user avatar
0 votes
1 answer
48 views

I was reading pytorch docs about Conv2DTranspose on https://pytorch.org/docs/stable/generated/torch.nn.ConvTranspose2d.html#torch.nn.ConvTranspose2d, and I was curious as to what happens if we ...
zion's user avatar
  • 9
1 vote
0 answers
360 views

I'm learning how to use keras to make a CNN. I'm having trouble and get the following error a DNN library initialization failed on colab for my code and I'm not quite sure why, I modified this code ...
Nili's user avatar
  • 11
0 votes
0 answers
62 views

I'm trying to train pcam dataset in vcc 16 model, but I keep getting this error: RuntimeError: Given groups=1, weight of size [96, 3, 3, 3], expected input[256, 96, 3, 96] to have 3 channels, but ...
user30107476's user avatar
0 votes
0 answers
63 views

I'm trying to apply the Grad Cam technique to a 3D CNN (ResNet101). To do this, I'm trying to use the following code: dlImg = dlarray(single(img), 'SSSCB'); softmaxName = 'sofctmax'; ...
Raquel Tavares's user avatar
0 votes
0 answers
32 views

I have song files that varies in duration. I am trying to generate their mel spectrograms for training a CNN model afterwards. Since songs contain many frequencies over relatively short duration, ...
R47's user avatar
  • 21
0 votes
1 answer
135 views

I have been training a CNN Autoencoder on binary images (pixels are either 0 or 1) of size 64x64. The model is shown below: import torch import torch.nn as nn import torch.nn.functional as F class ...
SadnessAndSorrow's user avatar
1 vote
1 answer
317 views

I encountered a very interesting issue when training a deep learning model using Python and PyTorch. I designed a simple TCN as follows: import torch import torch.nn as nn class TCN(nn.Module): ...
ZaixinDong's user avatar
0 votes
0 answers
86 views

After passing an input sequence to a 1D CNN, I'm trying to combine the output with some engineered features about the sequence. The input sequence is shape (29,1) and the input to the model is (...
VafrousEsprit's user avatar
0 votes
1 answer
135 views

I am using keras to train a 1D CNN with time-series as input data to perform a binary classification. The model part of the code is the following: modelo = Sequential() modelo.add(Conv1D(filters=32, ...
bardulia's user avatar
  • 210
0 votes
0 answers
31 views

I have several images for one sample. These images are picked randomly by tiling a high-dimensional bigger image. Each image is represented by a 512-dim vector (using ResNet18 to extract features). ...
hiu's user avatar
  • 9
-1 votes
1 answer
69 views

I am working on an Image classification problem with ImageDataGenerator from the keras library. Here is what my script looks like datagen = ImageDataGenerator(rescale=1./255, validation_split=0.2) ...
pd_prince's user avatar
1 vote
1 answer
440 views

import os import shutil import random import torch import torchvision.transforms as transforms import cv2 import numpy as np from torch.utils.data import Dataset, DataLoader import torch.nn as nn ...
Can Gürcüoğlu's user avatar
1 vote
0 answers
35 views

I've been working on a binary object detection CNN model using transfer learning with keras' built in resnet 50 model. However after multiple times of training over 100 epochs it is returning ...
Caleb Joseph's user avatar
-1 votes
1 answer
139 views

I have images of graph lines with trends, and I want to cluster similar trends together. However, after trying several clustering algorithms, they are not working as well as I expected. I believe that ...
SpicyCurry's user avatar
0 votes
0 answers
40 views

dataset_path = "/content/PetImages" dataset = tf.keras.utils.image_dataset_from_directory( dataset_path, batch_size=32, image_size=(224, 224), # Resize images shuffle=True ) ...
Divyanshu Rajput's user avatar
1 vote
0 answers
94 views

When I added NLBloclos, a self-attention layer to my network (simple CNN) the result of the network was not reproducible anymore, when I trained it again, the result was different. But when I remove ...
sarvenaz's user avatar
0 votes
1 answer
79 views

Here's the code train_dset = image_dataset_from_directory( directory = data_path, batch_size = 32, image_size = (256,256), label_mode = "int", shuffle = True ) in ...
Chinmaya Tewari's user avatar
0 votes
1 answer
26 views

I'm making a CNN and I don't know the full ins and outs of coding. When i try to add the layers, it constantly gives me a "NotImplmentedError" and a "ValueError" that says ...
Eve's user avatar
  • 9
0 votes
0 answers
54 views

I am making a CNN model for binary classification tasks. When I am using binary_crossentropy as the loss function and keep 1 neuron in the last layer then I am getting around 94% in accuracy and 85% ...
Deepanshu Joshi's user avatar
1 vote
1 answer
42 views

I trained a CNN for emotion recognition and used two different transformation pipelines for image preprocessing: Simple Transformation: TRANSFORM = transforms.Compose([ transforms.Resize((64, 64)),...
Sk8's user avatar
  • 13
0 votes
0 answers
28 views

I'm using Pycharm pro and I'm trying to plot the filters and feature maps of CNN layers. I always right-click the images and save them as png, but I tried to save the image as HTML, and I found the ...
Mustafa Mahmood's user avatar
0 votes
0 answers
94 views

I'm trying to play a game with AI, but I want to do it in real time. Because of that, I'm not using gym to create an environment. I want to take a screenshot, preprocess it, then pass it through the ...
Controller816's user avatar
0 votes
0 answers
46 views

When I study convolutional layers, I implement im2col_2 by myself to handle the operation of convolution. im2col_1 is a different implementation which seems less intuitional. im2col_1 is pixel by ...
Shower Hu's user avatar
0 votes
0 answers
78 views

I am training a model for multi label classification task for each class I have multiple labels after running the test i got 100% for both classes I used 150 000 images for training and validation and ...
anya's user avatar
  • 19
-2 votes
2 answers
85 views

I wanted to do image classification using CNN and now I am getting abnormal results cause the even no of epochs are not working as expected even if i change the no of epochs import os import numpy as ...
Ayush Kacholiya's user avatar
0 votes
2 answers
164 views

I am not understanding how the 20 filters of the second Conv2D layer filters the 10 feature maps outputted by the first Conv2D layer. Are each of the 20 filters filtering each of the 10 featuremaps (...
Steven Dascoli's user avatar
0 votes
1 answer
71 views

I got this error on python 3.12.7: Traceback (most recent call last): File "/Users/hongviet/Library/Mobile Documents/com~apple~CloudDocs/Documents/DataAnlalysCoding/First Week/baitap1.py", ...
HongViet's user avatar
0 votes
1 answer
64 views

I'm currently working with CNN, LSTM, and BiLSTM as a hybrid algorithm, and these are the results I got for the accuracy and loss curves for the training and test sets. The issue is that I do not know ...
Zineb Adaika's user avatar
1 vote
0 answers
135 views

I trained a ResNet18 model; and saved it to a .pth file. When I try to load it I get this error, this continues for a couple more lines with the same pattern. Error loading checkpoint: Error(s) in ...
Xayyna's user avatar
  • 51

1
2 3 4 5
208