Skip to main content
Filter by
Sorted by
Tagged with
3 votes
1 answer
24 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
1 vote
0 answers
34 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
2 votes
0 answers
46 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
0 votes
1 answer
87 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
156 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
3 votes
1 answer
60 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
Tooling
1 vote
2 replies
49 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
47 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
5 votes
1 answer
158 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
0 answers
41 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
2 votes
0 answers
90 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
1 vote
1 answer
49 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
1 answer
255 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 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
1 vote
1 answer
300 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
0 votes
0 answers
66 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
0 answers
49 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
1 vote
0 answers
81 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
1 vote
0 answers
106 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
2 votes
1 answer
123 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
1 vote
1 answer
67 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
-3 votes
1 answer
95 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
1 vote
0 answers
68 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
48 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
3 answers
200 views

I am facing a problem in maintaining the reproducibility in the ML project. I believe the core snippet of my issue is clf = Clf(random_state=cfg.seed) # instantiate the K-fold cross-validation ...
Rubem Pacelli's user avatar

1
2 3 4 5
1645