Skip to main content
Filter by
Sorted by
Tagged with
-7 votes
0 answers
56 views

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 ...
Biks's user avatar
  • 1
0 votes
0 answers
30 views

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 ...
Mohan Radhakrishnan's user avatar
1 vote
1 answer
49 views

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 ...
coderx's user avatar
  • 3
1 vote
1 answer
51 views

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 ...
Trinity's user avatar
3 votes
1 answer
43 views

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 ...
Sanjay Jithesh's user avatar
0 votes
0 answers
40 views

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(); ...
Mingyue Zhang's user avatar
1 vote
1 answer
65 views

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 ...
rezvan gh's user avatar
1 vote
0 answers
36 views

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 ...
sunny's user avatar
  • 683
2 votes
0 answers
66 views

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 ...
Jolverine's user avatar
-4 votes
0 answers
31 views

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....
Med Yassine Ghaoui's user avatar
0 votes
1 answer
101 views

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', '...
Paul de la Cruz's user avatar
0 votes
1 answer
56 views

I am working on a Kaggle notebook where I am trying to import TensorFlow/Keras to build a simple neural network for tabular data. However, even with Accelerator = None (CPU only), TensorFlow fails ...
Aniket Kaushal's user avatar
0 votes
1 answer
164 views

I’m debugging a model conversion using onnx2tf and post-training quantization issue involving Einsum, BatchMatMul, and FullyConnected layers across different model formats. Pipeline: ONNX → TF ...
Saurav Rai's user avatar
  • 2,197
Advice
1 vote
0 replies
39 views

So, I am having a transfer learning project using VGG16, however as we all know its model size is over 500MB. I somply don't have enough disk space to save more than 200 instance of said model, ...
Tunglesonag's user avatar
3 votes
1 answer
62 views

I've got a very small python script using a Model.h5 which should be loaded in order to classify some pictures. Here's my python script : import tensorflow as tf from os import walk from keras.models ...
Vincent PHILIPPE's user avatar
0 votes
1 answer
58 views

I am trying to duplicate the code found here which says tested with TensorFlow 1.6. I am using TF version 2.20.0 and really don't want to downgrade to 1.6 so I tried: import tensorflow.compat.v1 as tf ...
jbm417's user avatar
  • 1
Tooling
1 vote
2 replies
56 views

I am aware that TensorFlow has announced that they will no longer support TRT. A while back the announced "Starting with TensorFlow 2.18, support for TensorRT will be dropped. TensorFlow 2.17 ...
Sami Wood's user avatar
  • 605
0 votes
1 answer
103 views

The model was fuctioinnal with only one output, now I try to use multi output forcasting one timestep, but got this error: Epoch 1/10 2025-11-04 16:20:09.341769: W tensorflow/core/framework/op_kernel....
Jonathan Roy's user avatar
0 votes
1 answer
50 views

I have batches containing windows containing embeddings/vectors. To keep it simple let's not assume sentence embeddings (actual case) but 1hot encoded vectors. They are padded. So in the example below ...
Natan's user avatar
  • 1,141
2 votes
1 answer
110 views

I am implementing a U-Net variant in TensorFlow/Keras with custom layers. In one of my layers custom layers UPDoubleConv, I have a Sequential self.blocks containing a repeated pattern of UpSampling2D ...
Ahmed's user avatar
  • 105
5 votes
1 answer
166 views

I have recently been trying to port a LoRA for CNN method originally implemented in PyTorch to TensorFlow, but my implementation did not work well, and I require assistance in making it work. My code ...
Mateus Carmo's user avatar
2 votes
2 answers
120 views

when i try to print/plt.tile the label of an image, its printing the tensor(32,) instead of a single label value. When i tried to print before the resizing, it was printing fine. Code: #### # ...
kay_g's user avatar
  • 73
2 votes
0 answers
42 views

What is the purpose of training=True argument in the last line. I called help(tf.keras.Sequential) but could not find anything related to it. Also is it the argument of tf.keras.Sequential() or not ...
kay_g's user avatar
  • 73
3 votes
1 answer
78 views

I'm trying to run the first guide from Tensorflow in Google Colab. I import the dataset with import pathlib dataset_url = "https://storage.googleapis.com/download.tensorflow.org/example_images/...
HONjramiroz98's user avatar
2 votes
0 answers
91 views

