Tensorflow:logits和标签必须具有相同的第一个维度

时间:2018-03-07 21:05:14

标签: python tensorflow tensorflow-datasets tensorflow-estimator tensorflow-layers

我是tensoflow的新手,我想用我自己的数据(40x40的图像)调整MNIST教程https://www.tensorflow.org/tutorials/layers。 这是我的模型功能:

def cnn_model_fn(features, labels, mode):
        # Input Layer
        input_layer = tf.reshape(features, [-1, 40, 40, 1])

        # Convolutional Layer #1
        conv1 = tf.layers.conv2d(
                inputs=input_layer,
                filters=32,
                kernel_size=[5, 5],
                #  To specify that the output tensor should have the same width and height values as the input tensor
                # value can be "same" ou "valid"
                padding="same",
                activation=tf.nn.relu)

        # Pooling Layer #1
        pool1 = tf.layers.max_pooling2d(inputs=conv1, pool_size=[2, 2], strides=2)

        # Convolutional Layer #2 and Pooling Layer #2
        conv2 = tf.layers.conv2d(
                inputs=pool1,
                filters=64,
                kernel_size=[5, 5],
                padding="same",
                activation=tf.nn.relu)
        pool2 = tf.layers.max_pooling2d(inputs=conv2, pool_size=[2, 2], strides=2)

        # Dense Layer
        pool2_flat = tf.reshape(pool2, [-1, 10 * 10 * 64])
        dense = tf.layers.dense(inputs=pool2_flat, units=1024, activation=tf.nn.relu)
        dropout = tf.layers.dropout(
                inputs=dense, rate=0.4, training=mode == tf.estimator.ModeKeys.TRAIN)

        # Logits Layer
        logits = tf.layers.dense(inputs=dropout, units=2)

        predictions = {
            # Generate predictions (for PREDICT and EVAL mode)
            "classes":       tf.argmax(input=logits, axis=1),
            # Add `softmax_tensor` to the graph. It is used for PREDICT and by the
            # `logging_hook`.
            "probabilities": tf.nn.softmax(logits, name="softmax_tensor")
        }

        if mode == tf.estimator.ModeKeys.PREDICT:
            return tf.estimator.EstimatorSpec(mode=mode, predictions=predictions)

        # Calculate Loss (for both TRAIN and EVAL modes)
        loss = tf.losses.sparse_softmax_cross_entropy(labels=labels, logits=logits)

        # Configure the Training Op (for TRAIN mode)
        if mode == tf.estimator.ModeKeys.TRAIN:
            optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.001)
            train_op = optimizer.minimize(
                    loss=loss,
                    global_step=tf.train.get_global_step())
            return tf.estimator.EstimatorSpec(mode=mode, loss=loss, train_op=train_op)

        # Add evaluation metrics (for EVAL mode)
        eval_metric_ops = {
            "accuracy": tf.metrics.accuracy(
                    labels=labels, predictions=predictions["classes"])}
        return tf.estimator.EstimatorSpec(
                mode=mode, loss=loss, eval_metric_ops=eval_metric_ops)

我在标签和日志之间出现了形状大小错误:

InvalidArgumentError(请参阅上面的回溯):logits和label必须具有相同的第一维,得到logits形状[3,2]和标签形状[1]

filenames_array是一个包含16个字符串的数组

["file1.png", "file2.png", "file3.png", ...]

和labels_array是一个16整数

的数组
[0,0,1,1,0,1,0,0,0,...]

主要功能是:

# Create the Estimator
mnist_classifier = tf.estimator.Estimator(model_fn=cnn_model_fn, model_dir="/tmp/test_convnet_model")

# Train the model
cust_train_input_fn = lambda: train_input_fn_custom(
        filenames_array=filenames, labels_array=labels, batch_size=1)

mnist_classifier.train(
        input_fn=cust_train_input_fn,
        steps=20000,
        hooks=[logging_hook])

我尝试重塑logits但没有成功:

logits = tf.reshape(logits,[1,2])

我需要你的帮助,谢谢

修改

经过更长时间的搜索,在我的模型函数的第一行

input_layer = tf.reshape(features, [-1, 40, 40, 1])

" -1"表示将动态计算batch_size维度的值为" 3"。同样的" 3"在我的错误中: logits和标签必须具有相同的第一维,得到logits形状[3,2]和标签形状[1]

如果我将值强制为" 1"我有这个新错误:

重塑的输入是一个具有4800个值的张量,但请求的形状有1600

我的功能可能有问题吗?

EDIT2:

完整的代码在这里:https://gist.github.com/geoffreyp/cc8e97aab1bff4d39e10001118c6322e

EDIT3

我用

