42,329 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
77
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
16
views
Keras 3 equivalent of getting inbound layers of a given layer
I would like to get the inputs of a given layer linked to a previous layer.
My code with Keras 2.x was the following
def get_inputs(layer):
"""Get the inputs of a layer.""&...
0
votes
0
answers
32
views
When I use multiple ImageInput,errors happened [closed]
my code:
inputEle = [ak.ImageInput(name='n1'),ak.ImageInput(name='n2'),
ak.ImageInput(name='n3'),ak.ImageInput(name='n4')]
outputEle = [ak.ClassificationHead(name='n7')]
am =...
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]], ...
0
votes
0
answers
50
views
Changing model parameters to get accurate predictions from RNN model in R
I am trying to create a RNN model in R. I have ~300 samples with the array dimensions as follows c(300, 10500, 6) reflecting (sample, time_steps, num_of_features). The labels is a single numerical ...
0
votes
0
answers
27
views
Keras SKLearnClassifier wrapper can't fit MNIST data
I'm trying to use the SKLearnClassifier Keras wrapper to do some grid searching and cross validation using the sklearn library but I'm unable to get the model to work properly.
def build_model(X, y, ...
1
vote
1
answer
16
views
TimeDistributed layer in keras 3 showing very slow inference
Inference with TimeDistributed(Dense(1, activation="sigmoid")) in Keras 3 is a lot slower than in Keras 2 (tf.keras) Profiling shows TimeDistributed is the bottleneck.
Model: Conv1D → LSTM → ...
-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 ...