82,216 questions
0
votes
0
answers
16
views
AttributeError: module 'tensorflow' has no attribute 'saved_model' when importing gemma3 from ai_edge_torch in Google Colab
I'm trying to use Google's ai-edge-torch library to work with the Gemma 3 model in a Google Colab environment. However, I encounter the following error during import:
import torch
from ai_edge_torch....
0
votes
0
answers
35
views
Cannot allocate memory in static TLS block [duplicate]
I using a python 3.10 virtual environment, and try to import tensorflow as tf and import albumentations as A. And i faced a error on cannot allocate memory in static TLS block. Anyone know what is the ...
0
votes
0
answers
13
views
How To Work With Windowsize Inputs That Don't Match The Pooling?
Let's take a minimal 1d cnn autoencoder model as an example:
def cnn_session_encoder(inputs):
x = layers.Conv1D(32, 3, activation="relu", padding="same")(x)
x = layers....
-5
votes
0
answers
73
views
Why is my neural network overfitting even after using dropout and L2 regularization? [closed]
I’m working on a binary classification problem using a neural network in TensorFlow/Keras.
The dataset has around 9,500 training samples and 2,500 testing samples.
My model architecture:
model = ...
-7
votes
0
answers
61
views
How can I project the 3D bounding boxes on an image [closed]
I am trying to project 3d bounding boxes on vehicles and pedestrians using a detector model. I ran the inference with 6 images and got output in the below format. Now i want to project the boxes on ...
0
votes
1
answer
48
views
TensorArray read when size is 0
num_items function throws
in user code:
File "/Users/anu/PycharmProjects/Siglip/KVCache.py", line 12, in num_items *
tf.cond( self.key_cache.size() > 0,
OutOfRangeError: Tried to read ...
1
vote
1
answer
52
views
ValueError: Can't convert non-rectangular Python sequence to Tensor in text-classification problem
I am building a text classification system which requires a large preprocessing and training script. The script reads variable-length token sequences and attempts to build a tf.data.Dataset using ...
0
votes
1
answer
54
views
EfficientNet-B7 Shape mismatch
working on project of image classification using efficientnet-B7 what is wrong in this code? why is the error showing when i run this line of code? the error state
Shape mismatch in layer #1 (named ...
3
votes
1
answer
44
views
How to fix ValueError: Only instances of keras.Layer can be added to a Sequential model when adding tensorflow_hub.KerasLayer?
I am learning TensorFlow and transfer learning, and I am trying to add a TensorFlow Hub feature extractor to a Keras Sequential model. But I get this error:
ValueError: Only instances of keras.Layer ...
0
votes
0
answers
41
views
Why is the wall time from the full trace different from the timer in the compute function?
In my custom operator(runs on cpu), I use butil::Timer to measure the time taken as shown below:
void Compute(OpKernelContext* ctx) override {
butil::Timer total_timer;
total_timer.start();
...
1
vote
1
answer
69
views
TPU Initialization Fails (OpKernel Missing) Despite Active TPU Runtime in Kaggle
I am facing a persistent issue when trying to initialize the TPU in my notebook. I have already confirmed that:
My account is Verified.
The Notebook Accelerator is set to TPU.
My TPU quota is ...
1
vote
0
answers
36
views
Compatibility between streamlit and protobuf
I am unable to use the print(tf.version.VERSION) to check the tensorflow version. Reason being tensorflow looks for runtime_version in protobuf (from what I have learnt) and that is only supported in ...
2
votes
0
answers
67
views
Issue Replicating TF-Lite Conv2D Quantized Inference Output
I am trying to reproduce the exact layer-wise output of a quantized EfficientNet model (TFLite model, TensorFlow 2.17) by re-implementing Conv2D, DepthwiseConv2D, FullyConnected, Add, Mul, Sub and ...
-5
votes
0
answers
32
views
Tensorflow GPU use in python 3.13 [duplicate]
Im trying to use tensorflow with gpu on my windows device, i have python 3.13 venv. Is newer version of tensorflow support gou acceleration on windows. Ive read that it stopped in tensorflow version 2....
0
votes
1
answer
101
views
PyInstaller - It does'nt generate an .exe file
I'm using pyinstaller main.spec command. The main.spec file is the next:
# -*- mode: python ; coding: utf-8 -*-
a = Analysis(
['main.py', 'flujo.py', 'flujo_if.py', 'descarga_manual.py', '...