Category "tensorflow"

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,

How to process multiple tensorflow models android

I am working on the app which will take the camera input and process with tensorflow model(for gesture detection) which will give the bounding box output. I hav

Wrong prediction results from keras saved model

I trained a model using the cars196 dataset. I achieved a 98 % training accuracy and 94% validation accuracy. This was done using Transfer Learning with the Mob

model.predict yeilds more predictions than the number of outputs

I've created a multi-class image classifier using CNN. I am using the keras module specifically and I am using generators to fit and then predict 4 different cl

Binary image classification TypeError: Invalid keyword argument(s) in `compile()`

model.compile( optimizer= keras.optimizers.Adam(), loss= [keras.losses.SparseCategoricalCrossentropy(from_logits= True) ], metrices= ['accuracy']) mode

How to specify python type hints for complex package as opencv or tensorflow?

I am building a python library and I writing a function like this: def addimg(image) -> None: now I want to specify the type of image as an OpenCV image (e.

CNN model accuracy fluctuates

Tensorflow/Keras I have developed a CNN model to classify images as circle, triangle or square. However, my accuracy values have wide fluctuations. Is it someth

Apply affine transformation to value

I use TF.js to run a key-point prediction model for an input image in browser. And I'd like to apply affine transformation to the value of every keypoint using

Running python script with multiple values of command line arguments

I have a python script for pre-processing audio and it has frame length, frame step and fft length as the command line arguments. I am able to run the code if I

How to implement tf.gather with some other tf ops

I want to replace tf.gather with some simple and common tf ops like concat,stack,reshape,slice etc to achieve the same result, because tf.gather is not supporte

Can I feed intermediate result back into the CNN and get my final result? (update)

I am new to machine learning. I got the intermediate result of layer 31 of my CNN using the following code: conv2d = Model(inputs = self.model_ori.input, output

Reverse of keras Text Vectorization layer?

tf.keras.layers.TextVectorization layer maps text features to integer sequences, and since it can be added as a keras model layer it makes it easy to deploy the

TF.data.dataset.map(map_func) with Eager Mode

I am using TF 1.8 with eager mode enabled. I cannot print the example inside the mapfunc. It when I run tf.executing_eagerly() from within the mapfunc I get "F

Colab Pro: using GPU crashes the session

I have a Google Colab subscription to use its GPU and to fasten the training of my model. When I ran the code it works for some blocks and then it stops and say

Getting ValueError: Data Params Error when using masterful.trainer.train

I followed the tutorial here to try to train my model using CIFAR-100. But I'm getting this error. What do I do? ValueError: Data Params Error: The dataset labe

tensorflow keras savedmodel lost inputs name and add unknow inputs

I'm currently implement the sequantial deep matching model (https://arxiv.org/abs/1909.00385) using tensorflow 2.3. And I included the preprocessing layer as pa