73. 风格迁移以及代码实现

摄影爱好者也许接触过滤波器。它能改变照片的颜色风格,从而使风景照更加锐利或者令人像更加美白。但一个滤波器通常只能改变照片的某个方面。如果要照片达到理想中的风格,可能需要尝试大量不同的组合。这个过程的复杂程度不亚于模型调参。

本节将介绍如何使用卷积神经网络,自动将一个图像中的风格应用在另一图像之上,即风格迁移(style transfer)

这里我们需要两张输入图像:一张是内容图像,另一张是风格图像。 我们将使用神经网络修改内容图像,使其在风格上接近风格图像。

例如, 图13.12.1中的内容图像是在西雅图郊区的雷尼尔山国家公园拍摄的风景照,而风格图像则是一幅主题为秋天橡树的油画。 最终输出的合成图像应用了风格图像的油画笔触让整体颜色更加鲜艳,同时保留了内容图像中物体主体的形状。

在这里插入图片描述

1. 基于CNN的风格迁移

图13.12.2 用简单的例子阐述了基于卷积神经网络的风格迁移方法。

首先,我们初始化合成图像,例如将其初始化为内容图像。 该合成图像是风格迁移过程中唯一需要更新的变量,即风格迁移所需迭代的模型参数

然后,我们选择一个预训练的卷积神经网络来抽取图像的特征,其中的模型参数在训练中无须更新

这个深度卷积神经网络凭借多个层逐级抽取图像的特征,我们可以选择其中某些层的输出作为内容特征或风格特征。 以下图为例,这里选取的预训练的神经网络含有3个卷积层,其中第二层输出内容特征,第一层和第三层输出风格特征。

这个模型特别之处在于,不是训练卷积网络的权重,而是训练合成图片

在这里插入图片描述

接下来,我们通过前向传播(实线箭头方向)计算风格迁移的损失函数,并通过反向传播(虚线箭头方向)迭代模型参数,即不断更新合成图像。 风格迁移常用的损失函数由3部分组成:

  1. 内容损失使合成图像与内容图像在内容特征上接近;

  2. 风格损失使合成图像与风格图像在风格特征上接近;

  3. 全变分损失则有助于减少合成图像中的噪点

最后,当模型训练结束时,我们输出风格迁移的模型参数,即得到最终的合成图像。

在下面,我们将通过代码来进一步了解风格迁移的技术细节。

2. 阅读内容和风格图像

首先,我们读取内容和风格图像。 从打印出的图像坐标轴可以看出,它们的尺寸并不一样。

%matplotlib inline
import torch
import torchvision
from torch import nn
from d2l import torch as d2l

d2l.set_figsize()
content_img = d2l.Image.open('drive/MyDrive/chapter13/img/rainier.jpg')
d2l.plt.imshow(content_img);

运行结果:

在这里插入图片描述

style_img = d2l.Image.open('drive/MyDrive/chapter13/img/autumn-oak.jpg')
d2l.plt.imshow(style_img);

运行结果:

在这里插入图片描述

3. 预处理和后处理

下面,定义图像的预处理函数和后处理函数。

预处理函数preprocess对输入图像在RGB三个通道分别做标准化,并将结果变换成卷积神经网络接受的输入格式。

后处理函数postprocess则将输出图像中的像素值还原回标准化之前的值。 由于图像打印函数要求每个像素的浮点数值在0~1之间,我们对小于0和大于1的值分别取0和1。

rgb_mean = torch.tensor([0.485, 0.456, 0.406])
rgb_std = torch.tensor([0.229, 0.224, 0.225])

def preprocess(img, image_shape): # 将图片变成一个能训练的tensor
    transforms = torchvision.transforms.Compose([
        torchvision.transforms.Resize(image_shape), # resize成我们要的样子
        torchvision.transforms.ToTensor(), # 转成tensor
        torchvision.transforms.Normalize(mean=rgb_mean, std=rgb_std)]) # 做标准化
    return transforms(img).unsqueeze(0)

def postprocess(img): # 将tensor变回到图片
    img = img[0].to(rgb_std.device)
    img = torch.clamp(img.permute(1, 2, 0) * rgb_std + rgb_mean, 0, 1)
    return torchvision.transforms.ToPILImage()(img.permute(2, 0, 1))

