All Questions
Tagged with keras tensorflow
25,679 questions
-1
votes
0
answers
20
views
First epoch high validation accuracy and decreasing loss after 1-3 epoch [closed]
I'm making multi class text classification model for news category prediction with 11 class. I'm using Tensorflow 2.19.0 and keras 3.8.0. I've encountered with some problem with my model:
MAX_TOKENS = ...
2
votes
2
answers
27
views
how to load a tensorflow model using tensorflowjs
i was building a simple demo that would load a model that i have converted a JSON and binary using tensorfjs. The model is utilizing the following architecture
model = Sequential([
Flatten(...
-1
votes
0
answers
35
views
MobileNet dynamic range quantization breaks model accuracy [closed]
I've been working on building a binary fire detection model that will run on ESP32s based on TF keras MobileNet v2 and transfer trained from ImageNet weights. After training the model and inferencing ...
0
votes
0
answers
39
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
47
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
79
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 ...
0
votes
0
answers
28
views
Why does TimeDistributed(Flatten()) raise an InvalidArgumentError when reshaping works?
I'm building a lip-reading model using tensorflow.keras and getting an error when applying TimeDistributed(Flatten()) after my Conv3D layers. Here's a simplified version of my model architecture:
CODE
...
-3
votes
0
answers
109
views
xor example tensorflow C api
Simple xor functions. How load model using https://www.tensorflow.org/install/lang_c .
#!/usr/bin/env python
import numpy as np
import tensorflow as tf
X = np.array([[0, 0], [0, 1], [1, 0], [1, 1]], ...
-2
votes
1
answer
41
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
53
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
63
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
108
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
65
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 ...
1
vote
1
answer
28
views
Oom-kill event by cgroup when using grid search with cross-validation for training LSTM with Keras
I´m training LSTM models and doing grid search with cross-validation (10 kfolds per model), using parallel processes with MPI on SLURM environment. I'm using CPUs (not tried cuda yet) and getting the ...
0
votes
1
answer
71
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 ...