Category "tensorflow"

Heroku : tensorflow 2.2.1 too large for deployment

im trying to deploy a keras project to heroku but pushing to the repository master branch seems to be problematic for me as the following error is reported ever

How does keras.evaluate() calculate the loss?

I am building a MLP using TensorFlow 2.0. I am plotting the learning curve and also using keras.evaluate on both training and test data to see how well it perfo

Reshape the input for BatchDataset trained model

I trained my tensorflow model on images after convert it to BatchDataset IMG_size = 224 INPUT_SHAPE = [None, IMG_size, IMG_size, 3] # 4D input model.fit(

Using tf.data.Dataset as training input to Keras model NOT working

I have a simple code, which DOES work, for training a Keras model in Tensorflow using numpy arrays as features and labels. If I then wrap these numpy arrays usi

Run keras.Models.fit() in graph

How to run keras.model.fit() in graph not with eager execution...?? I tried to run my model in graph by using tf.compat.v1.disable_eager_execution(), but the c

Follow-up question regarding a Keras model issue

So about a week ago I posted this question: Issues running a Keras model with custom layers. The suggestion there was to try to make this question smaller and t

Interpreting loss and metric curve

I am trying to train Unet model with the following parameters: droput_: 0.2, activation_: sigmoid, activation_inner_: relu, learning_rate_: 0.0001, epsilon_: 1

Negative gradients when calculating GradCAM heatmap

I have a Segmentation network model trained for 2 classes and am able to see accurate results. But when using grad-cam for the heatmap, I am able to see good re

Converting tensorflow dataset to pandas dataframe

I am very new to the deep learning and computer vision. I want to do some face recognition project. For that I downloaded some images from Internet and converte

Is it possible to create labels.txt manually?

I recently convert my model to tensorflow lite but I only got the .tflite file and not a labels.txt for my Android project. So is it possible to create my own l

A `Concatenate` layer requires inputs with matching shapes except for the concatenation axis. Received: input_shape=[(None, 28), (None, 28, 28)]

""" Defining two sets of inputs Input_A: input from the features Input_B: input from images my train_features has (792,192) shape my train_images has (792,28,28

@tf.function( input_signature ) on an object's method defined outside of a class scope

Say I have a Custom Layer : class Custom_Layer(keras.layers.Layer): def __init__(self, **kwargs): self.w_0 = tf.Variable(tf.random_uniform_initializ

How can you save a keras model in 64bit format?

how can you save a keras model in 64bit format? This is able to 'put tensorflow' in 64bit 'mode' for the current runtime. But I've found that even just saving t

Tensorflow reported CUDA_ERROR_ILLEGAL_ADDRESS bug while train yolo

It is a really strange bug. Environment: tf 1.12 + cuda9.0 + cudnn 7.5 + single RTX 2080 Today I tried to train YOLO V3 network on my new device. Batch size i

Detect digit on a live video camera using OpenCV and TensorFlow

I tried the code provided below to detect digit in the video camera and put a contour around it then classify it using the H5 model but it's giving me bad resul

input_image_meta shape error while using pixellib custom trainig on images

I am using pixellib fot training custom image instance segmentation. I have created a dataset whiche can be seen below in link. Dataset:https://drive.google.com

Missing required positional argument:

I tried to implement federated learning based on the LSTM approach. def create_keras_model(): model = Sequential() model.add(LSTM(32, input_shape=(3,1))

When predicting, shall we scale unseen inputs, and un-scale outputs of a model?

I am new to Machine Learning, and I followed this tutorial to implement LSTM model in Keras/Tensorflow: https://www.tensorflow.org/tutorials/structured_data/tim

How to decorate a function that takes a tf.variable as a parameter with tf.function and most importantly using input signature

I have a problem where I need to modify a variable inside a Tensorflow function. Then I need to convert this function to a tensorflow graph. The problem is that

TensorFlow vector times vector multiplication

I have a vector of volatilities and a matrix of correlations volatilities = tf.constant([0.2, 0.4, 0.6], dtype=tf.float32) correlations = tf.constant([[1, 0.25,