All Questions
Tagged with tensorflow python-3.x
4,813 questions
0
votes
1
answer
68
views
Is there a reason that tensorflow is not working with Keras?
import os
os.environ['TF_ENABLE_ONEDNN_OPTS'] = '0'
import tensorflow as tf
from tensorflow.keras.layers import Conv1D, MaxPooling1D, GlobalAveragePooling1D, Dense, Dropout, BatchNormalization
from ...
0
votes
0
answers
17
views
Azure Custom Vision vs ONNX/TFLite exported models - why is local inference different?
I trained a custom object detection model using Azure Custom Vision in images about strawberries in a line production, and exported it in two formats for local inference:
ONNX (model.onnx)
TensorFlow ...
0
votes
0
answers
97
views
What is wrong with my Python and Tensorflow install?
I work on a PC with Windows 11 and have installed Python 3.11.9 which is supposed to be the required Python version for Tensorflow. I also installed numpy 1.26.4, scipy 1.15.2, Orange3 3.38.1 which ...
-1
votes
1
answer
43
views
Tensorflow perfomance issue
I'm trying to do a very primitive reinforced learning model on tensorflow. Although it's relatively small, a single iteration takes ~6-7 seconds.
def build_model():
model = keras.Sequential([
...
0
votes
1
answer
58
views
Tensorflow is unable to train to predict simple multiplication
As a starting point i am trying to create a neural network that predicts simple multiplication, with the goal to change the formula at the later date. My initial thought was that it would be trivial ...
0
votes
0
answers
101
views
ValueError: Could not interpret optimizer identifier: <keras.src.optimizers.adam.Adam object at 0x336f637d0>
I am trying to use PolynomialDecay to handle learning rate in Adam optimizer in fine tuning a transformer model. But I am getting this error :
"ValueError: Could not interpret optimizer ...
0
votes
0
answers
40
views
"JIT compilation failed" error while trying to use EffcientNet-B7, followed by "tensorflow can't register cuDNN, cuFFT,cuBLAS"
I created a virtual environment and installed tensorflow 2.15.0 for my cuda version 12.2. I ran these imports here which resulted in a warning message saying this,
The imports I tried:
import os
...
0
votes
0
answers
146
views
ValueError: `prune_low_magnitude` can only prune an object of the following types: keras.models.Sequential, keras functional model, keras.layers.Layer
I am trying to implement Kernel Based pruning the script is given below:
import tensorflow as tf
from tensorflow.keras import datasets, layers, Sequential
from tensorflow_model_optimization.sparsity ...
1
vote
0
answers
223
views
Run TensorFlow 2.17 on CPU without AVX
I would like to install tensorflow on a Windows system with a processor that does not seem to support AVX (Pentium J6426).
I saw that a minority of people had this problem in the past with earlier ...
0
votes
1
answer
102
views
How to load a Pre Trained VGG16 model using TensorFlow and generate a confusion matrix
I have trained a VGG16 model (from tensorflow.keras.applications) on 15 categories of images on 100 epochs. After training, I saved the model as a file named 'best_model.h5', but unfortunately, I ...
0
votes
1
answer
72
views
Trouble creating a dataset from h5 file
I'm having a problem regarding the h5 file. Whenever I try to load it I get this error:
OSError: Can't read data (can't open directory: /opt/conda/envs/AE4353/lib/hdf5/plugin)
I can read the file ...
0
votes
0
answers
100
views
ValueError: The layer sequential_7 has never been called and thus has no defined input
when I run the following code:
import tensorflow as tf
from tensorflow.keras.models import load_model
from PIL import Image
import numpy as np
import matplotlib.pyplot as plt
def ...
0
votes
1
answer
46
views
How To Choose Values From Tensor Using Another Tensor In Tensorflow
I have 2 arrays (Tensors) with the same shape such as:
array1 = [[[0, 1, 0], [1, 0, 0]], [[0, 1, 0], [0, 0, 1]]]
array2 = [[[0.2, 0.7, 0.1], [0.2, 0.4, 0.4]], [[0.2, 0.8, 0.0], [0.5, 0.2, 0.3]]]
I ...
1
vote
0
answers
84
views
Failed to synchronize GPU for autotuning conv instruction while using Tensorflow
I am trying to implement this repo.
I am using the Kvasir-SEG dataset.
Error is occuring at model.fit line (81).
This link is close to my problem, but none of the answers worked. So I included more of ...
0
votes
1
answer
144
views
Tensorflow-data-validation installing issue
I'm using Python 3.12, and I'm trying to install the latest version (1.15.1) of TensorFlow Data Validation. However, while installing, I encountered the following error:
ERROR: Could not find a ...