4. 抽取图像特征

我们使用基于ImageNet数据集预训练的VGG-19模型来抽取图像特征。

VGG系列对于抽取特征效果很好。

pretrained_net = torchvision.models.vgg19(pretrained=True)

为了抽取图像的内容特征和风格特征,我们可以选择VGG网络中某些层的输出。

一般来说,越靠近输入层,越容易抽取图像的细节信息;反之,则越容易抽取图像的全局信息。

为了避免合成图像过多保留内容图像的细节,我们选择VGG较靠近输出的层,即内容层,来输出图像的内容特征。我们还从VGG中选择不同层的输出来匹配局部和全局的风格,这些图层也称为风格层。

VGG网络使用了5个卷积块。 实验中,我们选择第四卷积块的最后一个卷积层作为内容层,选择每个卷积块的第一个卷积层作为风格层。 这些层的索引可以通过打印pretrained_net实例获取。

style_layers, content_layers = [0, 5, 10, 19, 28], [25]

使用VGG层抽取特征时,我们只需要用到从输入层到最靠近输出层的内容层或风格层之间的所有层,因此28层以后的层丢掉。下面构建一个新的网络net,它只保留需要用到的VGG的所有层。

net = nn.Sequential(*[pretrained_net.features[i] for i in
                      range(max(content_layers + style_layers) + 1)])

给定输入X,如果我们简单地调用前向传播net(X),只能获得最后一层的输出。 由于我们还需要中间层的输出,因此这里我们逐层计算,并保留内容层和风格层的输出

def extract_features(X, content_layers, style_layers):
    contents = []
    styles = []
    for i in range(len(net)):
        X = net[i](X) # 计算每一层的输出
        if i in style_layers: # 如果是样式层,就add到styles
            styles.append(X)
        if i in content_layers: # 如果是内容层,就add到contents
            contents.append(X)
    return contents, styles

下面定义两个函数:get_contents函数对内容图像抽取内容特征; get_styles函数对风格图像抽取风格特征。 因为在训练时无须改变预训练的VGG的模型参数,所以我们可以在训练开始之前就提取出内容特征和风格特征。 由于合成图像是风格迁移所需迭代的模型参数,我们只能在训练过程中通过调用extract_features函数来抽取合成图像的内容特征和风格特征。

def get_contents(image_shape, device):
    content_X = preprocess(content_img, image_shape).to(device) # 将内容图像转为tensor形式
    contents_Y, _ = extract_features(content_X, content_layers, style_layers)
    return content_X, contents_Y

def get_styles(image_shape, device):
    style_X = preprocess(style_img, image_shape).to(device) # 将风格图像转为tensor形式
    _, styles_Y = extract_features(style_X, content_layers, style_layers)
    return style_X, styles_Y

5. 定义损失函数

下面我们来描述风格迁移的损失函数。 它由内容损失、风格损失和全变分损失3部分组成。

5.1 内容损失

与线性回归中的损失函数类似,内容损失通过平方误差函数衡量合成图像与内容图像在内容特征上的差异。 平方误差函数的两个输入均为extract_features函数计算所得到的内容层的输出。

def content_loss(Y_hat, Y):
    # 我们从动态计算梯度的树中分离目标:
    # 这是一个规定的值,而不是一个变量。
    return torch.square(Y_hat - Y.detach()).mean()

5.2 风格损失

风格损失与内容损失类似,也通过平方误差函数衡量合成图像与风格图像在风格上的差异。 为了表达风格层输出的风格,我们先通过extract_features函数计算风格层的输出。

假设该输出的样本数为1,通道数为 𝑐 ,高和宽分别为 ℎ 和 𝑤 ,我们可以将此输出转换为矩阵 𝐗 ,其有 𝑐 行和 ℎ𝑤 列。 这个矩阵可以被看作由 𝑐 个长度为 ℎ𝑤 的向量 𝐱1,…,𝐱𝑐 组合而成的。其中向量 𝐱𝑖 代表了通道 𝑖 上的风格特征

