用全卷积网络(FCN)实现图像分割

全卷积网络(FCN,Fully Convolutional Networks),是2015年,由{jonlong,shelhamer,trevor}@cs.berkeley.edu提出的,这是深度学习在图像分割领域的开山之作,奠定了使用深度网络解决图像语义分割问题的基础框架。参考:Fully Convolutional Networks for Semantic Segmentation

它的意义在于:提出非常简单易懂的全卷积模型结构,先用卷积网络,例如MobileNetV2的特征提取层提取图像特征,然后移除最后的全连接层,接着使用上采样的转置卷积层(Transpose Convolution)将多次下采样的特征图恢复到和原图一样的大小,最后对每个像素生成一个分类的标签
全卷积网络

转置卷积层(Transpose Convolution)可以理解为一个可以被训练的自动插值器,实现将低分辨率的图片转换为高分辨率的图片。插值算法,例如:

  • 最近邻插值(Nearest neighbor interpolation)
  • 双线性插值(Bi-Linear interpolation)
  • 双立方插值(Bi-Cubic interpolation)
    已经很成熟了,这些插值算法类似于手动特征工程,依据设计者的经验,不可以被训练,并没有给神经网络学习的余地。
    转置卷积这个方法不会使用预先定义的插值方法,它具有可以学习的参数

参考《Up-sampling with Transposed Convolution》

图像语义分割的目标是给每个像素赋予一个类别标签,目前经典语义分割模型在PASCAL VOC2012数据集上的测试结果如下:
经典语义分割模型测试结果

基于TensorFlow实现的语义分割模型源代码,在运行过程中,可以感受模型的预测是怎样随着训练而改善的

import tensorflow as tf 
from tensorflow_examples.models.pix2pix import pix2pix 

import tensorflow_datasets as tfds
tfds.disable_progress_bar()

import matplotlib.pyplot as plt 

dataset, info = tfds.load('oxford_iiit_pet:3.*.*', with_info=True)
print(info.splits['train'].num_examples)

TRAIN_LENGTH = info.splits['train'].num_examples
BATCH_SIZE = 64
BUFFER_SIZE = 1000
STEPS_PER_EPOCH = TRAIN_LENGTH // BATCH_SIZE

def normalize(input_image, input_mask):
    input_image = tf.cast(input_image, tf.float32) / 255.0 #图像标准化到 [0,1]
    input_mask -= 1                                        #分割掩码都减 1,得到了以下的标签:{0, 1, 2}
    return input_image, input_mask

@tf.function 
def load_image_train(datapoint):
    input_image = tf.image.resize(datapoint['image'], (128,128))
    input_mask  = tf.image.resize(datapoint['segmentation_mask'], (128,128))

    if tf.random.uniform(()) > 0.5:
        input_image = tf.image.flip_left_right(input_image)
        input_mask  = tf.image.flip_left_right(input_mask)
    
    input_image, input_mask = normalize(input_image, input_mask)

    return input_image, input_mask

def load_image_test(datapoint):
    # 测试数据与训练数据做一样的resize + normalize操作
    input_image = tf.image.resize(datapoint['image'], (128,128))
    input_mask  = tf.image.resize(datapoint['segmentation_mask'], (128,128)) 
    # 测试数据无需图像增强操作
    input_image, input_mask = normalize(input_image, input_mask)
    return input_image, input_mask

train = dataset['train'].map(load_image_train, num_parallel_calls=tf.data.AUTOTUNE)
test  = dataset['test'].map(load_image_test)

#  If you wish to randomize the iteration order, make sure to call shuffle after calling cache
train_dataset = train.cache().shuffle(BUFFER_SIZE).batch(BATCH_SIZE).repeat()
test_dataset  = test.batch(BATCH_SIZE)

def display(display_list):
    plt.figure(figsize=(9, 9))

    title = ['Input Image', 'True Mask', 'Predicted Mask']

    for i in range(len(display_list)):
        plt.subplot(1, len(display_list), i+1)
        plt.title(title[i])
        plt.imshow(display_list[i])
        plt.axis('off')
    plt.show()

for batch_images, batch_masks in train_dataset.take(1):
    print(batch_images.shape, batch_masks.shape)
    sample_image, sample_mask = batch_images[0].numpy(), batch_masks[0].numpy()
    print(type(sample_image),type(sample_mask))

#display([sample_image, sample_mask])

# 输出信道数量为 3 是因为每个像素有三种可能的标签。
# 把这想象成一个多类别分类,对每个像素进行分类,每个像素属于三种类别之一
OUTPUT_CHANNELS = 3

