keras Questions

3

Solved

Currently i think i'm experiencing a systematic offset in a LSTM model, between the predictions and the ground truth values. What's the best approach to continue further from now on? The model arc...
Connote asked 25/1, 2019 at 15:50

3

I'm using Keras (with TensorFlow back-end) to implement a neural network and want to only save the model that minimises loss on the validation set during training. To do this, I instantiated a Mode...
Doublure asked 18/6, 2020 at 15:54

4

Solved

At first it was working fine, then I tried to tweak a few parameters in creating the model, after that, print(model.history.history) gives me an empty dictionary. here is my entire code if it h...
Colotomy asked 10/6, 2020 at 9:9

6

Solved

I have this code on google colab which allows me to optimise an LSTM model using gridsearchCV, but recently an error message has appeared: ModuleNotFoundError: No module named 'keras.wrappers'. is ...
Odelia asked 14/9, 2023 at 10:42

6

Solved

I am following Tensorflow's tutorial on building a simple neural network, and after importing the necessary libraries (tensorflow, keras, numpy & matplotlib) and datasets (fashion_mnist) I ran ...
Hypothecate asked 8/2, 2020 at 19:55

4

I already knew the name of a layer of a model, now I want to know that layer's index. Is there any available function to do that? Thank you all.
Pegu asked 3/5, 2018 at 9:10

2

Solved

I am new to Keras and DL. I got this code from a keras document. wanted to run it on my system. train_datagen = ImageDataGenerator( rescale=1./255, shear_range=0.2, zoom_range=0.2, horizontal_...
Lumpy asked 30/12, 2017 at 17:57

3

After upgrading to tensorflow 2.9 I got the following Erro message when calling model.fit() with tf 2.8 there were no error. The fit runs anways but its worrying. 2022-06-21 12:42:58.930086: W tens...
Oleomargarine asked 21/6, 2022 at 12:51

5

Solved

I am trying to use huber loss in a keras model (writing DQN), but I am getting bad result, I think I am something doing wrong. My is code is below. model = Sequential() model.add(Dense(output_dim=...
Canterbury asked 15/12, 2017 at 22:10

3

Solved

Below the code import numpy as np np.random.seed(0) from sklearn import datasets import matplotlib.pyplot as plt %matplotlib inline %config InlineBackend.figure_format ='retina' from keras.models ...

3

I got this when using keras with Tensorflow backend: tensorflow.python.framework.errors_impl.InvalidArgumentError: device CUDA:0 not supported by XLA service while setting up XLA_GPU_JIT device...
Overtake asked 13/8, 2019 at 18:33

4

Solved

I use this notebook from Kaggle to run LSTM neural network. I had started training of neural network and I saw that it is too slow. It is almost three times slower than CPU training. CPU perfoma...
Valentine asked 24/9, 2018 at 13:56

16

I'm following some lectures from lynda.com about deep learning using Keras-TensorFlow in a PyCharmCE enviroment and they didn't have this problem. I get this error: raise ImportError('Could not im...
Osbourne asked 12/1, 2018 at 11:49

11

Solved

I have an issue with tf.callbacks.ModelChekpoint. As you can see in my log file, the warning comes always before the last iteration where the val_acc is calculated. Therefore, Modelcheckpoint never...
Styptic asked 29/4, 2020 at 15:38

21

I'm trying to run the following example from keras but I get this error: ImportError Traceback (most recent call last) <ipython-input-58-50de27eea0f8> in <module>() 8 import numpy a...
Dygal asked 17/7, 2017 at 16:32

5

Solved

I have built a simple Keras network: import numpy as np; from keras.models import Sequential; from keras.layers import Dense,Activation; data= np.genfromtxt("./kerastests/mydata.csv", d...
Linkous asked 11/8, 2017 at 10:8

5

Solved

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 the library anymore. Here is the error message, ...
Viceregent asked 13/2, 2023 at 8:54

7

Solved

Sometimes I run into a problem: OOM when allocating tensor with shape e.g. OOM when allocating tensor with shape (1024, 100, 160) Where 1024 is my batch size and I don't know what's the rest. If ...

3

Solved

I was wondering if there is a way to know the list of inputs and outputs for a particular node in tflite? I know that I can get input/outputs details, but this does not allow me to reconstruct the ...

3

Solved

I was doing some research on training deep neural networks using tensorflow. I know how to train a model. My problem is i have to train the same model on 2 different computers with different datase...
Effendi asked 20/1, 2018 at 17:9

3

Solved

I made a custom layer in keras for reshaping the outputs of a CNN before feeding to ConvLSTM2D layer class TemporalReshape(Layer): def __init__(self,batch_size,num_patches): super(TemporalReshape...
Medication asked 13/10, 2020 at 14:22

6

Solved

Im trying to run a keras model,trying to use pre-trained VGGnet- When i run this Command base_model = applications.VGG16(weights='imagenet', include_top=False, input_shape=(img_rows, img_cols, img_...
Vietcong asked 10/8, 2017 at 22:4

4

Solved

I trained a number image and made a model file. The corresponding sauce is as follows. import os import tensorflow as tf import numpy as np import matplotlib.pyplot as plt from tensorflow.keras.da...
Teniers asked 23/2, 2021 at 7:20

8

I'm having multiple errors while running this VGG training code (code and errors shown below). I don't know if its because of my dataset or is it something else. import numpy as np import pandas as...
Trstram asked 17/2, 2022 at 6:37

4

Working in a multi-label classification problem with 13 possibles outputs in my neural network with Keras, sklearn, etc... Each output can be an array like [0, 0, 1, 0, 1, 1, 0, 0, 0, 0, 0, 1 ,0]....
Sightread asked 25/2, 2019 at 16:36

© 2022 - 2025 — McMap. All rights reserved.