在这些向量的格拉姆矩阵 𝐗𝐗⊤∈ℝ𝑐×𝑐 中, 𝑖 行 𝑗 列的元素 𝑥𝑖𝑗 即向量 𝐱𝑖 和 𝐱𝑗 的内积。它表达了通道 𝑖 和通道 𝑗 上风格特征的相关性。我们用这样的格拉姆矩阵来表达风格层输出的风格。 需要注意的是,当 ℎ𝑤 的值较大时,格拉姆矩阵中的元素容易出现较大的值。 此外,格拉姆矩阵的高和宽皆为通道数 𝑐 。 为了让风格损失不受这些值的大小影响,下面定义的gram函数将格拉姆矩阵除以了矩阵中元素的个数,即 𝑐ℎ𝑤 。

def gram(X):
  # n等于高宽相乘,num_channels是通道数
    num_channels, n = X.shape[1], X.numel() // X.shape[1]
    X = X.reshape((num_channels, n))
    return torch.matmul(X, X.T) / (num_channels * n) # 做normalization

自然地,风格损失的平方误差函数的两个格拉姆矩阵输入分别基于合成图像与风格图像的风格层输出。这里假设基于风格图像的格拉姆矩阵gram_Y已经预先计算好了。

def style_loss(Y_hat, gram_Y):
    return torch.square(gram(Y_hat) - gram_Y.detach()).mean()

5.3 全变分损失

有时候,我们学到的合成图像里面有大量高频噪点,即有特别亮或者特别暗的颗粒像素。 一种常见的去噪方法是全变分去噪(total variation denoising): 假设 𝑥𝑖,𝑗 表示坐标 (𝑖,𝑗) 处的像素值,降低全变分损失

在这里插入图片描述
能够尽可能使邻近的像素值相似。

def tv_loss(Y_hat):
    return 0.5 * (torch.abs(Y_hat[:, :, 1:, :] - Y_hat[:, :, :-1, :]).mean() +
                  torch.abs(Y_hat[:, :, :, 1:] - Y_hat[:, :, :, :-1]).mean())

5.4 损失函数

风格转移的损失函数是内容损失、风格损失和总变化损失加权和。 通过调节这些权重超参数,我们可以权衡合成图像在保留内容、迁移风格以及去噪三方面的相对重要性。

content_weight, style_weight, tv_weight = 1, 1e3, 10

def compute_loss(X, contents_Y_hat, styles_Y_hat, contents_Y, styles_Y_gram):
    # 分别计算内容损失、风格损失和全变分损失
    contents_l = [content_loss(Y_hat, Y) * content_weight for Y_hat, Y in zip(
        contents_Y_hat, contents_Y)]
    styles_l = [style_loss(Y_hat, Y) * style_weight for Y_hat, Y in zip(
        styles_Y_hat, styles_Y_gram)]
    tv_l = tv_loss(X) * tv_weight
    # 对所有损失求和
    l = sum(10 * styles_l + contents_l + [tv_l])
    return contents_l, styles_l, tv_l, l

6. 初始化合成图像

在风格迁移中,合成的图像是训练期间唯一需要更新的变量。因此,我们可以定义一个简单的模型SynthesizedImage,并将合成的图像视为模型参数。模型的前向传播只需返回模型参数即可。

# 这么定义之后,就可以对weight算梯度,对其进行更新
class SynthesizedImage(nn.Module):
    def __init__(self, img_shape, **kwargs):
        super(SynthesizedImage, self).__init__(**kwargs)
        self.weight = nn.Parameter(torch.rand(*img_shape))

    def forward(self): # 返回模型参数
        return self.weight

下面,我们定义get_inits函数。该函数创建了合成图像的模型实例,并将其初始化为图像X。风格图像在各个风格层的格拉姆矩阵styles_Y_gram将在训练前预先计算好。

def get_inits(X, device, lr, styles_Y):
    # 获取到图片的形状,但是权重参数暂时是随机初始化的,再将整体移动到gpu上
    gen_img = SynthesizedImage(X.shape).to(device)
    # 再用X图片本身的模型参数去重写
    gen_img.weight.data.copy_(X.data)
    trainer = torch.optim.Adam(gen_img.parameters(), lr=lr)
    styles_Y_gram = [gram(Y) for Y in styles_Y]
    return gen_img(), styles_Y_gram, trainer

7. 训练模型

在训练模型进行风格迁移时,我们不断抽取合成图像的内容特征和风格特征,然后计算损失函数。下面定义了训练循环。

