Skip to main content
Filter by
Sorted by
Tagged with
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
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
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
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
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
0 votes
0 answers
39 views

I am trying to use tensorflow lite to call a train() signature function in my tflite model. I keep getting this error: java.lang.IllegalStateException: Model initialization failed. The TensorFlow ...
Reid Isaki's user avatar
0 votes
0 answers
52 views

I’m learning TensorFlow 2.x and I have some code from TF 1.x: X = tf.placeholder(tf.float32, shape=[None, 784]) Y = tf.placeholder(tf.float32, shape=[None, 10]) When I run this in TF 2.x, I get: ...
A A's user avatar
  • 19
0 votes
0 answers
38 views

I have trained a model and deployed as endpoint using aws sagemaker and when I tried to invoke I have got error: 2025-09-09 14:58:25.724914: I external/org_tensorflow/tensorflow/core/framework/...
Sanghamitra Konduri's user avatar
1 vote
0 answers
36 views

I am trying to quantize a model in tensorflow using tfmot. This is a sample model, inputs = keras.layers.Input(shape=(512, 512, 1)) x = keras.layers.Conv2D(3, kernel_size=1, padding='same')(inputs) x =...
Sai's user avatar
  • 11
0 votes
1 answer
69 views

I'm deploying a Keras model using TensorFlow Serving, but the inference time is significantly slower compared to calling model.predict() directly in Python. Running model.predict(input) on a batch of ~...
Jurgita-ds's user avatar
0 votes
1 answer
27 views

I use in my project large graphs that can take more than 5min of compilation time. I decorated the large intermediate parts using a tf.function(reduce_retracing=True). I also heavily use tf....
Unknown's user avatar
0 votes
0 answers
49 views

I'm experimenting with gradients of individual losses, but I can't get the gradient of the single loss_PDE loss to run with the unconnected_gradients argument included. It runs if I delete the ...
Cooper E.'s user avatar
0 votes
0 answers
47 views

I am working on implementing Deep Learning model in a "Weakly Supervised manner" based on this model (FEAWAD.py). As it was developed under Tensorflow 1, I first have to migrate it to ...
Pierre NEVEU's user avatar
0 votes
0 answers
101 views

I am training a CNN using keras and tensorflow on my NVIDIA RTX 2000 Ada Generation Laptop GPU on Ubuntu 24.04 with recommended nvidia-driver-570. When I train my network on the cpu only version of ...
robo_q's user avatar
  • 1
0 votes
0 answers
45 views

I'm running Ubuntu on a laptop with a dGPU. I installed tensorflow using docker: docker pull tensorflow/tensorflow:latest. Tensorflow (2.19.0) can use a XLA CPU and a GPU. I'm following this tutorial: ...
fghoussen's user avatar
  • 599
0 votes
0 answers
18 views

