Skip to main content
Filter by
Sorted by
Tagged with
-5 votes
1 answer
44 views

I have a project of leaf classification, I already have trained model so i want to integrate the model to through mobile application using react native does anyone know how to make it possible?
Trinity's user avatar
0 votes
0 answers
19 views

I am currently working on a custom VGG model for Breast Cancer Classification using mammography images. It has excellent accuracy for training images but the validation accuracy is stuck at 0.5-0.6. ...
Garima Sethi's user avatar
0 votes
0 answers
20 views

Last year I finetuned MobileNetV3S on google colab [tensorflow version 2.15.0] gave me 95% (test) accuracy and loss below 0.25. However, running the same notebook now (2025-05) [tensorflow verion 2.18....
GrayAtom's user avatar
0 votes
0 answers
111 views

I have trained and quantised my models on tensorflow==2.19.0 instead of a previous version and now am facing troubles in using the quantised models for inference on my Raspberry Pi (Raspbian GNU/Linux ...
peacer's user avatar
  • 45
1 vote
1 answer
155 views

I am having trouble getting image analysis batch processing to work. I would like to send a list of images to DeepFace to get a list of race, gender, and age predictions. I am calling test functions ...
matth3wV's user avatar
3 votes
0 answers
56 views

Please, I would appreciate some help and will be grateful for any help. I have some doubts about how to calculate the frame rate (FPS) in image classification for training an testing routines. I've ...
rafa's user avatar
  • 31
0 votes
1 answer
26 views

I'm making a CNN and I don't know the full ins and outs of coding. When i try to add the layers, it constantly gives me a "NotImplmentedError" and a "ValueError" that says ...
Eve's user avatar
  • 9
0 votes
0 answers
53 views

I'm working on an open-source Data Loss Prevention (DLP) solution trying to integrate image scanning capabilities using machine learning (ML) for image classification. I’ve set up a reverse proxy with ...
DarthPingu's user avatar
0 votes
0 answers
25 views

When training the YOLO11m-cls.pt with cusomize data, I found some black square region in train_batch*.jpg. How can I adjust the hyper parameters to avoid generating it. I tried some hyper parameters, ...
S Yu's user avatar
  • 1
-1 votes
1 answer
49 views

I am building/optimizing a CNN for classifcation of cars from this dataset. My baseline model is getting suprisingly high accuracy from a very simple model architecture, I am concerned there is some ...
GandarfTheWhite's user avatar
0 votes
0 answers
51 views

I am exploring the Apple Core ML framework. I created a training model using Create ML app. Image Classification to identify the image is cat or a dog. The data set I used is referred from https://www....
Gypsa's user avatar
  • 11.3k
0 votes
1 answer
43 views

I am attempting to perform an image classification task on a dataset with 𝐿 classes. The network I am using is divided into a feature extractor and a classifier. When an image is passed through the ...
kkyub's user avatar
  • 5
0 votes
0 answers
22 views

I want to quanity the change in two satellite images that have the same spatial extent - can I define the clusters by calculating k-means clusters for both images stacked together and then apply the ...
rosa123's user avatar
1 vote
0 answers
64 views

I'm working on an image classification project using a custom-trained ResNet50 model with ImageAI, but I'm encountering a persistent loading error that prevents me from using my trained model for ...
KaleBats123's user avatar
0 votes
0 answers
42 views

I load my datasets with keras.utils.image_dataset_from_directory(). Here's the code: train_ds = image_dataset_from_directory( "train", validation_split=0.2, subset="training",...
Mare Maneski's user avatar
0 votes
1 answer
178 views

I have trained a VGG16 model (from tensorflow.keras.applications) on 15 categories of images on 100 epochs. After training, I saved the model as a file named 'best_model.h5', but unfortunately, I ...
Rick's user avatar
  • 1
0 votes
1 answer
288 views

So I am using the example of the vision transformer model for image classification provided on the Keras website. The only difference is I have added a line to save the model once it is done training ...
B.RATH's user avatar
  • 3
3 votes
0 answers
86 views

I have been trying to build a convLSTM model for classifying ASL images into 1 of the given 29 classes in the dataset. The dataset I am using is this - https://www.kaggle.com/datasets/debashishsau/...
Dev Jhawar's user avatar
1 vote
1 answer
121 views

I am following a neuralnine tutorial on how to do image classification with neural networks. I am using an Imac. Below is the code: import cv2 as cv import numpy as np import matplotlib.pyplot as plt ...
EmperorLarry's user avatar
0 votes
1 answer
759 views

Hello I'm doing a small project on TensorFlow image classification using ResNet152V2. I wrote a Train-Predict.py script that's able to train a trained_weights.hdf5 file to successfully predict images ...
unknown name's user avatar
0 votes
1 answer
99 views

I am working on a binary classification problem using DenseNet121 on Keras. The original model yields an accuracy of ~93% and when float16 quantized (PTQ), accuracy acceptably drops to ~90%. I was ...
peacer's user avatar
  • 45
0 votes
0 answers
79 views

I have been following a tutorial of a deep learning neural network model project and for some reason my model halts at the first epoch when trying to train on a dataset of images. I am not sure if ...
akam's user avatar
  • 1
0 votes
0 answers
23 views

I want to calculate the contrastive loss for hyperspectral image classification. I first have to derive the input needed for the contrastive loss based on the output logit[1,num_classes,h,w] of the ...
niu yuanzhuo's user avatar
1 vote
1 answer
255 views

How to visualize samples that are used to test models that have been created using a confusion matrix? For example as below. you can visit GitHub, the whole thing is similar, just the architecture ...
Ali Mustadji's user avatar
1 vote
0 answers
47 views

I am having problems with an image classificator model developed in python that I want to use in a C# industrial application. This is the model structure: model = Sequential([ Conv2D(32, (3, 3), ...
AdanDA's user avatar
  • 11
0 votes
1 answer
301 views

I am trying to train a resnet50 model using transfer learning and a dataset containing 40,000 images. I used ImageDataGenerator to prepare the dataset and then used flow_from_directory to make the ...
Ray's user avatar
  • 58
0 votes
0 answers
174 views

i am trying to train mobilevit using this bee dataset from tensorflow and i keep getting this error TypeError: Expected any non-tensor type, but got a tensor instead. this is the code i wrote, ...
inter galactic's user avatar
0 votes
1 answer
84 views

I have a set of images in a directory train_data = 'dataset/train' for handwritten Arabic letters, but it only contains the images in one folder and is not divided into subfolders in order for the ...
David Magdy's user avatar
0 votes
1 answer
118 views

Okay so to state first: I have no coding / AI background, i have been learning this over the past few months, and i want to learn more! After some time i created an image classifier with the help of ...
Nick Staalstra's user avatar
1 vote
1 answer
376 views

I'm doing a challenge to create a classification for some images. I have 10.000 train images and 3.000 validation images, with 3 classes. But I can't increase my validation accuracy whatever I try. I ...
Dragos123's user avatar
1 vote
0 answers
74 views

I have image classification model on trained on dataiku which is efficinet B4. Now I want to use it pickle file to make prediction on image but I am unable to make predictions. What is the image ...
Utshav Paudel's user avatar
0 votes
0 answers
32 views

I am creating a CNN network for image classification, but during training, my validation loss does not decrease below 1.2. What is wrong with my network? What should I add or remove from my network? ...
Usama Amjad's user avatar
1 vote
0 answers
53 views

I have to files PreProcess.java: /* * 4/28/24 * Final */ package Final; import java.io.DataInputStream; import java.io.FileInputStream; import java.io.FileNotFoundException; import java.io....
Mark Agib's user avatar
0 votes
1 answer
114 views

I am trying to perform binary classification on image data (mammographs). The dataset is perfectly balanced. I am using EfficientnetV2S model for the classification, but the training and validation ...
Harshkumar Mahesh's user avatar
0 votes
0 answers
115 views

I'm new to Image Processing/ Classification so I'm sorry if this is common knowledge. How do I decide which of ImageDataGenerator parameters/ features I should implement on my dataset? There are quite ...
Azra Tuni's user avatar
0 votes
2 answers
2k views

I have some models that were trained with an older version of Tensorflow, Keras and Python. Now I updated to Tensorflow 2.16.1, Keras 3.1.1 and Python 3.12.2. Now I cannot even load these models that ...
Romário Carvalho Neto's user avatar
0 votes
0 answers
136 views

I'm trying to make a model that allows me to classify images of wifi and bluetooth spectrograms. this is the code import matplotlib.pyplot as plt from tensorflow.keras.layers import Input, Lambda, ...
PSY's user avatar
  • 33
0 votes
1 answer
114 views

A lot of questions on exactly this on StackOverflow but all only applicable to Python (e.g. here). I have created a keras model in R for binary classification, and would like to create a confusion ...
zappbran's user avatar
  • 145
1 vote
1 answer
207 views

I am using Keras in RStudio for binary image classification, but am having trouble trying to access the full list of in-built metrics available in the package when compiling my model. I know that ...
zappbran's user avatar
  • 145
1 vote
1 answer
90 views

I used the following lines to fetch my test dataset: test_ds = keras.utils.image_dataset_from_directory(img_path, image_size=image_size, batch_size = batch_size) When I run my model on this, I get ...
peacer's user avatar
  • 45
1 vote
0 answers
458 views

I have sucessfully tried to use the ViT-L-14 with open-clip without changing anything of its structure. Now I want to adapt it a little bit to the CIFAR100 database and to do so i have defined a ...
Mm M's user avatar
  • 37
1 vote
0 answers
41 views

I trained a Keras CNN model (binary classification) on a custom image dataset. The accuracy of the model on test dataset came to be 90.53% (also fyi, precision=90.68%, f1_score=91.55). Since I intend ...
peacer's user avatar
  • 45
2 votes
2 answers
3k views

I am trying to construct a model that accepts two inputs. Within this model, I've designed three blocks: two correspond to the structure of the first blocks of EfficientNetB0 up to block 4 (A), while ...
Mohammad Mkanna's user avatar
0 votes
0 answers
86 views

Im trying to convert the Tensorflow model to Tensorflowlite model but it shows warning WARNING:absl:Compiled the loaded model, but the compiled metrics have yet to be built. model.compile_metrics will ...
Aneena Antony's user avatar
0 votes
0 answers
170 views

I'm running this code and I have adjusted as shown below: import requests //first block import requests url = 'https://github.com/fchollet/deep-learning-models/releases/download/v0.2/...
Nur Laici's user avatar
0 votes
1 answer
210 views

I was experimenting with a problem training an image comparison model. I simplified it to the following problem. I give pairs of images (3x128x128) to a model. The images are either completely black ...
Th F's user avatar
  • 11
0 votes
1 answer
54 views

I am trying to build a custom model for image classification. This is the code. class CustomModel(nn.Module): def __init__(self, input_channels, hidden_units, output_classes): super(...
Stand Still's user avatar
0 votes
1 answer
166 views

Context I'm experimenting with a model that should match a query image of a known object with the corresponding template image(s) where the orientation could be the same. (I will be dealing with ...
Th F's user avatar
  • 11
1 vote
0 answers
34 views

I am using the code in Study 2A in this link (https://github.com/yilangpeng/image-clustering/tree/main/study2A). In the D kmeans clustering, I met some problems because I need assign every label from ...
user23713357's user avatar
0 votes
1 answer
397 views

I’m experiencing an issue with the inference API for my Vision Transformer (ViT) model, rshrott/vit-base-renovation2. https://huggingface.co/rshrott/vit-base-renovation2 When I attempt to use the API, ...
John Doe's user avatar
  • 185

1
2 3 4 5
12