更新了要点
logits = tf.layers.dense(inputs=dropout, units=1)

https://gist.github.com/geoffreyp/cc8e97aab1bff4d39e10001118c6322e

但我不完全理解你对批量大小的答案,批量大小在这里是3,而我选择批量大小为1?

如果我选择batch_size = 3,则会出现此错误: logits和标签必须具有相同的第一维,得到logits形状[9,1]和标签形状[3]

我试图重塑标签:

labels = tf.reshape(labels, [3, 1])

我更新了功能和标签结构:

    filenames_train = [['blackcorner-data/1.png', 'blackcorner-data/2.png', 'blackcorner-data/3.png',
                   'blackcorner-data/4.png', 'blackcorner-data/n1.png'],
                   ['blackcorner-data/n2.png',
                   'blackcorner-data/n3.png', 'blackcorner-data/n4.png',
                   'blackcorner-data/11.png', 'blackcorner-data/21.png'],
                   ['blackcorner-data/31.png',
                   'blackcorner-data/41.png', 'blackcorner-data/n11.png', 'blackcorner-data/n21.png',
                   'blackcorner-data/n31.png']
                   ]

labels = [[0, 0, 0, 0, 1], [1, 1, 1, 0, 0], [0, 0, 1, 1, 1]]

但没有成功......

6 个答案:

答案 0 :(得分:21)

我解决了将其从sparse_categorical_crossentropy更改为categorical_crossentropy的问题,现在运行良好。

答案 1 :(得分:17)

问题出在您的目标形状上,并且与正确选择适当的损失函数有关。您有2种可能性:

1。可能性:如果您具有一维整数编码目标,则可以使用sparse_categorical_crossentropy作为损失函数

n_class = 3
n_features = 100
n_sample = 1000

X = np.random.randint(0,10, (n_sample,n_features))
y = np.random.randint(0,n_class, n_sample)

inp = Input((n_features,))
x = Dense(128, activation='relu')(inp)
out = Dense(n_class, activation='softmax')(x)

model = Model(inp, out)
model.compile(loss='sparse_categorical_crossentropy',optimizer='adam',metrics=['accuracy'])
history = model.fit(X, y, epochs=3)

2。可能性:如果您对目标进行了一次热编码以使其具有2D形状(n_samples,n_class),则可以使用categorical_crossentropy

n_class = 3
n_features = 100
n_sample = 1000

X = np.random.randint(0,10, (n_sample,n_features))
y = pd.get_dummies(np.random.randint(0,n_class, n_sample)).values

inp = Input((n_features,))
x = Dense(128, activation='relu')(inp)
out = Dense(n_class, activation='softmax')(x)

model = Model(inp, out)
model.compile(loss='categorical_crossentropy',optimizer='adam',metrics=['accuracy'])
history = model.fit(X, y, epochs=3)

答案 2 :(得分:4)

我第一次使用tensorflow已经遇到了这个问题,我发现我的问题是忘记将属性class_mode='sparse' / class_mode='binary'添加到上传训练数据和验证数据的函数中:

所以请尝试照顾class_mode选项

image_gen_val = ImageDataGenerator(rescale=1./255)
val_data_gen = image_gen_val.flow_from_directory(batch_size=batch_size,
                                                 directory=val_dir,
                                                 target_size=(IMG_SHAPE, IMG_SHAPE),
                                                 class_mode='sparse')

答案 3 :(得分:1)

您的logits形状看起来正确,批量大小为3,输出层大小为2,这是您定义的输出层。你的标签也应该是形状[3,2]。批次为3,每批次有2 [1,0]或[0,1]。

还要注意,当你有一个布尔分类输出时,你不应该在输出/ logits层上有2个神经元。您只需输出一个取值为0或1的值,您可以看到[1,0]和[0,1]的2个输出是多余的,可以表示为简单的[0 | 1]值。当你这样做时,你也会得到更好的结果。

因此,您的logits最终应该是[3,1],并且您的标签应该是一个包含3个值的数组,每个值对应一批样本。

答案 4 :(得分:0)

我遇到了类似的问题,结果发现一个合并图层没有正确重新整形。我在我的案例tf.reshape(pool, shape=[-1, 64 * 7 * 7])而不是tf.reshape(pool, shape=[-1, 64 * 14 * 14])中使用不正确,导致对logits和标签的类似错误按摩。改变因素,例如tf.reshape(pool, shape=[-1, 64 * 12 * 12])导致完全不同的,误导性较差的错误消息。

也许这也是这种情况。我建议通过代码检查节点的形状,以防万一。

答案 5 :(得分:0)

我遇到了类似的问题,发现我错过了 CNN 和 Dense 层之间的扁平层。添加展平层为我解决了这个问题。