Questions tagged [efficientnet]

questions about retraining efficientnet with Keras to create new object detection models

efficientnet is a lightweight convolutional neural network architecture achieving the state-of-the-art accuracy with an order of magnitude fewer parameters and FLOPS, on both ImageNet and five other commonly used transfer learning datasets.

109 questions
0
votes
0 answers

How do I alter the code of EfficientNet V2 so it can take input images of unconventional size?

The source code for EfficientNetB0 V2 is available here - https://github.com/keras-team/keras/blob/v2.13.1/keras/applications/efficientnet_v2.py#L1115. How would I change the code so that it is compatible with an input images of size (12, 23, 1). I…
PiccolMan
  • 4,854
  • 12
  • 35
  • 53
0
votes
0 answers

Vanishing gradients while finetuning efficient net V2 XL

I have an aerial imagery dataset (around 250k images for training) and am trying to finetune the efficient net v2 xl architecture trained on imagenet 21k dataset. However, as the architecture is not directly available with keras I am using the…
0
votes
0 answers

PermissionError: [Errno 13] Permission denied: '/home/ubuntu/.keras/models/efficientnetb0.h5'

I am getting this error while training Nan efficient net model. Downloading data from https://storage.googleapis.com/keras-applications/efficientnetb0.h5 Traceback (most recent call last): File "efficient_net.py", line 45, in
Celik
  • 2,311
  • 2
  • 32
  • 54
0
votes
0 answers

Error while trying grad-cam on efficientnet-CBAM

CAMdir = '/content/drive/MyDrive/pneu/' normalize = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) CAM_images = ImageFolder(CAMdir,…
한유림
  • 1
  • 1
0
votes
0 answers

unable to auxiliary classifiers to efficientnet-B4

I'm building cnn model for skin disease classification using keras and tensorflow, i tried to implement a modified verision of efficientnet-b4 model that it is used in this paper A Deep Learning Based Framework for Diagnosing Multiple Skin Diseases…
0
votes
0 answers

Error - Efficientdet - Assigning the output of a keras model as an input of another model

I have fine-tuned an Efficientdet-d0 model and I can get the model results by invoking the model with images. Now, I want to add a layer at the beginning of the model so that the model accept base64 string instead of images as an input. I have…
Hamid K
  • 983
  • 1
  • 18
  • 40
0
votes
0 answers

Getting an error in vision transformer code: Cast string to float is not supported

I am encountering this error: "Node: 'Cast_1' Cast string to float is not supported [[{{node Cast_1}}]] [Op:__inference_train_function_24746]" in the code that i copied from…
0
votes
0 answers

Computational issue in training EfficientNetB0 model for a classification task

I am facing difficulties in training a custom image classification model (EfficientNetB0) on a dataset of 36,000 images of size (100, 100, 3). The images consist of alphanumeric characters (0-9 and A-Z) and my goal is to classify them. My attempts…
0
votes
0 answers

Difference between predictions of exported TensorRT engine and PyTorch pth models

Problem: inference results from deepstream and local inference do not match (using same png images). While testing what percentage of predictions match between engine and pth models, only 26% matched out of 180k images. How I reproduce results: I…
0
votes
0 answers

Image Classification Fine-Tuning With EfficientNet

I'm trying to image classify with Keras Efficient Net. like here https://keras.io/examples/vision/image_classification_efficientnet_fine_tuning/ I have two folder named 1 and 0. The number of images in both folders is the same. F1 score is…
0
votes
0 answers

Register custom RPN/ROI in detectron2 registry

I currently try to get EfficientPS (https://github.com/vincrichard/EfficientPS) running. When I start the training, the initialisation of the net crashes due to a key error belonging to detectron2. During execution of the init method of…
Marco
  • 33
  • 7
0
votes
1 answer

Pose Estimation Using Associative Embedding technique

In Pose Estimation Using Associative Embedding technique I still don't have clarity regarding How we can group the detected points from HeatMaps to Individual Human Poses using Associative Embeddings Layer. Is there any code that clearly gives Idea…
0
votes
0 answers

How to change the number of in channels in efficientnet_b0?

I change the code like below model = models.efficientnet_b0(pretrained=False,num_classes=2) model.features = nn.Conv2d(1, 32, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) But what I got is below EfficientNet( (features):…
0
votes
0 answers

Compatibility between TF/Keras' and Pytorch's EffNetB0

I am trying to get a PyTorch version of EfficientNetB0 based off a working example from Keras. From Keras, I am using https://www.tensorflow.org/api_docs/python/tf/keras/applications/efficientnet/EfficientNetB0 Meanwhile, in PyTorch, I have found…
0
votes
0 answers

Strange loss curve while training EfficientNetV2 with Pytorch

I'm new to Pytorch. And I use the architecture that a pre-trained EfficientNetV2 model to connect to a single fully connected layer with one neuron using the ReLU activation function in regression task. However, both losses on training and…
Cindy
  • 1
  • 1