Learncado
Learncado

Learncado brings together a vast collection of questions and answers. Expand your knowledge, learn new skills, and find solutions to your queries effortlessly. Enhance your learning experience and save valuable time by exploring our website today.

Resources

  • Questions
  • Question By Tags

Help and support

  • Contact
  • About

  • Geniecourse
  • Jetsodeals
  • Rentcado
  • Dealcado
© 2021-2023 Learncado All Rights Reserved.

Search Results (71)

Results for keras

November 27th, 2023
Using a keras generator for streaming training data yields a strange tensor size mismatch error -- tensor flow code is too opaque to debug the issue

I am training a neural network in tensor flow, and because I was running out of memory when training to load my whole training set (input images and "...

pythontensorflowkerasgeneratorstreaming
Read more
November 23rd, 2023
keras.Model.fit does not work correctly with generator and sparse categorical crossentropy loss

tf.keras.Model.fit(x=generator) does not work correctly with SparseCategoricalCrossentropy/sparce_categorical_crossentropy loss function with a genera...

pythontensorflowkerasgeneratormachine-learning
Read more
November 21st, 2023
Error loading saved hybrid quantum (pennylane + tensorflow keras) model: Unknown layer: 'KerasLayer'

I'm creating a hybrid model consisting of classical convolutional layers and a quantum output using Tensorflow. I can save the model in either .h5 or ...

tensorflowkerastensorflow2.0tensorflow-quantum
Read more
October 24th, 2023
Save custom field in Keras model

Consider the situation in which I have a trained Keras Sequential model. I save the model using keras.saving.save_model(model, path, save_format="..."...

pythonkeras
Read more
October 18th, 2023
Are Keras and PyTorch neural network models 100% compatible with each other?

Can I train a neural network model using PyTorch and then use it in Keras, and vice versa? Are PyTorch and Keras Neural Network models 100% compatible...

pytorchkerasneural-network
Read more
September 20th, 2023
Keras model.fit() fails with ValueError: Shapes (None, 5) and (None, 1) are incompatible

Description: I'm trying to train a multi-output Keras model using a custom data generator. The model suppose to classify the mammography images by BIR...

python-3.xtensorflowkerasmachine-learning
Read more
September 16th, 2023
Label structure for a keras model with multiple outputs

I have a keras model that inputs a simple array and outputs two values (x and y) that belong to 5 possible categories (encoded as one-hot), with a cus...

pythontensorflowkerasmachine-learning
Read more
September 18th, 2023
Tensorflow keras Input shape claimed as (None, None) while printed out as (20, 30)

I am trying to make a CNN-LTSM model with Keras, and I want to use keras.utils.Sequence to feed data into model (as the data is continuous, and I want...

tensorflowkerasmachine-learning
Read more
September 15th, 2023
Keras Reshape Layer Error: Total Size of New Array Must Be Unchanged

This is my model import os import cv2 import numpy as np import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator i...

pythontensorflowmachine-learningdeep-learningartificial-intelligence
Read more
November 10th, 2023
No module named 'keras.wrappers'

I have this code on google colab which allows me to optimise an LSTM model using gridsearchCV, but recently an error message has appeared: ModuleNotFo...

pythontensorflowkeraslstm
Read more
September 9th, 2023
Keras LSTM for continuous output and with EarlyStopping

I wrote an LSTM regression model. It is a model with batch_size=1 and return_sequences = True for the last LSTM layer. I also set validation_data and ...

pythonkeraslstm
Read more
September 11th, 2023
error Loading keras (tensorflow) model from .h5 file in flask

When I run the file I get these errors: python app.py 2023-09-03 22:09:58.412966: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow...

pythontensorflowkerasartificial-intelligenceflask
Read more
September 6th, 2023
tf.keras.optimizers.Adam.apply_gradients triggers tf.function retracing

I'm getting a memory leak and I believe it to be linked to the following warning: WARNING:tensorflow:6 out of the last 6 calls to triggered tf.functi...

tensorflowtensorflow2.0gradienttape
Read more
August 31st, 2023
Is there any difference between this keras script and my python class?

I am wondering whether there is any difference between this Keras script: latent_dim = 2 latent_inputs = keras.Input(shape=(latent_dim,)) x = layers.D...

pythonkerasmachine-learning
Read more
September 28th, 2023
How to pass multiple embedded layers into TFDF using Keras?

In the Keras tutorial it shows how to embed a text field and pass it to TFDF in this tutorial. sentence_encoder_layer = hub.KerasLayer( "https://t...

kerastensorflow2.0bert-language-modelkeras-layertensorflow-decision-forests
Read more
October 23rd, 2023
The following argument(s) are not supported with the native Keras format: ['options']

I am building a Keras deep learning Algorithm on dogs vs cats dataset. I am able to run my code in colab. But in Jupyter lab I am getting this error. ...

pythontensorflowkeras
Read more
November 13th, 2023
Normalization in Keras

When I use the normalization with keras: tf.keras.layers.Normalization() Where should I use it? I adapt it with train data: x_train, x_test, y_train, ...

pythontensorflowkeras
Read more
September 28th, 2023
Random forests in TensorFlow and Keras: why categorical variables are treated in a different way if there are just two values?

I would like to make predictions for some categorical variables using random forests in TensorFlow / Keras. I would expect that the output should be a...

tensorflowkerastensorflow-decision-forests
Read more
September 28th, 2023
Why Keras / TensorFlow do not see input features in random forest models if the dataset is very small?

I am trying to use Keras and TensorFlow to predict a variable via random forests. I encountered an unexpected behavior and I managed to trace it back ...

tensorflowkerastensorflow-decision-forests
Read more
November 19th, 2023
module 'keras.utils.generic_utils' has no attribute 'get_custom_objects' when importing segmentation_models

I am working on google colab with the segmentation_models library. It worked perfectly the first week using it, but now it seems that I can't import t...

pythontensorflowkerasimage-segmentation
Read more
September 28th, 2023
tensorflow keras RandomForestModel get_config() is empty

I want to be able to review the hyperparameters passed to keras' RandomForestModel. I think this should be possible with model.get_config(). However, ...

pythontensorflowkerastf.kerastensorflow-decision-forests
Read more
September 26th, 2023
ImportError: cannot import name 'img_to_array' from 'keras.preprocessing.image'

Im new here. I have problem with this code, #Library import numpy as np import pickle import cv2 from os import listdir from sklearn.preprocessing imp...

pythonkeras
Read more
October 19th, 2023
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 los...

pythontensorflowkerasneural-networkdeep-learning
Read more
December 1st, 2023
How to prevent Keras from computing metrics during training

I'm using Tensorflow/Keras 2.4.1 and I have a (unsupervised) custom metric that takes several of my model inputs as parameters such as: model = build_...

pythontensorflowkerasmachine-learningdeep-learning
Read more
December 5th, 2023
keras, LSTM - predict on inputs of different length?

I have fitted an LSTM that deals with inputs of different length: model = Sequential() model.add(LSTM(units=10, return_sequences=False, input_shape=(N...

keraslstmneural-networkdeep-learningrecurrent-neural-network
Read more

Hot Topic

  • 25881

    How do I undo the most recent local commits in Git?

  • 11618

    How can I remove a specific item from an array in JavaScript?

  • 20343

    How do I delete a Git branch locally and remotely?

  • 7387

    How can I find all files containing a specific text (string) on Linux?

  • 7330

    How to find all files containing specific text (string) on Linux?

  • 7611

    How do I revert a Git repository to a previous commit?

  • 2671

    How do I create an HTML button that acts like a link?

  • 8481

    How do I check out a remote Git branch?