Category "keras"

Convert TensorFlow Keras python model to Android .tflite model

I am working on an image recognition project using TensorFlow and Keras, that I would like to implement to my Android project. And I am new to Tensorflow... I w

Unable to load facenet_keras.h5 model in python

I am fairly new to tensorflow and dont have any idea what is going wrong. It keeps me showing this "bad marshall error" which i cant seem to understand is cause

Difference between the return values of tensorflow.keras.preprocessing.img_to_array and tf.image.decode_jpeg

I have a task to load and extract feature embeddings from images. I've working solutions that utilize two different ways of loading the image: tensorflow.keras.

Background of image turning black when using keras.preprocessing.image load_img

my code: from keras.preprocessing.image import load_img, img_to_array from keras.preprocessing.image import smart_resize import numpy as np #load pretrained mo

Why ais my output "nan", keras model prediction

I'm trying to make an AI attempting to predict numbers from prime number sequence, but my model outputs "[[nan]]". My csv file is formatted like this: number of

NumPy array value error from training in Auto-Keras with StratifiedKFold

Background My sentiment analysis research comes across a variety of datasets. Recently I've encountered one dataset that somehow I just cannot train successfull

Remove blank rows and columns of an array inside a keras Sequential model

I have a keras model, which takes a 10x10x1 array as input. For example: array = np.array([ [[0],[0],[0],[0],[0],[0],[0],[0],[0],[0]], [[0],[0],[0],[0],[0],[0],

Trying to get output of each layer while predicting test image, however getting an error Input tensors to a Functional must come from `tf.keras.Input`

I am trying to do Image Recognition in Python with TensorFlow and Keras. Please look at my code in the link below which I provided as I was facing another issue

Keras does not load because cannot find TensorFlow

Running Anaconda and installed: Keras = 2.4.3 TensorFlow = 2.4.0 However, when importing Keras - I get "Keras requires TensorFlow 2.2 or higher". Tried uninstal

training model CNN KERAS

hello everyone i am trying to train a model using cnn and keras but the training don't finish and i got this warning and it stops training , i don't know why an

How can I resolve " InvalidArgumentError: Graph execution error: jpeg::Uncompress failed. Invalid JPEG data or crop window"?

Beginner here. I recently converted my images to grayscale using opencv. Then I used those images for training. When I was training, there was an error. "Invali

How to deal with this deprecation warning 'nearest': pil_image.NEAREST, where is Resampling in Pillow?

Hi everyone I am using pip as package manager, and I receive the following DeprecationWarning when running my tests. I know that sometimes Warnings can be the B

How to add confusion matrix to my keras multiclass classifier?

fellow coders. I am trying to figure out ways to add a confusion matrix to the output of my Mobilenet-based multiclass classifier. Being a biologist with limite

How can I get the history of the KerasRegressor?

I want to get KerasRegressor history but all the time I get (...) object has no attribute 'History' ''' # Regression Example With Boston Dataset: Standardized a

ImportError: cannot import name 'get_config' from 'tensorflow.python.eager.context'

My notebook was working up till today. At the beginning of my colab notebook I install tf-nightly, but now it is giving me this error: -------------------------

How to overcome value error python model prediction?

I have trained a model and now my task was to test it on unseen images from the internet. Originally the model was trained on CIFAR-10 so for the model I chose

Why is my tensorflow model transforming binary classification labels from 0 and 1 to .7?

I have been working on a tensorflow model that predicts short term positive and negative trends in the stock market using momentum indicators. I have the model

cannot import name 'BatchNormalization' from 'keras.layers.normalization'

I'm learning ObjectDetection from this website I have installed ImageAI,Tensorflow and Keras. Then when I run this in python from imageai.Detection import O

Weird behaviour when finetuning Huggingface Bert model with Tensorflow

I am trying to fine tune a Huggingface Bert model using Tensorflow (on ColabPro GPU enabled) for tweets sentiment analysis. I followed step by step the guide on

model training got stuck after first epoch got completed...2nd epoch won't even start and not throwing any error too it justs stay idle

screenshot showing the model training stuck at epoch 1 without throwing error I am using google colab pro and here is my code snippet batch_size = 32 img_heigh