Questions tagged [mobilenet]

205 questions
0
votes
1 answer

How to add extra layer on the top of pretrained MobileNetV3 model?

I have a model which using a pre-trained MobileNetV3Large model and concatenating the like U-net architecture. That was not a problem. But I want to add model1 with this model2. In model2 I have just batch normalization and dropout which I want to…
MSI
  • 105
  • 9
0
votes
1 answer

MobileNet: High Accuracy On Validation and Poor Prediction Results

I am training MobileNet_v1_1.0_224 using TensorFlow. I am using the python scripts present in the TensorFlow-Slim image classification model library for training. My dataset distribution with 4 classes is as follows: normal_faces: …
0
votes
1 answer

ValueError: Shapes (None, 1) and (None, 101) are incompatible

The output dense layer is 101 but this error pops up. The error could be with respect to train_dataset and test_dataset or model compiling. Help me out with this !! Also if I want to sample the dataset and then assign the sample to training and…
0
votes
1 answer

AttributeError: module 'torchvision.models' has no attribute 'mobilenet_v3_small'

I am unable to import mobilenet_v3_small from torchvision. I have the below code: import torch import torch.nn as nn import torch.utils.data from torch.autograd import Variable import torch.nn.functional as F import math import numpy as np import…
user13074756
  • 383
  • 1
  • 8
  • 16
0
votes
1 answer

Mobilenet architecture

The above figure contains the mobilenet architecture, In the very first row the input size is mentioned as 224x224x3 and filter shape of 3x3x3x32 and a stride of 2. If we apply the formula for out_size = ((input_size - filter_size +…
0
votes
1 answer

Is it possible to evaluate a pre-trained Model with .pb file only?

I have downloaded this source. https://github.com/Austin-Ellsworth/Vehicle_Recognition_System/find/main For Vehicle detection + Make/Model Recognition. The Make/Model Recognition part is done using TensorFlow/MobileNetsV3. The Weights.pb,Labels,…
0
votes
1 answer

Keras and tensorflow conflict when transfer learning on MobileNetV3

I'm trying to do transfer learning with MobileNetV3 in Keras but I'm having some issues. from keras.models import Model from keras.layers import GlobalMaxPooling2D, Dense, Dropout from keras.optimizers import Adam from keras.callbacks import…
kynnemall
  • 855
  • 9
  • 26
0
votes
1 answer

Observing varying model performance in different machines while training an activity recognition model

I am finding that my model has different performance (train and validation accuracy) on two separate machines (Laptop and PC). The code and data used are the same. So: Train and Validate on Laptop (val accuracy ~91%) Moved the same jupyter notebook…
0
votes
1 answer

Tensor shape does not match target value in testing

I am creating a model based on MobileNetV2: # UNQ_C2 # GRADED FUNCTION def alpaca_model(image_shape=IMG_SIZE, data_augmentation=data_augmenter()): ''' Define a tf.keras model for binary classification out of the MobileNetV2 model Arguments: …
Nick X Tsui
  • 2,737
  • 6
  • 39
  • 73
0
votes
1 answer

Xamarin IOS CoreML Model Change Multipler (posenet)

I am using Xamarin IOS, I need to change the 'multipler' value of this CoreML MLModel as instructed here 'A model with a 0.50 multiplier is recommended for mobile.' https://github.com/tensorflow/tfjs-models/tree/master/posenet the model I'm…
0
votes
1 answer

Validation accuracy is getting lower than the training accuracy

This model is still training. And the Validation accuracy is getting lower than the training. This shows overfitting ? How I can overcome this ? I have used the MobileNet model. Can I do it by reducing the learning rate? Epoch 10/50 6539/6539…
user10960174
0
votes
0 answers

Tensorflow error: Input to reshape is a tensor with 4 values, but the requested shape has 1

I'm trying to calculate the loss of my implementation of Mobilenet model. The loss function is as below: def mobilenet_loss(y_true, y_pred): ''' y_pred will be an tensor of (None, 21, 21, 3) where the last axis corresponds to the classes…
Murali Kadambi
  • 111
  • 1
  • 8
0
votes
1 answer

TensorFlow Keras Use MobileNetV2 Model with Inputs less than 32x32

I want to use the MobileNetV2 model without weights with a size less than 32x32. If I try model = tf.keras.applications.MobileNetV2(input_shape=(10,10,3),include_top=False,weights=None) gives the error ValueError: Input size must be at least 32x32;…
user3731622
  • 4,844
  • 8
  • 45
  • 84
0
votes
1 answer

A tensorflow lite model to detect if an object is a book or not a book

I'm very new to tensorflow so I hope my question is ok. What I'm trying to do is to make a tensorflow application in Unity to detect whether an object is a book or not a book, and that's it. I've used this unity implementation of tensorflow lite for…
0
votes
0 answers

Convert SSD MobileNetV2 custom model to edgetpu model?

I'm trying to convert the mobilenetv2(ssd_mobilenet_v2_fpnlite_320x320_coco17_tpu-8 ) model to EdgeTPU model for object detection. And ı'm using TF2. I tried many solution but still have "cpu operations" when i convert tflite model to edge tpu. how…