教你如何使用GAN为口袋妖怪上色
阿丽66
发表于 2023-1-14 11:50:51
232
0
0
在之前的Demo中,我们使用了条件GAN来生成了手写数字图像。那么除了生成数字图像以外我们还能用神经网络来干些什么呢?% v S" v8 c2 L; X, W' U1 t8 A) Z
在本案例中,我们用神经网络来给口袋妖怪的线框图上色。
第一步: 导入使用库
from __future__ import absolute_import, division, print_function, unicode_literals3 ?$ n% n9 n* {+ {, }
import tensorflow as tf
tf.enable_eager_execution()
import numpy as np q/ |/ m. ?4 s" A
import pandas as pd- v0 |, K1 |, j2 w% \
import os
import time2 w/ y, ], G% w: r
import matplotlib.pyplot as plt# y7 K! m+ c, Z6 N$ ~) \/ `! q
from IPython.display import clear_output
口袋妖怪上色的模型训练过程中,需要比较大的显存。为了保证我们的模型能在2070上顺利的运行,我们限制了显存的使用量为90%, 来避免显存不足的引起的错误。, s: Y' I7 W" v8 u5 r1 C4 j
config = tf.compat.v1.ConfigProto()
config.gpu_options.per_process_gpu_memory_fraction = 0.94 t7 M1 j1 f& B/ ~
session = tf.compat.v1.Session(config=config)0 [: m. ?# v. i# v
定义需要使用到的常量。1 W. S$ T5 n8 E4 \% W5 e4 c
BUFFER_SIZE = 400& E/ Y3 T- O$ ?
BATCH_SIZE = 1 [ a+ e& B- N* ]& ?7 N
IMG_WIDTH = 256
IMG_HEIGHT = 256
PATH = 'dataset/'
OUTPUT_CHANNELS = 3
LAMBDA = 1004 U! |" ?4 O' D5 R$ q4 `5 M
EPOCHS = 10
第二步: 定义需要使用的函数6 B0 z3 l0 L; T4 d2 z6 h
图片数据加载函数,主要的作用是使用Tensorflow的io接口读入图片,并且放入tensor的对象中,方便后续使用
def load(image_file):
image = tf.io.read_file(image_file)
image = tf.image.decode_jpeg(image)' t$ ]% m4 J# B# r) @
w = tf.shape(image)[1]" k! Z$ [! v6 t( V' s f# ?0 x7 y' H
w = w // 24 p9 ]$ l5 z$ w3 T5 P; u: P/ P, M- u
input_image = image[:, :w, :]( d5 R0 L1 g7 g6 ?1 O2 D
real_image = image[:, w:, :]
input_image = tf.cast(input_image, tf.float32)
real_image = tf.cast(real_image, tf.float32)
return input_image, real_image* V, a" s! V' D& V( D9 Y
tensor对象转成numpy对象的函数
在训练过程中,我会可视化一些训练的结果以及中间状态的图片。Tensorflow的tensor对象无法直接在matplot中直接使用,因此我们需要一个函数,将tensor转成numpy对象。
def tensor_to_array(tensor1):* t9 R9 r- W: |2 f
return tensor1.numpy()
第三步: 数据可视化
我们先来看下我们的训练数据长成什么样。( h2 U! V4 s! r8 j T- L/ |
我们每张数据图片分成了两个部分,左边部分是线框图,我们用来作为输入数据,右边部分是上色图,我们用来作为训练的目标图片。6 w$ m ^+ g' m9 e Y8 `0 z
我们使用上面定义的load函数来加载一张图片看下
input, real = load(PATH+'train/114.jpg')
plt.figure(); j3 O9 a8 Q% f/ r9 E" o: v5 ` @
plt.imshow(tensor_to_array(input)/255.0)
plt.figure()
plt.imshow(tensor_to_array(real)/255.0)
第四步: 数据增强! s( {" F( C; g$ Q4 r; z+ e
由于我们的训练数据不够多,我们使用数据增强来增加我们的样本。从而让小样本的数据也能达到更好的效果。
我们采取如下的数据增强方案:9 H+ x5 X6 O0 R: K
图片缩放, 将输入数据的图片缩放到我们指定的图片的大小随机裁剪数据归一化左右翻转
1 n) R! u* W, b: H1 ~0 H0 [
def resize(input_image, real_image, height, width):
input_image = tf.image.resize(input_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
real_image = tf.image.resize(real_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
return input_image, real_image
def random_crop(input_image, real_image):
stacked_image = tf.stack([input_image, real_image], axis=0): V; L% V! U I8 C! F7 p6 M& \
cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])
return cropped_image[0], cropped_image[1]6 m. f; P8 Y8 D& s5 j5 O+ S
def random_crop(input_image, real_image):
stacked_image = tf.stack([input_image, real_image], axis=0)3 a* r& D" r# i+ p! t
cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])+ |9 C* u J9 Z) M( e) C
return cropped_image[0], cropped_image[1]
我们将上述的增强方案做成一个函数,其中左右翻转是随机进行( x, m2 Y& I- [; t
@tf.function()( B+ d k/ B: H' e
def random_jitter(input_image, real_image):
input_image, real_image = resize(input_image, real_image, 286, 286)
input_image, real_image = random_crop(input_image, real_image)- J& }" e: R( p0 o- |) r( F
if tf.random.uniform(()) > 0.5:
input_image = tf.image.flip_left_right(input_image)
real_image = tf.image.flip_left_right(real_image), ?! ]! c% ^' R$ ~
return input_image, real_image1 Z! B0 D2 Q m; t g
数据增强的效果
plt.figure(figsize=(6, 6))6 T$ W; G& q0 k/ [
for i in range(4):
input_image, real_image = random_jitter(input, real)( v/ n6 ]5 k. B) ~9 O
plt.subplot(2, 2, i+1)" Z. ?" Z# S* p
plt.imshow(tensor_to_array(input_image)/255.0)( ^7 x P( }! |! V
plt.axis('off')
plt.show()
第五步: 训练数据的准备
定义训练数据跟测试数据的加载函数
def load_image_train(image_file):6 C. u8 S' D! V9 h
input_image, real_image = load(image_file)
input_image, real_image = random_jitter(input_image, real_image)
input_image, real_image = normalize(input_image, real_image)
return input_image, real_image
def load_image_test(image_file):7 z, M1 g \) R
input_image, real_image = load(image_file)1 B# m; U# l" f
input_image, real_image = resize(input_image, real_image, IMG_HEIGHT, IMG_WIDTH)4 S& s; ?- [$ c5 p6 x% I2 P
input_image, real_image = normalize(input_image, real_image)' x1 L, a+ t& N
return input_image, real_image# V3 a8 o4 b* H; `" U% j$ _
使用tensorflow的DataSet来加载训练和测试数据, 定义我们的训练数据跟测试数据集对象, e5 S- L* f. u
train_dataset = tf.data.Dataset.list_files(PATH+'train/*.jpg')
train_dataset = train_dataset.map(load_image_train, num_parallel_calls=tf.data.experimental.AUTOTUNE)2 g$ |* C+ ]$ [4 D% ]; O3 L
train_dataset = train_dataset.cache().shuffle(BUFFER_SIZE)
train_dataset = train_dataset.batch(1)6 j$ T- p$ L6 p' @9 X
test_dataset = tf.data.Dataset.list_files(PATH+'test/*.jpg')
test_dataset = test_dataset.map(load_image_test)
test_dataset = test_dataset.batch(1)/ P' e+ }0 T: q" G& x
第六步: 定义模型
口袋妖怪的上色,我们使用的是GAN模型来训练, 相比上个条件GAN生成手写数字图片,这次的GAN模型的复杂读更加的高。. p" a6 y# k9 ~7 a5 z* H
我们先来看下生成网络跟判别网络的整体结构! r1 D1 L& Q% [8 G
生成网络
生成网络使用了U-Net的基本框架,编码阶段的每一个Block我们使用, 卷积层->BN层->LeakyReLU的方式。解码阶段的每一个Block我们使用, 反卷积->BN层->Dropout或者ReLU。其中前三个Block我们使用Dropout, 后面的我们使用ReLU。每一个编码层的Block输出还连接了与之对应的解码层的Block. 具体可以参考U-Net的skip connection.
定义编码Block
def downsample(filters, size, apply_batchnorm=True):0 K% f' j a" `/ g. D2 ]" [# ~
initializer = tf.random_normal_initializer(0., 0.02)3 i% g' W6 d. V- E; _) n# y; ~
result = tf.keras.Sequential()
result.add(tf.keras.layers.Conv2D(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False)) j9 V/ G: S- J$ R7 d0 E6 E# I
if apply_batchnorm:( j8 H, w) p- k7 ~
result.add(tf.keras.layers.BatchNormalization())
result.add(tf.keras.layers.LeakyReLU())
return result$ X2 R2 ?& j/ F
down_model = downsample(3, 4)
定义解码Block
def upsample(filters, size, apply_dropout=False):
initializer = tf.random_normal_initializer(0., 0.02)
result = tf.keras.Sequential()5 b% w9 z- g T" y5 l/ x
result.add(tf.keras.layers.Conv2DTranspose(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))/ t- c( U( ^/ G% H
result.add(tf.keras.layers.BatchNormalization())* d( s- E2 m' }
if apply_dropout:
result.add(tf.keras.layers.Dropout(0.5))1 L7 P# Y8 w& v- ]
result.add(tf.keras.layers.ReLU())7 T; a: q' X( y$ s' l4 s3 Y3 @
return result- U" v4 o3 a3 X, W, {
up_model = upsample(3, 4)2 s7 e4 Z0 l# ~, [. V* c
定义生成网络模型
def Generator():
down_stack = [# L. `0 v. y6 J3 w4 \- f E
downsample(64, 4, apply_batchnorm=False), # (bs, 128, 128, 64) m0 i6 n; j6 a4 {1 i! E ~
downsample(128, 4), # (bs, 64, 64, 128)
downsample(256, 4), # (bs, 32, 32, 256)
downsample(512, 4), # (bs, 16, 16, 512)
downsample(512, 4), # (bs, 8, 8, 512): }* j8 s8 H+ X8 V' v5 J7 M3 d
downsample(512, 4), # (bs, 4, 4, 512)
downsample(512, 4), # (bs, 2, 2, 512)0 Y2 @+ E6 c. P$ W0 B, C
downsample(512, 4), # (bs, 1, 1, 512)
]" P0 ~+ F4 d9 J( h
up_stack = [* P u( L$ n" @5 ]& K$ D1 k
upsample(512, 4, apply_dropout=True), # (bs, 2, 2, 1024)
upsample(512, 4, apply_dropout=True), # (bs, 4, 4, 1024). r/ q) S" W8 a
upsample(512, 4, apply_dropout=True), # (bs, 8, 8, 1024)" q6 q s7 g5 ~9 J# L) U X
upsample(512, 4), # (bs, 16, 16, 1024)
upsample(256, 4), # (bs, 32, 32, 512)
upsample(128, 4), # (bs, 64, 64, 256)
upsample(64, 4), # (bs, 128, 128, 128)
]' X0 Q9 J6 C1 Y/ W
initializer = tf.random_normal_initializer(0., 0.02)
last = tf.keras.layers.Conv2DTranspose(OUTPUT_CHANNELS, 4,8 N5 U% X# n S7 v! |
strides=2,* b9 Q: F6 r3 S0 \, {0 z1 m
padding='same',
kernel_initializer=initializer,
activation='tanh') # (bs, 256, 256, 3)/ J0 b2 F6 |8 I1 |% Q" s
concat = tf.keras.layers.Concatenate()/ K: ~& ^5 O5 P; J4 P+ i
inputs = tf.keras.layers.Input(shape=[None,None,3])% I, E# X) i. m6 @% B x
x = inputs3 c, Z% ^; Y) y& O# L) u8 X
skips = []) M# Y5 V* v1 G5 X% s& g- t8 ^
for down in down_stack: B. D9 J1 g; a$ `
x = down(x)
skips.append(x)
skips = reversed(skips[:-1])
for up, skip in zip(up_stack, skips):. S; o0 Z2 P" ^5 `
x = up(x)" v$ x9 d% O! b. m5 q9 T, Z
x = concat([x, skip])
x = last(x)9 y9 m3 \5 x( b7 r+ ^
return tf.keras.Model(inputs=inputs, outputs=x); x% k' V$ e$ V& v
generator = Generator()
判别网络
判别网络我们使用PatchGAN, PatchGAN又称之为马尔可夫判别器。传统的基于CNN的分类模型有很多都是在最后引入了一个全连接层,然后将判别的结果输出。然而PatchGAN却不一样,它完全由卷积层构成,最后输出的是一个纬度为N的方阵。然后计算矩阵的均值作真或者假的输出。从直观上看,输出方阵的每一个输出,是模型对原图中的一个感受野,这个感受野对应了原图中的一块地方,也称之为Patch,因此,把这种结构的GAN称之为PatchGAN。. L \2 {. Q& S% t
PatchGAN中的每一个Block是由卷积层->BN层->Leaky ReLU组成的。
在我们的这个模型中,最后一层我们的输出的纬度是(Batch Size, 30, 30, 1), 其中1表示图片的通道。
每个30x30的输出对应着原图的70x70的区域。详细的结构可以参考这篇论文。' d1 F# d4 o6 S9 E9 p u
def Discriminator():; C( W3 _$ B' O9 d% O2 d
initializer = tf.random_normal_initializer(0., 0.02)
inp = tf.keras.layers.Input(shape=[None, None, 3], name='input_image')
tar = tf.keras.layers.Input(shape=[None, None, 3], name='target_image')6 S5 T2 a# \" m# X# T' ?* h$ v
# (batch size, 256, 256, channels*2)5 y- D& }8 C/ z
x = tf.keras.layers.concatenate([inp, tar])
# (batch size, 128, 128, 64) U6 n* Y/ h- n) Y4 b% {$ n
down1 = downsample(64, 4, False)(x)" k+ f' j* J T1 m& c7 T* B
# (batch size, 64, 64, 128)
down2 = downsample(128, 4)(down1); E- a- N* O. I
# (batch size, 32, 32, 256)
down3 = downsample(256, 4)(down2)
# (batch size, 34, 34, 256)" y) b, \7 W, g
zero_pad1 = tf.keras.layers.ZeroPadding2D()(down3)
! I' p! w/ O/ ~+ H b0 s8 O
# (batch size, 31, 31, 512); O4 ]/ k7 W c' x5 Y
conv = tf.keras.layers.Conv2D(512, 4, strides=1, kernel_initializer=initializer, use_bias=False)(zero_pad1)
batchnorm1 = tf.keras.layers.BatchNormalization()(conv); c; e; Q, t2 N
leaky_relu = tf.keras.layers.LeakyReLU()(batchnorm1)4 d `) h+ c) ?
# (batch size, 33, 33, 512)9 L; ] H- I$ Y% [" @6 U
zero_pad2 = tf.keras.layers.ZeroPadding2D()(leaky_relu)
# (batch size, 30, 30, 1)' ]3 e, x; s! i, u5 i' b- F+ h
last = tf.keras.layers.Conv2D(1, 4, strides=1, kernel_initializer=initializer)(zero_pad2)& W: D, e D) O) z5 b
return tf.keras.Model(inputs=[inp, tar], outputs=last)
discriminator = Discriminator()/ i8 c! [' [1 m: B4 n. Z; _* X
第七步: 定义损失函数和优化器
**
**4 e6 K, ~7 C4 i! w" ~- d5 e
loss_object = tf.keras.losses.BinaryCrossentropy(from_logits=True)
**
def discriminator_loss(disc_real_output, disc_generated_output):
real_loss = loss_object(tf.ones_like(disc_real_output), disc_real_output)
generated_loss = loss_object(tf.zeros_like(disc_generated_output), disc_generated_output): k) Y; L' A3 L4 s9 {
total_disc_loss = real_loss + generated_loss
return total_disc_loss
def generator_loss(disc_generated_output, gen_output, target):! Y# N* x' V) u% b* y$ K* N8 T0 O
gan_loss = loss_object(tf.ones_like(disc_generated_output), disc_generated_output)
l1_loss = tf.reduce_mean(tf.abs(target - gen_output))
total_gen_loss = gan_loss + (LAMBDA * l1_loss)& J5 y. i+ U9 ^+ |6 u5 P
return total_gen_loss
generator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5): j0 R; d3 i8 n, c) H4 Q
discriminator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
7 {' a$ t, ?* d* I! p4 p7 |
第八步: 定义CheckPoint函数 }, M, N; A. R4 `" z
由于我们的训练时间较长,因此我们会保存中间的训练状态,方便后续加载继续训练" d1 z+ `6 a0 X( C5 \8 m/ P4 V F
checkpoint = tf.train.Checkpoint(generator_optimizer=generator_optimizer,5 r# p/ E5 y0 o# w* x
discriminator_optimizer=discriminator_optimizer,% R; j$ G$ R, U& B$ o7 e; Y
generator=generator, {" D4 a: P& c8 j# j5 ]
discriminator=discriminator)
如果我们保存了之前的训练的结果,我们加载保存的数据。然后我们应用上次保存的模型来输出下我们的测试数据。
def generate_images(model, test_input, tar):
prediction = model(test_input, training=True)
plt.figure(figsize=(15,15))
display_list = [test_input[0], tar[0], prediction[0]]& ]7 O0 t+ w% w' X k3 w
title = ['Input', 'Target', 'Predicted']
for i in range(3):3 S8 X7 c2 ?; u7 H: B! Q
plt.subplot(1, 3, i+1)
plt.title(title)2 }. o3 }0 \, |+ J! A* S4 n" q
plt.imshow(tensor_to_array(display_list) * 0.5 + 0.5)
plt.axis('off')
plt.show()/ S9 b! H* |8 M8 F' z
ckpt_manager = tf.train.CheckpointManager(checkpoint, "./", max_to_keep=2)
if ckpt_manager.latest_checkpoint:
checkpoint.restore(ckpt_manager.latest_checkpoint)( k) i. }( O5 R% b
for inp, tar in test_dataset.take(20):
generate_images(generator, inp, tar)/ I# P$ X1 j( S2 h
第九步: 训练! d: e. v5 K: C( a! G- W/ J
在训练中,我们输出第一张图片来查看每个epoch给我们的预测结果带来的变化。让大家感受到其中的乐趣1 K Q7 i/ `9 b
每20个epoch我们保存一次状态
@tf.function
def train_step(input_image, target):
with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:
gen_output = generator(input_image, training=True)1 T5 N& ]4 s# X& Y9 l# |
disc_real_output = discriminator([input_image, target], training=True)
disc_generated_output = discriminator([input_image, gen_output], training=True)
gen_loss = generator_loss(disc_generated_output, gen_output, target)9 z. E" k9 ]4 p1 i t$ E9 ]
disc_loss = discriminator_loss(disc_real_output, disc_generated_output)
generator_gradients = gen_tape.gradient(gen_loss,
generator.trainable_variables). E( n% g: X3 ?1 X# U! f3 K6 s
discriminator_gradients = disc_tape.gradient(disc_loss,
discriminator.trainable_variables), m9 B5 l0 b" v7 x5 w+ A8 J& R
generator_optimizer.apply_gradients(zip(generator_gradients,( f7 m3 ~/ y8 Y5 R
generator.trainable_variables))
discriminator_optimizer.apply_gradients(zip(discriminator_gradients,
discriminator.trainable_variables))
def fit(train_ds, epochs, test_ds):
for epoch in range(epochs):
start = time.time()
for input_image, target in train_ds:
train_step(input_image, target)
clear_output(wait=True)% M" z0 a% w' l& N, J$ T
A: G3 C" B6 v& T& d+ ]+ o
for example_input, example_target in test_ds.take(1):
generate_images(generator, example_input, example_target)
if (epoch + 1) % 20 == 0:
ckpt_save_path = ckpt_manager.save() Z( u4 c6 c$ w% h! R) n) i
print ('保存第{}个epoch到{}\n'.format(epoch+1, ckpt_save_path))6 W/ L$ N5 f+ s5 Z
print ('训练第{}个epoch所用的时间为{:.2f}秒\n'.format(epoch + 1, time.time()-start))1 Z7 ?3 n) r5 G) @; L
fit(train_dataset, EPOCHS, test_dataset)4 D, |$ H5 E/ `1 C
! f" n4 K: r9 q$ ]$ ?
训练第8个epoch所用的时间为51.33秒。7 f6 n) q8 b+ j& b, I+ {
第十步: 使用测试数据上色,查看下我们的效果
for input, target in test_dataset.take(20):2 `6 C; C% Q3 h- ?% h J% T; k
generate_images(generator, input, target)5 y' Z7 s @0 `% O
矩池云现在已经上架 “口袋妖怪上色” 镜像;感兴趣的小伙伴可以通过矩池云官网“Jupyter 教程 Demo” 镜像中尝试使用。
成为第一个吐槽的人