Category "tensorflow"

Error importing tensorflow "AlreadyExistsError: Another metric with the same name already exists."

I am running this simple code on Spyder 3.3 with Python 3.7 and Tensorlow 2.0: import tensorflow as tf print(tf.__version__) When I try to run it again in th

PCA for Recurrent Neural Networks (LSTM) - Shall I use PCA for target variables too?

I have a seasonal timeseries dataset containing 3 target variables and n feature variables. I am trying to apply a PCA algorithm before feeding the data to a si

Tensorflow object detection "Use fn_output_signature instead" warning

I am following this tutorial to train my own models. https://tensorflow-object-detection-api-tutorial.readthedocs.io/en/latest/ I followed all the steps exactly

Custom Loss Function returning - InvalidArgumentError: The second input must be a scalar, but it has shape [64]

I'm trying to use a modified version of this custom loss and I'm getting the error below InvalidArgumentError: The second input must be a scalar, but it has sh

Adding Dropout Layers to Segmentation_Models Resnet34 with Keras

I want to use the Segmentation_Models UNet (with ResNet34 Backbone) for uncertainty estimation, so i want to add some Dropout Layers into the upsampling part. T

Why is Tensorflow not recognizing my GPU after conda install?

I am new to deep learning and I have been trying to install tensorflow-gpu version in my pc in vain for the last 2 days. I avoided installing CUDA and cuDNN dri

Transfer learning using tensorflow object detection api

I'm trying to train the model using pretrained faster_rcnn_inception_v2_coco. I'm using the following config file: model { faster_rcnn { num_classes: 37

Implementing Multiclass Dice Loss Function

I am doing multi class segmentation using UNet. My input to the model is HxWxC and my output is, outputs = layers.Conv2D(n_classes, (1, 1), activation='sigmoid'

'module' object is not callable sgd

Here is my code. from keras.optimizers import gradient_descent_v2 as SGD sgd=SGD(lr=0.01,momentum=0.9,decay=(0.01/25),nesterov=False) I get the following er

fit keras.model from generator_function

TF 2.x - just for the experience I tried with a simple experimental dataset - to show the problem: import numpy as np import tensorflow as tf import keras from

TensorFlow optimisation during running model speed up Predict

I want to disable a computation of several filters during Predict call with Tensorflow 2 and Keras. Do i have to modify the source code of Tensorflow to achieve

Which TensorFlow version is compatible with NumPy version==1.18?

I need to use the librosa and tensorflow packages for a Neural Network audio classification project. librosa has a dependency on the numba package, which requir

What are these 2 files in the CenterNet MobileNetV2 from the Tensorflow OD model zoo?, Do we need them?

Do we need these files?, The Tensorflow Doc don't say anything about them

tensorflow: Fail to find dnn implementation

I'm trying to run my code Keras CuDNNGRU on tensorflow using gpu but it always get error "Fail to find dnn implementation" even though I already installed CUDA

Temporal Fusion Transformer in savedModel format

I am trying to save the model from here https://github.com/greatwhiz/tft_tf2/blob/master/README.md in SavedModel format (preferably with Functional API). The so

How to acquire tf.data.dataset's shape?

I know dataset has output_shapes, but it shows like below: data_set: DatasetV1Adapter shapes: {item_id_hist: (?, ?), tags: (?, ?), client_platform: (?,), en

how to get string value out of tf.tensor which dtype is string

I want to use tf.data.Dataset.list_files function to feed my datasets. But because the file is not image, I need to load it manually. The problem is tf.data.Dat

Moving averaging of Loss during Training in Keras

I am using Keras with TensorFlow to implement a deep neural network. When I plot the loss and number of iterations, there is a significant jump in loss after ea

Unable to run anipose due to ImportError: cannot import name 'keras_export' from 'tensorflow.python.util.tf_export'

I've been attempting to install and run anipose in Ubuntu 18.04 I keep getting the same import error though I've made sure keras is installed. I've also searche

Missing val_acc after fitting sequential model

I am missing information about the 'val_acc' attribute when I fit a compiled sequential model. I have a sequential model that is compiled with 'accuracy' metr