def train(X, contents_Y, styles_Y, device, lr, num_epochs, lr_decay_epoch):
    X, styles_Y_gram, trainer = get_inits(X, device, lr, styles_Y)
    scheduler = torch.optim.lr_scheduler.StepLR(trainer, lr_decay_epoch, 0.8)
    animator = d2l.Animator(xlabel='epoch', ylabel='loss',
                            xlim=[10, num_epochs],
                            legend=['content', 'style', 'TV'],
                            ncols=2, figsize=(7, 2.5))
    for epoch in range(num_epochs):
        trainer.zero_grad()
        contents_Y_hat, styles_Y_hat = extract_features(
            X, content_layers, style_layers)
        contents_l, styles_l, tv_l, l = compute_loss(
            X, contents_Y_hat, styles_Y_hat, contents_Y, styles_Y_gram)
        l.backward()
        trainer.step()
        scheduler.step()
        if (epoch + 1) % 10 == 0:
            animator.axes[1].imshow(postprocess(X))
            animator.add(epoch + 1, [float(sum(contents_l)),
                                     float(sum(styles_l)), float(tv_l)])
    return X

现在我们训练模型: 首先将内容图像和风格图像的高和宽分别调整为300和450像素,用内容图像来初始化合成图像

device, image_shape = d2l.try_gpu(), (300, 450)
net = net.to(device)
# 预先抽取内容特征
content_X, contents_Y = get_contents(image_shape, device)
# 预先抽取风格特征
_, styles_Y = get_styles(image_shape, device)
# 第一个参数是content_X,可知是把内容图片作为初始图片传入
# (当然,也能用风格图片做初始化)
output = train(content_X, contents_Y, styles_Y, device, 0.3, 500, 50)

运行结果:

在这里插入图片描述

我们可以看到,合成图像保留了内容图像的风景和物体,并同时迁移了风格图像的色彩。例如,合成图像具有与风格图像中一样的色彩块,其中一些甚至具有画笔笔触的细微纹理。

8. Q&A

Q1: 越靠近输出端内容还原度越高还是越靠近输入端内容还原度越高?

A1: 越靠近输出端内容还原度越高。

Q2: TV损失可以理解为图像平滑技术吗?

A2:可以

Q3:为什么卷积层的kernel不需要参加训练?

