Category "tensorflow"

Tensorflow LSTM/GRU reset states once per epoch and not for each new batch

I train the following model based on GRU, note that I am passing the argument stateful=True to the GRU builder. class LearningToSurpriseModel(tf.keras.Model):

How to properly initialize TensorFlow GRU-layer with noisy states?

I wish to experiement with noisy GRU states instead of resetting them to zero for each batch. I try below an implementation. My initial code was resetting initi

How to loop over all examples in a tensorflow DatasetV1Adapter?

I have a dataset of images saved in 97 .tfrecord-files. Each example includes image data as well as groundtruth data (classes and bounding boxes) for object det

TypeError: Inputs to a layer should be tensors. Got: <tensorflow.python.keras.engine.functional.Functional object at 0x000001ADE3B6BEE0>

I'm trying to Implement Inception_resnet_v2 inside Faster-RCNN instead of using ResNet50. but when I try to run the code I got this TypeError: TypeError: Inputs

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

Installation of tensor flow on windows

When I installed tensor flow, after type following command pip3 install --upgrade tensor flow following issue rose up Could not find a version that satisfie

Tensorflow Keras Dataset Filepath within PyCharm

I have seen this question and the answer. This doesn't help. I have MAC environment. Used Anaconda. And there is no .Keras folder under users directory. I was

Error while trying to convert model from ONNX to Tensorflow due to Resize (MXnet original framework)

I'm trying to convert a model from ONNX model to TF and I'm facing the following issue RuntimeError: Resize coordinate_transformation_mode=half_pixel and mode

keras AssertionError: Duplicate registrations for type 'experimentalOptimizer'

I'm trying to build a Deep Q Learning code for CartPole-v1 game. However I encounter an AssertionError: AssertionError: Duplicate registrations for type 'experi

Subclass API Model Not work in tf.gradienttape() (No gradient defined for operation 'IteratorGetNext' (op type: IteratorGetNext))

I Made tensorflow model by using subclass api and try to fit model by using gradient tape but in this process i got error like this when i execute this code : w

Is there a way to use a kmeans, tensorflow saved model in bigquery?

I know this is kind of stupid since BigQueryML now provides Kmeans with good initialization. Nonetheless I was required to train a model in tensorflow and then

Could not load dynamic library 'libcudart.so.11.0';

I am trying to use Tensorflow 2.7.0 with GPU, but I am constantly running into the same issue: 2022-02-03 08:32:31.822484: W tensorflow/stream_executor/platform

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

Keras verbose training progress bar writing a new line on each batch issue

running a Dense feed-forward neural net in Keras. there are class_weights for two outputs, and sample_weights for a third output. fore some reason it prints the

Keras verbose training progress bar writing a new line on each batch issue

running a Dense feed-forward neural net in Keras. there are class_weights for two outputs, and sample_weights for a third output. fore some reason it prints the

Mask rcnn is giving mAP less than 1% even though the training loss is less than 0.01

I am trying to train a mask rcnn model using the tensorflow object detection api. I am using custom dataset which is grey scale CT scan images of Lung of pati

numpy random choice in Tensorflow

Is there an equivalent function to numpy random choice in Tensorflow. In numpy we can get an item randomly from the given list with its weights. np.random.c

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?

pipeline.config setting to train custom object detection model with keypoints pre-trained model

I have pre-trained model centernet_hg104_512x512_kpts_coco17_tpu-32, created .record files and annotated with keypoints dataset. When I run command: python mod

ImportError: No module named tensorflow - Can't install Tensorflow

I am trying to install tensorflow on mac and it's giving me this error. ImportError: No module named tensorflow Here is what I have done in the terminal sudo