# 直接使用预训练模型: MobileNetV2 
base_model = tf.keras.applications.MobileNetV2(
    input_shape=[128,128,3],
    include_top=False
)

#base_model.summary()

# 使用这些层的激活设置
layer_names = [
    'block_1_expand_relu',   # 64x64
    'block_3_expand_relu',   # 32x32
    'block_6_expand_relu',   # 16x16
    'block_13_expand_relu',  # 8x8
    'block_16_project',      # 4x4
]

layers = [base_model.get_layer(name).output for name in layer_names]

# 创建特征提取模型
down_stack = tf.keras.Model(
    inputs=base_model.input,
    outputs=layers 
)

down_stack.trainable = False 
#down_stack.summary()

# 直接利用TensorFlow examples 的解码器/上取样器
up_stack = [
    pix2pix.upsample(512,3), # 4x4 -> 8x8
    pix2pix.upsample(256,3), # 8x8 -> 16x16
    pix2pix.upsample(128,3), # 16x16 -> 32x32
    pix2pix.upsample(64,3),  # 32x32 -> 64x64
]

def unet_model(output_channels):
    inputs = tf.keras.Input(shape=(128,128,3))
    x = inputs 

    # 在模型中降采样
    skips = down_stack(x)
    x = skips[-1]
    skips = reversed(skips[:-1])

    # 上采样然后建立跳跃连接
    for up, skip in zip(up_stack, skips):
        x = up(x)
        concat = tf.keras.layers.Concatenate()
        x = concat([x, skip])
    
    # 模型的最后一层
    last = tf.keras.layers.Conv2DTranspose(
        filters=output_channels,
        kernel_size=3,
        strides=2,
        padding='same'
    ) # 64x64 -> 128x128

    outputs = last(x) # Output shape (batch_size, new_rows, new_cols, filters)

    return tf.keras.Model(inputs=inputs, outputs=outputs)

print("build unet...")
model = unet_model(OUTPUT_CHANNELS)

# model.summary()

model.compile(optimizer='adam',
              loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
              metrics=['accuracy'])

def create_mask(pred_mask):
    print(pred_mask.shape)
    pred_mask = tf.argmax(pred_mask, axis=-1)
    print(pred_mask.shape)
    pred_mask = pred_mask[..., tf.newaxis]
    print(pred_mask.shape)
    return pred_mask[0]

def show_predictions(dataset=None, num=1):
    if dataset:
        for image, mask in dataset.take(num):
            pred_mask = model.predict(image)
            print("pred_mask shape:",pred_mask.shape, pred_mask[0,0,0])
            display([image[0], mask[0], create_mask(pred_mask)])
    else:
        pred_mask = model.predict(sample_image[tf.newaxis, ...])
        print(sample_image.shape, sample_mask.shape, pred_mask.shape)
        pred_mask = create_mask(pred_mask)
        display([sample_image, sample_mask, pred_mask])
#print("show_predictions...")
#show_predictions()

class DisplayCallback(tf.keras.callbacks.Callback):
    def on_epoch_end(self, epoch, logs=None):
        #clear_output(wait=True)
        show_predictions()
        print ('\nSample Prediction after epoch {}\n'.format(epoch+1))

EPOCHS = 20
VAL_SUBSPLITS = 5
VALIDATION_STEPS = info.splits['test'].num_examples//BATCH_SIZE//VAL_SUBSPLITS

model_history = model.fit(train_dataset, epochs=EPOCHS,
                          steps_per_epoch=STEPS_PER_EPOCH,
                          validation_steps=VALIDATION_STEPS,
                          validation_data=test_dataset,
                          callbacks=[DisplayCallback()])

loss = model_history.history['loss']
val_loss = model_history.history['val_loss']

epochs = range(EPOCHS)

plt.figure()
plt.plot(epochs, loss, 'r', label='Training loss')
plt.plot(epochs, val_loss, 'bo', label='Validation loss')
plt.title('Training and Validation Loss')
plt.xlabel('Epoch')
plt.ylabel('Loss Value')
plt.ylim([0, 1])
plt.legend()
plt.show()

show_predictions(test_dataset, 3)

model.save("unet.h5")
©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 205,033评论 6 478
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 87,725评论 2 381
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 151,473评论 0 338
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 54,846评论 1 277
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 63,848评论 5 368
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 48,691评论 1 282
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 38,053评论 3 399
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 36,700评论 0 258
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 42,856评论 1 300
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 35,676评论 2 323
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 37,787评论 1 333
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 33,430评论 4 321
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 39,034评论 3 307
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 29,990评论 0 19
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 31,218评论 1 260
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 45,174评论 2 352
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 42,526评论 2 343

推荐阅读更多精彩内容