A3: 因为不需要更新它,卷积层在这里只是被用来抽取特征的,我只需要更新合成图片。

  • 3
    点赞
  • 21
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
以下是使用TensorFlow实现风格迁移的Python代码: ```python import numpy as np import tensorflow as tf import scipy.misc import argparse import os import time import sys # 定义参数 parser = argparse.ArgumentParser() parser.add_argument('--content', type=str, default='content.jpg', help='Content image') parser.add_argument('--style', type=str, default='style.jpg', help='Style image') parser.add_argument('--output', type=str, default='output.jpg', help='Output image') parser.add_argument('--iterations', type=int, default=1000, help='Number of iterations') parser.add_argument('--content_weight', type=float, default=0.1, help='Content weight') parser.add_argument('--style_weight', type=float, default=1.0, help='Style weight') parser.add_argument('--learning_rate', type=float, default=10, help='Learning rate') args = parser.parse_args() # 加载图像 def load_image(path): image = scipy.misc.imread(path).astype(np.float) image = np.expand_dims(image, axis=0) image = vgg19.preprocess(image) return image # 保存图像 def save_image(path, image): image = image.reshape((image.shape[1], image.shape[2], 3)) image = vgg19.deprocess(image) scipy.misc.imsave(path, image) # 定义VGG19模型 class VGG19: def __init__(self, input_image): self.input_image = input_image self.mean_pixel = np.array([123.68, 116.779, 103.939]).reshape((1,1,1,3)) self.layers = [ 'conv1_1', 'relu1_1', 'conv1_2', 'relu1_2', 'pool1', 'conv2_1', 'relu2_1', 'conv2_2', 'relu2_2', 'pool2', 'conv3_1', 'relu3_1', 'conv3_2', 'relu3_2', 'conv3_3', 'relu3_3', 'conv3_4', 'relu3_4', 'pool3', 'conv4_1', 'relu4_1', 'conv4_2', 'relu4_2', 'conv4_3', 'relu4_3', 'conv4_4', 'relu4_4', 'pool4', 'conv5_1', 'relu5_1', 'conv5_2', 'relu5_2', 'conv5_3', 'relu5_3', 'conv5_4', 'relu5_4' ] self.weights = self.load_weights() # 加载VGG19模型的权重 def load_weights(self): weights = np.load('vgg19_weights.npy', encoding='latin1').item() return weights # 预处理图像 def preprocess(self, image): return image - self.mean_pixel # 反向预处理图像 def deprocess(self, image): return image + self.mean_pixel # 定义卷积层 def conv_layer(self, input, weights, bias): conv = tf.nn.conv2d(input, tf.constant(weights), strides=(1,1,1,1), padding='SAME') return tf.nn.bias_add(conv, bias) # 定义池化层 def pool_layer(self, input): return tf.nn.max_pool(input, ksize=(1,2,2,1), strides=(1,2,2,1), padding='SAME') # 定义前向传播 def forward(self): net = {} current = self.input_image for i, name in enumerate(self.layers): kind = name[:4] if kind == 'conv': kernels = self.weights[name][0][0] bias = self.weights[name][0][1] current = self.conv_layer(current, kernels, bias) elif kind == 'relu': current = tf.nn.relu(current) elif kind == 'pool': current = self.pool_layer(current) net[name] = current return net # 定义内容损失 def content_loss(content, combination): return tf.reduce_sum(tf.square(combination - content)) # 定义风格损失 def style_loss(style, combination): S = gram_matrix(style) C = gram_matrix(combination) channels = 3 size = style.shape[1] * style.shape[2] return tf.reduce_sum(tf.square(S - C)) / (4.0 * (channels ** 2) * (size ** 2)) # 定义Gram矩阵 def gram_matrix(input_tensor): channels = int(input_tensor.shape[-1]) a = tf.reshape(input_tensor, [-1, channels]) n = tf.shape(a)[0] gram = tf.matmul(a, a, transpose_a=True) return gram / tf.cast(n, tf.float32) # 定义总损失 def total_loss(content_image, style_image, combination_image): with tf.variable_scope('loss') as scope: content_layers = ['conv4_2'] style_layers = ['conv1_1', 'conv2_1', 'conv3_1', 'conv4_1', 'conv5_1'] vgg = VGG19(combination_image) net = vgg.forward() content_features = {} style_features = {} for layer in content_layers: content_features[layer] = net[layer] for layer in style_layers: style_features[layer] = net[layer] loss = 0 # 计算内容损失 for layer in content_layers: content_feature = content_features[layer] combination_feature = net[layer] loss += args.content_weight * content_loss(content_feature, combination_feature) # 计算风格损失 for layer in style_layers: style_feature = style_features[layer] combination_feature = net[layer] sl = style_loss(style_feature, combination_feature) loss += (args.style_weight / len(style_layers)) * sl # 计算总变差损失 loss += args.tv_weight * tf.image.total_variation(combination_image) return loss # 定义训练函数 def train(content_image, style_image, output_image): content_shape = content_image.shape style_shape = style_image.shape with tf.Graph().as_default(): # 定义输入 content = tf.placeholder(tf.float32, shape=content_shape, name='content') style = tf.placeholder(tf.float32, shape=style_shape, name='style') combination = tf.Variable(tf.random_normal(content_shape), name='combination') # 定义损失函数 loss = total_loss(content, style, combination) # 定义优化器 optimizer = tf.train.AdamOptimizer(args.learning_rate).minimize(loss) # 开始训练 with tf.Session() as sess: sess.run(tf.global_variables_initializer()) sess.run(tf.assign(combination, content)) for i in range(args.iterations): sess.run(optimizer, feed_dict={content: content_image, style: style_image}) if i % 100 == 0: print('Iteration %d' % i) output_image = sess.run(combination, feed_dict={content: content_image, style: style_image}) save_image(args.output, output_image) output_image = sess.run(combination, feed_dict={content: content_image, style: style_image}) save_image(args.output, output_image) # 加载图像 content_image = load_image(args.content) style_image = load_image(args.style) # 进行风格迁移 train(content_image, style_image, args.output) ```

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值