Category "conv-neural-network"

Training simple CNN-LSTM model

I have a task for my project paper and I do not get how to train the model. This model is supposed to take an image and segment it into different classes. The h

How can I save the output of a convolution layer with and without a dilation rate as images

I want to save a image file to see about difference using convolution layer with dilation rate and without that. Of course I can search images about that, but I

Getting "ValueError: 'outputs' must be defined before the loop." error while fitting model

I made a CNN model for training b/w images for training it on TPU on dimension of 100*100. Added the basic callback but after running it, it was giving outputs

Deep learning CNN: low accuracy

I am training a convolutional neural network for binary time series classification. The training accuracy on both models is very different. If on the first it g

What is the meaning of "trainable_weights" in Keras?

If I freeze my base_model with trainable=false, I get strange numbers with trainable_weights. Before freezing my model has 162 trainable_weights. After freezin

What is the meaning of "trainable_weights" in Keras?

If I freeze my base_model with trainable=false, I get strange numbers with trainable_weights. Before freezing my model has 162 trainable_weights. After freezin

Understanding the PyTorch implementation of Conv2DTranspose

I am trying to understand an example snippet that makes use of the PyTorch transposed convolution function, with documentation here, where in the docs the autho

labels and the predictions of multiclass images images Index Error: list index out of range

I am training a CNN with an dataset of images that consists of 2410 RGB images and belongs to two categories, i.e., crops and another is grass. After training t

The method np_utils.to_categorical give me an error

np_utils.to_categorical Keras method give me an error when i gived it a a vector of [962] element which contain 3 classes [1,1,1,...,2,2,2,...3,3,3]. The used

Basic CNN classification model has UnimplementedError: Graph execution error:

I tried a sample code for CNN application on MNIST data classification from the book : from keras import layers from keras import models model = models.Sequent

Jupyter notebook failed to process training data

I'm trying to make a classification on an image with the CNN algorithm. When I tried to run it on jupyter notebook(anaconda) it didn't work, but when I run it o

CNN Prediction output to masked image

Given an output prediction of shape [1,21,388,88] from my Unet. How can I plot it as a masked image? I am using PASCAL dataset. Thanks!

model.predict yeilds more predictions than the number of outputs

I've created a multi-class image classifier using CNN. I am using the keras module specifically and I am using generators to fit and then predict 4 different cl

CNN model accuracy fluctuates

Tensorflow/Keras I have developed a CNN model to classify images as circle, triangle or square. However, my accuracy values have wide fluctuations. Is it someth

RuntimeError: 1D target tensor expected, multi-target not supported Python: NumPy

I am dealing with a CNN and I get the following error on the line loss = criterion(outputs, data_y): Here is the relevant code snippet: def run(model, X_train,

CNN accuracy plotting

I used a convolutional neural network (CNN) for training a dataset and I want to plotting accuracy for this. Before, I tried to use matplotlib but I couldn't su

How to extract 'image' and 'label' out of Tensorflow?

I've loaded in my train and validation sets from CIFAR10 like so: train = tfds.load('cifar10', split='train[:90%]', shuffle_files=True) validation = tfds.load('

ValueError: Target size (torch.Size([16])) must be the same as input size (torch.Size([16, 1]))

ValueError Traceback (most recent call last) <ipython-input-30-33821ccddf5f> in <module> 23 output = mod

Why is there a difference in Intersection over Union (IoU) calculation while evaluating for same data using same model?

I evaluated the IoU score for the test dataset using the saved model. (model.evaluate(test_gen, steps) Also, I have calculated the IoU score for each image in

Model.fit() Validation Accuracy different than Model.predict()

I have created a CNN to do binary classification in keras with the following code: def neural_network(): classifier = Sequential() # Adding a first convolu