All Questions
17,373 questions
-1
votes
0
answers
19
views
MobileNet dynamic range quantization breaks model accuracy
I've been working on building a binary fire detection model based on TF keras MobileNet v2 and transfer trained from ImageNet weights. After training the model and inferencing it works well with about ...
0
votes
0
answers
30
views
Trouble loading tensorflow when running cloned repo
So, I'm trying to get the code from this repo https://github.com/amin20/GBM_WSSM working but I'm running into a persistent error.
Using TensorFlow backend.
Traceback (most recent call last):
File &...
0
votes
0
answers
38
views
model.predict hangs in celery/uwsgi
import numpy as np
import tensorflow as tf
import tensorflow_hub as hub
from apps.common.utils.error_handling import suppress_callable_to_sentry
from django.conf import settings
from threading import ...
1
vote
0
answers
68
views
my clasification A.I. model cant surpass a certain validation precision threshold
I've recently getting started with A.I. and for a project i wanted to create a model that can classify what kind of disease you have based on a chest x-ray, After writing the model and using the ...
-2
votes
1
answer
39
views
Why is my TensorFlow CNN OCR model outputting incorrect characters for Persian license plates? [closed]
I’m building a FastAPI web API to detect Persian car license plates using YOLOv8 and extract their text with a custom TensorFlow CNN OCR model. YOLOv8 correctly detects the plate’s bounding box, but ...
2
votes
1
answer
51
views
Cannot see all `Dense` layer info from `search_space_summary()` when using `RandomSearch Tuner` in Keras-Tuner?
I am trying to use keras-tuner to tune hyperparameters, like
!pip install keras-tuner --upgrade
import keras_tuner as kt
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers ...
0
votes
1
answer
57
views
Why do model.evaluate() vs. manual loss computation with model.predict() in tf.keras do not add up?
I use keras and tensorflow to train a 'simple' Multilayer Perceptron (MLP) for a regression task, where I use the mean-squared error (MSE) as loss-function. I denote my training data as x_train, ...
0
votes
0
answers
105
views
Getting ValueError: Unexpected object from deserialization, expected a layer or operation, got a <class '__main__.L1Dist'>
here is the code from the Distance layer part because site is not allowing me to upload full code.
embedding = make_embedding()
distance layer
class L1Dist(Layer):
def __init__(self, **kwargs):
...
1
vote
1
answer
62
views
Regression error with Python tensorflow keras
could someone please help me to fix the following error :
[AttributeError: 'super' object has no attribute 'sklearn_tags']
based on my code :
from tensorflow import keras
from scikeras.wrappers ...
0
votes
1
answer
68
views
Is there a reason that tensorflow is not working with Keras?
import os
os.environ['TF_ENABLE_ONEDNN_OPTS'] = '0'
import tensorflow as tf
from tensorflow.keras.layers import Conv1D, MaxPooling1D, GlobalAveragePooling1D, Dense, Dropout, BatchNormalization
from ...
-1
votes
0
answers
52
views
Does the fact that i have just train, test split using keras image_from_dataset affect my metrics
I've been trying to figure out why my metrics were low after training. I had an F1 score of 75% which is not what i expected at all. I reviewed the code and I suspected the issue was the train, ...
0
votes
1
answer
48
views
Troubleshoot "Invalid input shape for input Tensor"
I am trying to build a model with keras and tensorflow to play Go:
training_data = encode_from_file_info(training_files)
testing_data = encode_from_file_info(testing_files)
input_shape = (...
0
votes
0
answers
115
views
Q-values output is NaN in DQN model - input state is normalized and padded
I'm training a Deep Q-Network (DQN) to trade crypto using historical data. My model keeps outputting NaN values for the Q-values during prediction. I'm using a custom function getState2() to generate ...
1
vote
1
answer
66
views
Getting an error "AttributeError: module 'tensorflow.python.distribute.input_lib' has no attribute 'DistributedDatasetInterface'"
After running the code
train(train_data, EPOCHS)
I'm getting error
"AttributeError: module
'tensorflow.python.distribute.input_lib' has no attribute 'DistributedDatasetInterface'"
and ...
0
votes
1
answer
108
views
tuple has no attribute "rank" error when trying to build bayesian neural net
I'm trying to build a BNN but am encountering the error in the title. I tried to ensure I'm not passing a tuple to .shape.rank by :
using the functional API with explicit Input (should make first ...