如何为自定义图像回归问题构建Keras模型?

时间:2019-04-28 00:55:28

标签: python tensorflow keras tensorflow2.0

我正在尝试使用Tensorflow 2和keras API(使用png图像的自定义数据集)开发回归模型。但是,我不确定我应该使用哪些层以及如何使用。我以我认为非常简单的模型作为起点,但是当我尝试训练模型时,输出的损失和准确性值始终为0。这使我相信我的损失计算没有用,但我不知道为什么。以下是我的源代码的片段,有关完整项目,请参见here

import tensorflow as tf
import os
import random
import pathlib

AUTOTUNE = tf.data.experimental.AUTOTUNE
TRAINING_DATA_DIR = r'specgrams'

def gen_model():
    model = tf.keras.models.Sequential([
      tf.keras.layers.Flatten(input_shape=(256, 128, 3)),
      tf.keras.layers.Dense(64, activation='relu'),
      tf.keras.layers.Dense(1)
    ])

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

    return model


def fetch_batch(batch_size=1000):
    all_image_paths = []
    all_image_labels = []

    data_root = pathlib.Path(TRAINING_DATA_DIR)
    files = data_root.iterdir()

    for file in files:
        file = str(file)
        all_image_paths.append(os.path.abspath(file))
        label = file[:-4].split('-')[2:3]
        label = float(label[0]) / 200
        all_image_labels.append(label)

    def preprocess_image(path):
        img_raw = tf.io.read_file(path)
        image = tf.image.decode_png(img_raw, channels=3)
        image = tf.image.resize(image, [256, 128])
        image /= 255.0
        return image

    def preprocess(path, label):
        return preprocess_image(path), label

    path_ds = tf.data.Dataset.from_tensor_slices(all_image_paths)
    image_ds = path_ds.map(preprocess_image, num_parallel_calls=AUTOTUNE)
    label_ds = tf.data.Dataset.from_tensor_slices(all_image_labels)
    ds = tf.data.Dataset.zip((image_ds, label_ds))
    ds = ds.shuffle(buffer_size=len(os.listdir(TRAINING_DATA_DIR)))
    ds = ds.repeat()
    ds = ds.batch(batch_size)
    ds = ds.prefetch(buffer_size=AUTOTUNE)

    return ds

ds = fetch_batch()
model = gen_model()
model.fit(ds, epochs=1, steps_per_epoch=10)

上面的代码应该读取存储在256 x 128 px png文件中的某些声谱图中,将它们转换为张量并拟合它们,以便通过回归模型来预测值(在这种情况下,用于生成音乐的BPM频谱图)。图像文件名包含BPM,该BPM被200除以产生0到1之间的值作为标签。

如前所述,该代码可以成功运行,但是在每个训练步骤之后,打印出的损耗和精度值始终精确地为0.00000,并且不会发生变化。

还有一点值得注意,我实际上希望我的模型预测多个值,而不仅仅是一个BPM值,但这是一个单独的问题,因此我为此问题here发布了一个单独的问题。

1 个答案:

答案 0 :(得分:1)

不管怎么说。回归模型需要相关的损失函数,例如“ mean_squared_error”,“ mean_absolut_error”,“ mean_absolute_percentage_error”和“ mean_squared_logarithmic_error”。

def gen_model():
    model = tf.keras.models.Sequential([
      tf.keras.layers.Flatten(input_shape=(256, 128, 3)),
      tf.keras.layers.Dense(512, activation='relu'),
      tf.keras.layers.Dense(512, activation='relu'),        
      tf.keras.layers.Dense(1)
    ])

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

    return model