I am using tensorflow. I have got a tensor X_train_tensor with share (16462, 60, 33) When I use LIME explainer = lime_tabular.LimeTabularExplainer(X_train_sequence_tensor, mode = "regression"...
Carlo Allocca's user avatar
0 votes
1 answer
68 views

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 ...
Amit Talmale's user avatar
-1 votes
1 answer
94 views

When trying to import tensorflow I get the following error: File "E:/Users/jan/Python_Lernen/NN play_data.py", line 2, in <module> import tensorflow as tf File "E:\Users\...
Fischbrötchen's user avatar
1 vote
0 answers
54 views

I have two models. One is pretrained with YOLOv11 and detects faces and second one trained from scratch with Tensorflow converted to onnx using tf2onnx and then to pt using onnx2pytorch. Second model ...
Jan Bober's user avatar
0 votes
1 answer
65 views

I am trying to pass individual np.arrays of sample_weights for two outputs of my Keras model, one of which is a confidence measure of a binary value and one of which is a continuous output. However, I ...
Sean Cassidy's user avatar
0 votes
1 answer
26 views

I trained a tensorflow ConvNeXtTiny model (tf.keras.applications.convnext.ConvNeXtTiny). I am able to train the model without any issues. But when I try to save the model with model.save(my_model, ...
big tree's user avatar
0 votes
1 answer
58 views

I want to use a python generator with a tf Dataset to extract and preprocess sequences from a (rather large) numpy array, but I keep getting this error at random points during the first epoch of ...
dstone's user avatar
  • 1
0 votes
1 answer
33 views

I was trying to load the dataset from tensorflow datasets without having it to download locally and process it to a pipeline in batches so i can feed it into my model. I'm not sure if I'm doing it ...
Sid's user avatar
  • 9
1 vote
1 answer
37 views

I came across a commit that includes to_list() to convert a tensor shape to a list in an assertion as the right-hand operand was a list. I wanted to understand the reason for using this function, so ...
akalanka's user avatar
  • 617
1 vote
0 answers
118 views

I am trying to replicate the working of TFLITE_DETECTION_POSTPROCESS layer for a custom object detection model. Does anyone has any reference for TFLITE_DETECTION_POSTPROCESS layer implementation in ...
Desmond's user avatar
  • 415
0 votes
0 answers
18 views

I have a tensorflow-gpu installation using docker to use my gpu cuda capabilities. I run my code inside a wsl session in vscode. After running !tensorboard --logdir="tensorboard-graphs/" --...
Acno_Sama's user avatar
0 votes
1 answer
135 views

There was a feature - tensorflow format to save a checkpoint. I have checked and it is everywhere in the official docs and samples: https://www.tensorflow.org/tutorials/keras/save_and_load#...
Boppity Bop's user avatar
  • 10.6k
0 votes
1 answer
59 views

I am implementing a fairly complex network structure where I need to loop over a (possibly variable) time dimension, compute values at each step, and collect all these values, and do this for multiple ...
xdurch0's user avatar
  • 10.6k
1 vote
1 answer
37 views

I have trained a regression model with tensorflow and I got very good results on my test dataset. I saved this model with model.save(), but when I tried to load it with tf.keras.models.load_model(&...
Matheus Peixoto's user avatar
0 votes
1 answer
384 views

I came up against a problem when trying to use tf.keras.models.load_model(Path_to_pb_model) to load a Savedformat model. I'm using Tensorflow 2.17.1 with Keras 3.5. Apparently Keras 3 only accepts ....
Alex 's user avatar
  • 67
1 vote
1 answer
88 views

Masking is a very broad term which normally means ignore part of. However, the docs on masking describe it as: Masking is a way to tell sequence-processing layers that certain timesteps in an input ...
oneloop's user avatar
  • 197
2 votes
1 answer
63 views

Tensorflow version is 2.17.1 Tensoflow probability version is 0.24.0 Example from the documentation https://www.tensorflow.org/probability/api_docs/python/tfp/layers/MixtureNormal?hl=en is the ...
R. Iv's user avatar
  • 127
0 votes
0 answers
32 views

Is that right? IF YES, how can I convert the pretrained weights trained with unequal strides to tensorflow dw-conv with some other ops? THX
Ink's user avatar
  • 983
1 vote
2 answers
86 views

I am using tensorflow.keras in a jupyter notebook to produce a neural network to match some real world data. The first time I run my code, it works correctly. The neural network gives a model to match ...
Kas Knicely's user avatar
0 votes
0 answers
15 views

In the contribution guidelines, it is clearly mentioned that "All new features and bug fixes must include adequate test coverage." However, I’ve noticed that most security patches seem to ...
Indunil Umayanga's user avatar
1 vote
1 answer
50 views

I am running a code repository and I got an error message while recreate the model. ValueError: Graph disconnected: cannot obtain value for tensor KerasTensor(type_spec=TensorSpec(shape=(None, 32, 32,...
Vincent Ma's user avatar
0 votes
0 answers
74 views

I have download the tensorflow nightly version 2.19.0.dev20241219 (cpu version) and download the version keras_tuner 1.4.7 and keras 3.7.0. I also check my system has the scipy version 1.15.0. ...
Nghiệp Le's user avatar
0 votes
0 answers
74 views

I wrote: from __future__ import absolute_import, division, print_function, unicode_literals import numpy as np import tensorflow as tf from keras.models import Sequential from keras.layers import ...
Raghavendra Bhat's user avatar
1 vote
1 answer
466 views

I have been trying to run TFBertModel from Transformers, but it kept on throwing me this error ValueError Traceback (most recent call last) Cell In[9], line 1 ----> 1 ...
Faiz khan's user avatar
0 votes
0 answers
44 views

I am trying to train a simple CNN on custom image data. While training with raw numpy data, the model learns as expected. However when I convert the same raw numpy data to dataset using tf.data....
Neo's user avatar
  • 13.9k
0 votes
0 answers
27 views

I created a py_function to wrap the numpy interp function. But when I take the gradient, it returns a single number, when it should be a vector of length 10. What's going on? I don't know know to ...
user3433489's user avatar
  • 1,009
0 votes
1 answer
31 views

I have a 3D tensor called V, with shape (P,Q,R) and a 2D tensor called W with shape (P,S). I want to create a tensor Z of shape (P,Q,R) where Z[i,j,k] = W[i,V[i,j,k]]. In other words, each row of W ...
user3433489's user avatar
  • 1,009
0 votes
0 answers
484 views

I am currently using only CPU(intel-13700K) for deepface to run face recognition. I have achieved 15 images per second on my dataset; however, striving for more. I am using a combination of ArcFace + ...
Andrey's user avatar
  • 1
0 votes
0 answers
218 views

Description: I am trying to build TensorFlow 2.18 from source on CentOS 8 with the following environment: Python Version: 3.10, Bazel Version: 6.5.0, CUDA/cuDNN Version: CUDA 12.5 / cuDNN 9.3, GCC/...
Goutam Agrawal's user avatar
0 votes
1 answer
730 views

I have a problem with the result of non-linear(sigmoid) Neural Network Classification in tensorflow. I suspect is a problem with the M chip and my instalation but I tried several versions using ...
Marco Feregrino's user avatar
0 votes
1 answer
16 views

Most TF keras models I see are implemented where at the end of a training step they calculate some metric and use metric.update_state(metric_value) to log the metric. As far as I can understand this ...
ThreeOrangeOneRed's user avatar
1 vote
0 answers
84 views

I'm trying example 10.2.3 from the book Deep Learning with Python by François Chollet. I'm getting an error on the line history = model.fit(...) using Tensorflow 2.17. However, I don't get an error if ...
Mike M. Lin's user avatar
  • 10.1k
1 vote
0 answers
27 views

I am working with https://github.com/tensorflow/models/tree/master/research/object_detection, where I have loaded the following model using pipeline config: import tensorflow as tf from ...
wordhydrogen's user avatar
1 vote
1 answer
412 views

I'm trying to use Mask-RCNN with a GPU on Google Colab, as I need a powerful GPU that my local machine lacks. I’ve even subscribed to Google Colab Pro for this purpose. I've implemented a repository ...
Trulatriz's user avatar
1 vote
0 answers
82 views

I am trying to use tensorflow serving to serve a keras bert model, but I have problem to predict with rest api, below are informations. Can you please help me to resolve this problem. predict output (...
cceasy's user avatar
  • 303

1
2 3 4 5
117