I'm attempting to train a model on TensorFlow, and I've used Nick's video as reference: https://youtu.be/yqkISICHH-U?si=IYW6Jsqhs0gCwMyc&t=8267 I've experienced following error: Traceback (most ...
Ricardo Wu's user avatar
0 votes
0 answers
23 views

ERROR: Could not find a version that satisfies the requirement tensorflow (from versions: none) ERROR: No matching distribution found for tensorflow
Kapila Shobit's user avatar
1 vote
1 answer
57 views

I am implementing a custom training loop in TensorFlow 2.18 with mixed precision (float16) for a large vision transformer model. The training runs fine for about 15 epochs, but then the loss suddenly ...
M M's user avatar
  • 13
1 vote
1 answer
49 views

I would like to learn the tensorflow. While, when I run the code in my google-colab, I had the error message: 'UnavailableError: Cannot export profiling results. No profiler is running.'. The code is ...
LeiDing's user avatar
  • 31
0 votes
1 answer
307 views

I’ve been trying to get TensorFlow to use my GPU on Windows, and even though everything seems installed correctly, it shows 0 available GPUs. System setup Windows 11 RTX 3050 Laptop GPU NVIDIA driver ...
Houssem Eddine's user avatar
1 vote
1 answer
77 views

I'm trying to understand why the Generalized Pareto distribution shows different results for the same parameters. The results from SciPy make sense, while the results from TensorFlow Probability do ...
PPR's user avatar
  • 447
-1 votes
1 answer
41 views

I'm trying to use a pretrained ESRGAN model that I downloaded in .pb format. The model runs without errors, but the output image has a noticeable reddish/purple tint instead of the correct colors. ...
Ahmed Almakki's user avatar
3 votes
0 answers
84 views

I get an error while trying to run tfjs. It was working last week but it seems that the url for model is no longer available. Any suggestions for working model url/refactor? import { createDetector, ...
adcprogrammer's user avatar
2 votes
1 answer
373 views

I’m uploading my Android App Bundle (AAB) to Google Play Console and getting this warning: Library that does not support 16 KB: base/lib/x86_64/libtensorflowlite_jni.so after upgrading the lib ...
Hossam Sadekk's user avatar
2 votes
1 answer
136 views

I use macOS. I have to use LibRecommender in my code. Python Version: 3.8.13 According to this link, the 2.10 is a suitable tensorflow version. This is what's in my requirements.txt file I install ...
xxx's user avatar
  • 11
0 votes
0 answers
67 views

I trained a sentiment classification model using a scikit-learn Pipeline that includes a TfidfVectorizer and LogisticRegression classifier. Everything works perfectly on my local machine, but when I ...
MOSAB FATAH's user avatar
1 vote
1 answer
38 views

I’m following this tutorial on 3D brain tumor segmentation using MedicAI and Keras In the tutorial: dataset = dataset.batch(batch_size).prefetch(tf.data.AUTOTUNE) The author does not use .repeat(...
Ahmed's user avatar
  • 105
1 vote
0 answers
54 views

I trained a keras sequential model while working in colab. Now I shifted to a PC with Windows 11. jupyter notebook with Tensorflow 2.10 is unable to read that model. it needs a model in the old .h5 ...
Sehaj Kaur's user avatar
0 votes
2 answers
63 views

I am being implementing a custom layer that returns both the transformed output and an auxiliary loss term. The forward pass works fine, but when I try to compute gradients, I get None for the main ...
coderx's user avatar
  • 3
1 vote
0 answers
91 views

For several months, I have encountered this issue but postponed a thorough investigation due to the complexity introduced by multiple intervening layers, such as Positron, Quarto, and Conda. Recently, ...
Marcel Turcotte's user avatar
0 votes
0 answers
124 views

I defined model (mnist digits recognition) using tensorflow 2.15.0 and tensorflow.compat.v1. Model was **not ** trained and the graph was exported using following code: init = tf....
hekciu's user avatar
  • 11
1 vote
0 answers
111 views

I was given an hdf5 model file that was build with tensorflow / keras. Training data is no more available. Note: all Python code snippets shown hereunder are run against Python 3.9.23 inside a ...
swiss_knight's user avatar
  • 8,381
0 votes
1 answer
118 views

I’m trying to build a Keras Sequential model using a feature extractor from TensorFlow Hub, but I’m running into this error: ValueError: Only instances of `keras.Layer` can be added to a Sequential ...
user31600948's user avatar
1 vote
1 answer
126 views

I trained a model on Colab for my final year project EfficientNetB0. After all the layer training, I tested it and its result was excellent, but now I want to integrate the model to the frontend web ...
Narendra Patne's user avatar
3 votes
0 answers
78 views

I'm working on an image captioning project using a simple CNN + LSTM architecture, as required by the course I'm studying. The full code is available here on GitHub (note: some parts are memory-...
Malihe Mahdavi sefat's user avatar
1 vote
1 answer
73 views

Can I use keras.Layers to build custom layer to mask to whole dataset and return masked dataset. That is class AttnMask(Layer): def __init__(self, img_size, attention_map): super()....
Akira's user avatar
  • 33
-1 votes
1 answer
108 views

I am using Google Colab, which comes with: Python 3.12.11 TensorFlow 2.19.0 When I try: !pip uninstall -y numpy jax jaxlib !pip install tensorflow_federated Pip starts backtracking and tries to ...
Ms.Bithi's user avatar
-3 votes
1 answer
97 views

So, I’m trying to understand why sometimes neural networks get stuck during training. I heard people talk about ‘local minima’ and ‘saddle points,’ but I can’t really picture them. I want to actually ...
prithvisyam's user avatar
0 votes
0 answers
84 views

I’m loading a costume ViT backbone saved via MLflow’s TensorFlow flavor (Keras 3). The artifact includes backbone parts I want (patch_embed, encoder) a couple of layers in the encoder were saved in a ...
Marzi Heidari's user avatar
1 vote
0 answers
70 views

I’m trying to convert my TensorFlow SavedModel into a TensorFlow.js format using tensorflowjs_converter. tensorflowjs_converter --input_format=tf_saved_model --output_format=tfjs_graph_model --...
A A's user avatar
  • 19
0 votes
0 answers
73 views

https://ai.google.dev/edge/litert/models/signatures#java I have the model generated, I have the model loaded. I verified this because I can see the signatures that are available: I don't know what ...
Reid Isaki's user avatar

1
2 3 4 5
1645