Category "tensorflow2.0"

tf.data.Dataset iterator returning Tensor("IteratorGetNext:1", shape=(None, 16), dtype=int32) but cannot get the values of the Tensors

I am trying to write a Custom Model in which I am writing a custom train_step function I am creating a 'tf.data.Dataset` from a Custom Datagenerator like tds =

Variational AutoEncoder - TypeError

I am trying to implement a VAE for MNIST using convolutional layers using TensorFlow-2.6 and Python-3.9. The code I have is: # Specify latent space dimensions-

TensorFlow convert from .pb to .tflite failes due to ops error

Hey everyone this is my first question post. If I do something wrong or u need more information please just tell me I will try to give my best. I tried to creat

Cannot use set_shape with tf.function

A gradient is a nested list of tensors. I want to get the total number of elements in the gradient, and record this number as an int. However, I don't know how

Tensorflow can't use GPU. tf.test.is_gpu_available() show GPU but cannot use

I have Ubuntu 18.04. Python 3.7.3, Tensorflow 2.0.0 here's my cuda version: nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2017 NVIDIA Corporation B

validation and train metrics very low values (images and masks generator)

I have images(X_train) and masks data (y_train). I want to train a unet network. I am currently using iou metric and the validation iou is very low and constant

File system for s3 already registered when importing tensorflow_io

I installed tensorflow-io with pip install tensorflow-io, when I import it I get: tensorflow.python.framework.errors_impl.AlreadyExistsError: File system for s3

A simple case of Graph visualization in TensorFlow 2.0

I would like to simply define a model and visualize its graph in TensorBoard for initial architectural examination. Thus, I would not like to compute anything f

Reload Keras-Tuner Trials from the directory

I'm trying to reload or access the Keras-Tuner Trials after the Tuner's search has completed for inspecting the results. I'm not able to find any documentation

tensorflow/stream_executor/cuda/cuda_driver.cc:328] failed call to cuInit: CUDA_ERROR_UNKNOWN: unknown error

I am trying to use GPU with Tensorflow. My Tensorflow version is 2.4.1 and I am using Cuda version 11.2. Here is the output of nvidia-smi. +--------------------

Can you mix keras.layers output with tensorflow operations?

I know that output of keras layers (like keras.layers.Dense()) produce so-called 'keras tensors'. Also, there are 'tensorflow tensors' that are produced by tens

Tensorflow "decode_png" keeps printing "Cleanup called..."

I'm using tensorflow to open some .png images and every image it opens, an annoying message is printed. def open_img(path): img = tf.io.read_file(path)

Access Tensorflow tensor value

I have a tensor with the following properties. I want to save the numpy = 1 but I don't know how to access this value. How do I do this? test_labels[1] <tf.

Error installing exempi on AWS-SageMaker notebook instance

I have created a notebook instance on AWS-SageMaker and not able to access imgtag module inside it. Kernel : conda_python3 from imgtag import imgTag getting e

How to overcome "TypeError: Exception encountered when calling layer "tf.keras.backend.rnn" (type TFOpLambda)"?

I'm trying to re-implement the text summarization tutorial here. The tutorial employs the Attention Layer proposed for Keras on GitHub (which does not come with

Could not load dynamic library 'cudart64_101.dll' on tensorflow CPU-only installation

I just installed the latest version of Tensorflow via pip install tensorflow and whenever I run a program, I get the log message: W tensorflow/stream_execut

AttributeError: module 'tensorflow_core._api.v2.config' has no attribute 'list_physical_devices'

Am using Tensorflow 2.0 on Ubuntu 18.04. On running tf.config.list_physical_devices('GPU') I get the above error. What is the workaround for this?