Questions tagged [densenet]
43 questions
1
vote
0 answers
Is there a possibility to visualize intermediate layers in Keras?
I am using the DenseNet121 CNN in the Keras library and I would like to visualize the features maps when I predict images. I know that is possible with CNN we have made on our own.
Is it the same thing for models available in Keras like DenseNet?

anthonya
- 565
- 2
- 6
- 15
1
vote
1 answer
Setup dense layers to learn from 1D arrays
I have about 100k arrays of size 256 which I would like to input in a neural network composed by few dense layers, and to output 100k arrays of again size 256. (I would like my net to transform the input array into the output array). I cannot manage…

Federico
- 25
- 7
1
vote
1 answer
Following Pyhthon CNN architectures Libraries : EfficientNet & DenseNet 169 EfficientNet import Problems
I'm trying to use the following Deep Learning CNN architecutres : DenseNet169 & EfficientNet with transfer learning. I've installed the following libraries bu PyCharm and call the following import libraries :
from keras.models import Model
from…

CaRoule
- 11
- 1
0
votes
0 answers
Comparison between DenseNet and GCN models shows abnormally high performance for GCN - Request for data leakage validation
Content:
Hello. I am attempting a binary classification task for Alzheimer's Disease (AD) and Mild Cognitive Impairment (MCI) using 3D grayscale PET brain images with pytorch.
Data: Data from 282 patients (158 with AD, 124 with MCI) and the…

이규빈
- 1
0
votes
1 answer
RuntimeError: mat1 and mat2 shapes cannot be multiplied (229376x7 and 1024x512)
I am building a CNN pn Pytorch using the pre-trained DenseNet121 model. I am replacing the classifier of the pre-trained model with my classifier. I tried to do it in two ways. While the first one worked, the second one gave the abovementioned error…

Ayush
- 13
- 4
0
votes
0 answers
Input 0 of layer "dense" is incompatible with the layer: expected min_ndim=2, found ndim=1. Full shape received: (None,)
/tmp/ipykernel_28/859774433.py:11: UserWarning: `Model.fit_generator` is deprecated and will be removed in a future version. Please use `Model.fit`, which supports generators.
history = model.fit_generator(generator, epochs =1, steps_per_epoch=…

Nour Nirabi
- 1
- 1
0
votes
0 answers
OperatorNotAllowedInGraphError: Iterating over a symbolic `tf.Tensor` is not allowed: AutoGraph did convert this function
`Hello I am in the same error as the title
Below is the code I used
from keras.layers import Input
class PositionalEmbedding(layers.Layer):
def __init__(self, sequence_length, output_dim, **kwargs):
super().__init__(**kwargs)
…

정태영
- 1
- 1
0
votes
0 answers
How can I solve "Failed copying input tensor" issue?
While executing the code:
I get the following error:
InternalError: Failed copying input tensor from /job:localhost/replica:0/task:0/device:CPU:0 to /job:localhost/replica:0/task:0/device:GPU:0 in order to run _EagerConst: Dst tensor is not…
0
votes
1 answer
how to change the out_features of densenet121 model?
How to change the out_features of densenet121 model?
I am using the code below to train the model:
from torch.nn.modules.dropout import Dropout
class Densnet121(nn.Module):
def __init__(self):
super(Densnet121, self).__init__()
…

Learner
- 39
- 6
0
votes
1 answer
Is it possible to perform quantization on densenet169 and how?
I have been trying to performing quantization on a densenet model without success. I have been trying to implement pytorch post training static quantization. Pytorch has quantized versions of other models, but does not have for densenet. Is it…

Cyril
- 1
- 1
0
votes
1 answer
Multihead model based on DenseNet201 using Keras
I am trying to use this notebook where we define a 3-head model based on DenseNet201. The AlexNet based works correctly but DenseNet201 throws me an error. I am a Pytorch user and have not been able to figure out the error of ValueError: Missing…

Saeed
- 598
- 10
- 19
0
votes
0 answers
DenseNet 121 implementation using tensorflow giving AlreadyExistsError: Another metric with the same name already exists
I am trying to implement DenseNet-121 model using tensorflow. I have already implemented the data pipeline and have already pre-processed the data which I have indicated by "some codes here" comment due to it being a bit lengthy(Will upload if…

Surya Majumder
- 95
- 10
0
votes
0 answers
How to Convert Functional API to Model subclassing API Densenet
I am trying to convert Densenet from functional API to Model subclassing API. But I am getting error. My model is as follows:
inputs = tf.keras.layers.Input( shape=input_shape )
x = tf.keras.layers.Conv2D( num_filters , kernel_size=(3,3) ,…

Dhaval29
- 11
- 2
0
votes
1 answer
Keras Dense Model ValueError: logits and labels must have the same shape ((None, 200, 1) vs (None, 1, 1))
I'm new in machine learning and I'm trying to train a model.
I'm using this Keras oficial example as a guide to set my dataset and feed it into the model: https://www.tensorflow.org/api_docs/python/tf/keras/utils/Sequence
From the training data I…

josseossa
- 51
- 8
0
votes
1 answer
Issue with presenting understandable predictions on a Python Keras CNN model
Apologies if this is in the wrong place or formatting is incorrect in advance.
Having an issue that I'm having trouble finding an answer to as I may have it worded incorrectly during my search. I have a model created and working correctly- achieving…

jmsv6
- 3
- 1