Category "tensorflow"

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,

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