Category "conv-neural-network"

Model Accuracy is High but Val_Accuracy is low

I'm trying to improve my val accuracy as it is very low. I have tried changing the batch_size, the number of images being used for validation and training. Adde

What does it mean if the validation accuracy is equal to the testing accuracy?

I am training a CNN model for my specific problem. I have divided the dataset into 70% training set, 20% validation set, and 10% test set. The validation accura

Tensorflow CNN Image Classification - Using ImageDataGenerator and then Next&Model.fit gives error

I have a CNN model, which is basically processing images and classifying them at the end. There are four class labels, which are UN, D1, D2 and D3. If you look

How to resize(reshape) the images in CNN? Mathematical intuition behind resizing

I have been working on Images for few months for my internship, and recently I have been wondering that is there a mathematical way of resizing the images. This

Denoise autoencoder not training properly

I'm trying to make a denoise autoencoder wherein the encoder part is vgg16 and decoder is opposite of vgg16(encoder) network. My dataset consists of 5K images i

Training of Siamese Network with Contrastive Loss Misses Parameter Updates

I try to implement a rather simple siamese network and a contrastive loss function. I use a pre-trained VGG16 as a backbone model and strip away the last ReLU a

multilabel text clasification with 1D CNN

I'm working on authorship detection from text task, I'm doing this by using a data frame consisting of symbol n-gram that I created using about 110k of 147 diff

How padding works in PyTorch

Normally if I understood well PyTorch implementation of the Conv2D layer, the padding parameter will expand the shape of the convolved image with zeros to all f

Colab crashes when trying to create confusion matrix

I am trying to create a confusion matrix for my test set. My test set consists of 3585 images. Whenever I try to run the following code: x_test,y_test = next(it

Value error in convolutional neural network due to data shape

I am trying to predict the of number peaks in time series data by using a CNN and keep on getting a data shape error. My data looks as follows: X = list of 520

Keras model.predict() output for regression does not match label vector

My data contains 520 time series, each of length 2297: X_train = numpy.ndarray of shape (338, 2297, 1) X_val = numpy.ndarray of shape (85, 2297, 1) X_test = num

Inspite of my model being properly trained and dumped in an pickle file and getting an unwanted error while testing the file using cv2.VideoCapture

My model is already trained and is saved in model_trained.pkl file. And I'm trying to test the same using video captures. But getting error "FileNotFoundError:

Attribute Error on predicting the image 'DirectoryIterator' object has no attribute 'Filepath'

I am working on a CNN architecture with an image RGB dataset that belongs to two categories, i.e., crops and another one is grass. However, I am concerned about

training model CNN KERAS

hello everyone i am trying to train a model using cnn and keras but the training don't finish and i got this warning and it stops training , i don't know why an

Concept Padding in Conovlution:

Suppose we have a matrix and we want to add a padding of 2 (we need to divide the padding on all side of the matrix ) in the case of padding=2 (add one at right

How to add confusion matrix to my keras multiclass classifier?

fellow coders. I am trying to figure out ways to add a confusion matrix to the output of my Mobilenet-based multiclass classifier. Being a biologist with limite

Using softmax for multilabel classification (as per Facebook paper)

I came across this paper by some Facebook researchers where they found that using a softmax and CE loss function during training led to improved results over si

Why is my tensorflow model transforming binary classification labels from 0 and 1 to .7?

I have been working on a tensorflow model that predicts short term positive and negative trends in the stock market using momentum indicators. I have the model

Training a u-net for multi-landmark heatmap regression producing the same heatmap for each channel

I’m training a U-Net (model below) to predict 4 heatmaps (gaussian centered around a keypoint, one in each channel). Each channel is for some reason outpu

model training got stuck after first epoch got completed...2nd epoch won't even start and not throwing any error too it justs stay idle

screenshot showing the model training stuck at epoch 1 without throwing error I am using google colab pro and here is my code snippet batch_size = 32 img_heigh