This model has not yet been built error on model.summary()

66,107

Solution 1

The error says what to do:

This model has not yet been built. Build the model first by calling build()

model.build(input_shape) # `input_shape` is the shape of the input data
                         # e.g. input_shape = (None, 32, 32, 3)
model.summary()

Solution 2

There is a very big difference between keras subclassed model and other keras models (Sequential and Functional).

Sequential models and Functional models are datastructures that represent a DAG of layers. In simple words, Functional or Sequential model are static graphs of layers built by stacking one on top of each other like LEGO. So when you provide input_shape to first layer, these (Functional and Sequential) models can infer shape of all other layers and build a model. Then you can print input/output shapes using model.summary().

On the other hand, subclassed model is defined via the body (a call method) of Python code. For subclassed model, there is no graph of layers here. We cannot know how layers are connected to each other (because that's defined in the body of call, not as an explicit data structure), so we cannot infer input / output shapes. So for a subclass model, the input/output shape is unknown to us until it is first tested with proper data. In the compile() method, we will do a deferred compile and wait for a proper data. In order for it to infer shape of intermediate layers, we need to run with a proper data and then use model.summary(). Without running the model with a data, it will throw an error as you noticed. Please check GitHub gist for complete code.

The following is an example from Tensorflow website.

import tensorflow as tf
from tensorflow import keras
from tensorflow.keras import layers

class ThreeLayerMLP(keras.Model):

  def __init__(self, name=None):
    super(ThreeLayerMLP, self).__init__(name=name)
    self.dense_1 = layers.Dense(64, activation='relu', name='dense_1')
    self.dense_2 = layers.Dense(64, activation='relu', name='dense_2')
    self.pred_layer = layers.Dense(10, name='predictions')

  def call(self, inputs):
    x = self.dense_1(inputs)
    x = self.dense_2(x)
    return self.pred_layer(x)

def get_model():
  return ThreeLayerMLP(name='3_layer_mlp')

model = get_model()

(x_train, y_train), (x_test, y_test) = keras.datasets.mnist.load_data()
x_train = x_train.reshape(60000, 784).astype('float32') / 255
x_test = x_test.reshape(10000, 784).astype('float32') / 255

model.compile(loss=keras.losses.SparseCategoricalCrossentropy(from_logits=True),
              optimizer=keras.optimizers.RMSprop())

model.summary() # This will throw an error as follows
# ValueError: This model has not yet been built. Build the model first by calling `build()` or calling `fit()` with some data, or specify an `input_shape` argument in the first layer(s) for automatic build.

# Need to run with real data to infer shape of different layers
history = model.fit(x_train, y_train,
                    batch_size=64,
                    epochs=1)

model.summary()

Thanks!

Solution 3

Another method is to add the attribute input_shape() like this:

model = Sequential()
model.add(Bidirectional(LSTM(n_hidden,return_sequences=False, dropout=0.25, 
recurrent_dropout=0.1),input_shape=(n_steps,dim_input)))

Solution 4

# X is a train dataset with features excluding a target variable

input_shape = X.shape  
model.build(input_shape) 
model.summary()

Solution 5

Make sure you create your model properly. A small typo mistake like the following code may also cause a problem:

model = Model(some-input, some-output, "model-name")

while the correct code should be:

model = Model(some-input, some-output, name="model-name")
Share:
66,107
bachr
Author by

bachr

Updated on July 09, 2022

Comments

  • bachr
    bachr almost 2 years

    I've keras model defined as follow

    class ConvLayer(Layer) :
        def __init__(self, nf, ks=3, s=2, **kwargs):
            self.nf = nf
            self.grelu = GeneralReLU(leak=0.01)
            self.conv = (Conv2D(filters     = nf,
                                kernel_size = ks,
                                strides     = s,
                                padding     = "same",
                                use_bias    = False,
                                activation  = "linear"))
            super(ConvLayer, self).__init__(**kwargs)
    
        def rsub(self): return -self.grelu.sub
        def set_sub(self, v): self.grelu.sub = -v
        def conv_weights(self): return self.conv.weight[0]
    
        def build(self, input_shape):
            # No weight to train.
            super(ConvLayer, self).build(input_shape)  # Be sure to call this at the end
    
        def compute_output_shape(self, input_shape):
            output_shape = (input_shape[0],
                            input_shape[1]/2,
                            input_shape[2]/2,
                            self.nf)
            return output_shape
    
        def call(self, x):
            return self.grelu(self.conv(x))
    
        def __repr__(self):
            return f'ConvLayer(nf={self.nf}, activation={self.grelu})'
    
    class ConvModel(tf.keras.Model):
        def __init__(self, nfs, input_shape, output_shape, use_bn=False, use_dp=False):
            super(ConvModel, self).__init__(name='mlp')
            self.use_bn = use_bn
            self.use_dp = use_dp
            self.num_classes = num_classes
    
            # backbone layers
            self.convs = [ConvLayer(nfs[0], s=1, input_shape=input_shape)]
            self.convs += [ConvLayer(nf) for nf in nfs[1:]]
            # classification layers
            self.convs.append(AveragePooling2D())
            self.convs.append(Dense(output_shape, activation='softmax'))
    
        def call(self, inputs):
            for layer in self.convs: inputs = layer(inputs)
            return inputs
    

    I'm able to compile this model without any issues

    >>> model.compile(optimizer=tf.keras.optimizers.Adam(lr=lr), 
                  loss='categorical_crossentropy',
                  metrics=['accuracy'])
    

    But when I query the summary for this model, I see this error

    >>> model = ConvModel(nfs, input_shape=(32, 32, 3), output_shape=num_classes)
    >>> model.summary()
    ---------------------------------------------------------------------------
    ValueError                                Traceback (most recent call last)
    <ipython-input-220-5f15418b3570> in <module>()
    ----> 1 model.summary()
    
    /usr/local/lib/python3.6/dist-packages/tensorflow/python/keras/engine/network.py in summary(self, line_length, positions, print_fn)
       1575     """
       1576     if not self.built:
    -> 1577       raise ValueError('This model has not yet been built. '
       1578                        'Build the model first by calling `build()` or calling '
       1579                        '`fit()` with some data, or specify '
    
    ValueError: This model has not yet been built. Build the model first by calling `build()` or calling `fit()` with some data, or specify an `input_shape` argument in the first layer(s) for automatic build.
    

    I'm providing input_shape for the first layer of my model, why is throwing this error?

  • bachr
    bachr about 5 years
    Thanks that fixed the issue, but when was testing a Sequential model (instead of subclassing) I didn;t need to build, simply setting the input shape for 1st layer was enough!
  • Vlad
    Vlad about 5 years
    You don't need to build explicitly Sequential() model if you add InputLayer at the beginning OR if you apply input data model(input_data). In both cases `model.build() is called implicitly. Glad to help.
  • chikitin
    chikitin over 4 years
    I have input shape in my Seq model. However, it gives me the error.
  • Geoffrey Anderson
    Geoffrey Anderson over 4 years
    Did not work for my code. After I ran .build on my input shape, the model.summary() call returns "You tried to call count_params on IL, but the layer isn't built." It's odd, because yes I did build the model.
  • Vlad
    Vlad over 4 years
    @GeoffreyAnderson, There is a problem with how you have you've created your model or custom layers, not with my answer.
  • Markus
    Markus almost 4 years
    @chikitin: You have to make sure that you add input_shape into the Bidirectional-brakets, not the LSTMs ones. Is a bid hard to see in the formatting.
  • mitra mirshafiee
    mitra mirshafiee almost 3 years
    Actually, the first code worked for me when I changed from the second.
  • Rafael Monteiro
    Rafael Monteiro almost 3 years
    Simplest, best answer. Worked for me. Thanks!
  • Vlad
    Vlad almost 3 years
    @RafaelMonteiro Thank you for you kind feedback!