Category "tensorflow"

How to understand masked multi-head attention in transformer

I'm currently studying code of transformer, but I can not understand the masked multi-head of decoder. The paper said that it is to prevent you from seeing the

ImportError: cannot import name 'dtensor' from 'tensorflow.compat.v2.experimental'

I'm trying to create object detection using tensorflow as an assignment. ImportError: cannot import name 'dtensor' from 'tensorflow.compat.v2.experimental' (

How to deal with this exception? 'ERROR: Cannot uninstall 'wrapt'. It is a distutils installed project etc.'

I am trying to update wrapt in order to update tensorflow 2.0 to its latest version but I am running into the following exception: ERROR: Cannot uninstall '

Changing input dimension of Model zoo's Mobilenet-SSD V2

I have used the pretrained ssd_mobilenet_v2_fpnlite_320x320_coco17_tpu-8 for real time object detection. The default input dimension is 320 x 320 for the model.

Value Error: No such layer - Extracting the output of a tensorflow keras layer

I'm trying to extract the output of thelayer in my autoencoder and have referenced this Keras documentation and this stackoverflow post so far. When I try to ex

tensorflow AttributeError: 'module' object has no attribute 'data'

I try to Importing Data I try to load a tfrecords dataset that I created. But I always get this Error. Here is the code: import tensorflow as tf EPOCHS = 10 BA

Python SSL Certification Problems in Tensorflow

I'm trying to download the MNIST data which is supposedly handled in: tensorflow.examples.tutorials.mnist.input_data.read_data_sets() As far as I'm aware read_d

How to specify the correlation coefficient as the loss function in keras

I am using keras+tensorflow for the first time. I would like to specify the correlation coefficient as the loss function. It makes sense to square it so that it

Image processing in Tensor flow TFX pipelines

I am trying to get a Tensorflow TFX pipeline up and running using the MNIST dataset. # Imports import pandas as pd import numpy as np from keras.datasets import

Displaying images from each class of a batched tensorflow dataset

I'm doing an assignment creating a cv model with 6 different classes. I've loaded my dataset as per this example: https://keras.io/examples/vision/image_classif

Apply different loss function to part of tensor in keras

I'm trying to build a custom loss function where it will apply different function to different part of tensor based on groundtruth. Say for example the groundt

Dependent hyperparameters with keras tuner

My goal is to tune over possible network architectures that meet the following criteria: Layer 1 can have any number of hidden units from this list: [32, 64, 12

Which tensorflow method does decide to a particular batch of examples is for the model to learn?

I'm trying to understand the implementation of SGD in tensorflow. I began with gradient_descent.py because of the file name. Per keras doc, an optimizer needs t

ValueError: Can't convert non-rectangular Python sequence to Tensor

I want to change list to tensor with tf.convert_to_tensor, data is following: data=[ array([0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.

ERROR: Could not install packages due to an OSError: [WinError 5] [duplicate]

i was trying to install tensorflow-gpu on my pycharm (pip install tensorflow-gpu), but unfortunately im getting a Error Message. How can i ins

tensorboard: command not found

I installed TensorFlow on my MacBook Pro 10.12.5 from source code by steps described here. https://www.tensorflow.org/install/install_sources TensorFlow itself

Can I use Layer Normalization with CNN?

I see the Layer Normalization is the modern normalization method than Batch Normalization, and it is very simple to coding in Tensorflow. But I think the layer

Troubleshooting pycocotools installation

I'm trying to use object detection models from Tensorflow and need to get pycocotools installed. I'm doing this from a python (3) virtual environment on a Windo

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

Tensorflow:Model was constructed with shape (None, 28, 28) , but it was called on an input with incompatible shape (None, 28)

I am solving the digit recognition task using the MNIST dataset in keras. The task itself runs smoothly but afterwards I have tried to use the same model for so