教你如何使用GAN为口袋妖怪上色
阿丽66
发表于 2023-1-14 11:50:51
233
0
0
在之前的Demo中,我们使用了条件GAN来生成了手写数字图像。那么除了生成数字图像以外我们还能用神经网络来干些什么呢?# u9 H+ n5 m$ H3 U8 z3 ~; |) H
在本案例中,我们用神经网络来给口袋妖怪的线框图上色。
第一步: 导入使用库
from __future__ import absolute_import, division, print_function, unicode_literals3 V( ?" E0 x% p% o$ Y
import tensorflow as tf
tf.enable_eager_execution()- T, `$ O) I# D
import numpy as np
import pandas as pd4 C& z4 `1 A1 @
import os q6 [: K% S |, I: t) v: C
import time
import matplotlib.pyplot as plt* B- M8 h* D5 Y6 x) d
from IPython.display import clear_output
口袋妖怪上色的模型训练过程中,需要比较大的显存。为了保证我们的模型能在2070上顺利的运行,我们限制了显存的使用量为90%, 来避免显存不足的引起的错误。1 y$ x( z1 F0 c4 r0 C1 {+ F
config = tf.compat.v1.ConfigProto()
config.gpu_options.per_process_gpu_memory_fraction = 0.9
session = tf.compat.v1.Session(config=config)
定义需要使用到的常量。' ]$ G8 x8 t; K% p
BUFFER_SIZE = 400% X% _+ a- ]' u/ F( f% U! b
BATCH_SIZE = 1# v) c# L! v4 M9 c# b9 }' u$ B9 ~
IMG_WIDTH = 256
IMG_HEIGHT = 256' v9 N W% d9 @& f
PATH = 'dataset/'
OUTPUT_CHANNELS = 3
LAMBDA = 100
EPOCHS = 100 J! V: }5 y; \) u+ Z
第二步: 定义需要使用的函数
图片数据加载函数,主要的作用是使用Tensorflow的io接口读入图片,并且放入tensor的对象中,方便后续使用. w) z' y( v: g
def load(image_file):
image = tf.io.read_file(image_file)3 j. F2 |& e4 |6 w1 w
image = tf.image.decode_jpeg(image)
w = tf.shape(image)[1]8 j7 W: e) X; m2 y1 u' s* B+ v3 x
w = w // 2. q( s! A# e g, {* @; c4 n+ |+ h, E7 @
input_image = image[:, :w, :]
real_image = image[:, w:, :]: V I- M1 \* ]
input_image = tf.cast(input_image, tf.float32)
real_image = tf.cast(real_image, tf.float32)
return input_image, real_image
tensor对象转成numpy对象的函数0 N" K% N$ b4 P/ k ?( |/ ~4 [
在训练过程中,我会可视化一些训练的结果以及中间状态的图片。Tensorflow的tensor对象无法直接在matplot中直接使用,因此我们需要一个函数,将tensor转成numpy对象。
def tensor_to_array(tensor1):3 w5 c2 T, B0 ^, [, A u$ @' @
return tensor1.numpy()
第三步: 数据可视化 b, _. A: @( W; q- Y4 E
我们先来看下我们的训练数据长成什么样。
我们每张数据图片分成了两个部分,左边部分是线框图,我们用来作为输入数据,右边部分是上色图,我们用来作为训练的目标图片。 y* l# E! | d' \! }
我们使用上面定义的load函数来加载一张图片看下
input, real = load(PATH+'train/114.jpg')
plt.figure()
plt.imshow(tensor_to_array(input)/255.0)
plt.figure()& s- y: o/ b3 b' ~0 B
plt.imshow(tensor_to_array(real)/255.0)
第四步: 数据增强3 c& j* X; y' p9 G: G) F
由于我们的训练数据不够多,我们使用数据增强来增加我们的样本。从而让小样本的数据也能达到更好的效果。
我们采取如下的数据增强方案:5 i' D# t5 a5 j' g) P5 A! M
图片缩放, 将输入数据的图片缩放到我们指定的图片的大小随机裁剪数据归一化左右翻转
1 }+ O/ S' N" k8 y$ ]; w& r( i
def resize(input_image, real_image, height, width):& G2 c/ K) F% j+ D0 s, n$ H
input_image = tf.image.resize(input_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)9 m$ X- R8 `- O0 o, ^- l2 ]
real_image = tf.image.resize(real_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
return input_image, real_image- B8 c s+ l- u5 {$ Q
def random_crop(input_image, real_image):) C6 }8 J2 h* O2 c, E
stacked_image = tf.stack([input_image, real_image], axis=0)
cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])5 Q" b7 U- Y4 K; M# ~7 N( M: Z
return cropped_image[0], cropped_image[1], `! d& H0 E! ~; Y& ?$ I
def random_crop(input_image, real_image):# @- \/ R/ u8 Z/ f
stacked_image = tf.stack([input_image, real_image], axis=0)/ B/ U- @2 d6 q* `$ @' r* t- m
cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])
return cropped_image[0], cropped_image[1]
我们将上述的增强方案做成一个函数,其中左右翻转是随机进行
@tf.function()4 [& N; c0 D% \
def random_jitter(input_image, real_image):: P3 ]& B2 z. I* f% D
input_image, real_image = resize(input_image, real_image, 286, 286)4 d$ D% h6 v, d3 V1 J0 S8 r( r: r* G$ w
input_image, real_image = random_crop(input_image, real_image)
if tf.random.uniform(()) > 0.5:
input_image = tf.image.flip_left_right(input_image). m6 U2 A! k. N+ S! _# ^- J
real_image = tf.image.flip_left_right(real_image)1 I- Q7 f4 ]1 n- H: _; D
return input_image, real_image
数据增强的效果1 l. U* f6 |) o8 G! M# _6 m/ x
plt.figure(figsize=(6, 6))$ L: I. T9 I9 P( X, j! ~
for i in range(4):: {* q) H7 T* M1 j8 J$ R5 b
input_image, real_image = random_jitter(input, real)
plt.subplot(2, 2, i+1)
plt.imshow(tensor_to_array(input_image)/255.0)5 O. `; `9 E0 k* u% Y
plt.axis('off')
plt.show()# A. Q3 y* J3 W
第五步: 训练数据的准备8 |4 a4 Z. ?* l% X7 B
定义训练数据跟测试数据的加载函数9 ?$ [; o: Q' ^: C e2 h2 y
def load_image_train(image_file):7 P4 N3 N3 I2 ^/ m2 V9 j
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):
input_image, real_image = load(image_file)
input_image, real_image = resize(input_image, real_image, IMG_HEIGHT, IMG_WIDTH)* ?2 }9 F7 {. p+ _2 ~0 F* P1 j+ l
input_image, real_image = normalize(input_image, real_image), [0 [5 a j# L$ L0 l
return input_image, real_image
使用tensorflow的DataSet来加载训练和测试数据, 定义我们的训练数据跟测试数据集对象8 k( @- G# ?2 ~ a9 R
train_dataset = tf.data.Dataset.list_files(PATH+'train/*.jpg')+ _* u" [. F& N" }2 r5 t/ B
train_dataset = train_dataset.map(load_image_train, num_parallel_calls=tf.data.experimental.AUTOTUNE)
train_dataset = train_dataset.cache().shuffle(BUFFER_SIZE)) g7 @# r+ F4 M* I2 `/ J
train_dataset = train_dataset.batch(1)
test_dataset = tf.data.Dataset.list_files(PATH+'test/*.jpg')
test_dataset = test_dataset.map(load_image_test)5 _$ e# b* [' F q1 R2 r
test_dataset = test_dataset.batch(1)( V2 W# ? U; f/ i# Y0 N' l1 y4 m
第六步: 定义模型
口袋妖怪的上色,我们使用的是GAN模型来训练, 相比上个条件GAN生成手写数字图片,这次的GAN模型的复杂读更加的高。
我们先来看下生成网络跟判别网络的整体结构
生成网络- U6 u1 {0 |$ V
生成网络使用了U-Net的基本框架,编码阶段的每一个Block我们使用, 卷积层->BN层->LeakyReLU的方式。解码阶段的每一个Block我们使用, 反卷积->BN层->Dropout或者ReLU。其中前三个Block我们使用Dropout, 后面的我们使用ReLU。每一个编码层的Block输出还连接了与之对应的解码层的Block. 具体可以参考U-Net的skip connection.
定义编码Block( }/ k4 J5 E" P2 N! R
def downsample(filters, size, apply_batchnorm=True):+ X/ V ?8 ?, z3 |% L
initializer = tf.random_normal_initializer(0., 0.02)
result = tf.keras.Sequential()) J' K1 p/ @1 b3 F8 [0 m9 R2 v, U
result.add(tf.keras.layers.Conv2D(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))( D8 E$ r3 m% g. Z
if apply_batchnorm:( ?: r% e. U2 p- h( h
result.add(tf.keras.layers.BatchNormalization())5 j/ y( z8 o, r6 ?8 P! F
result.add(tf.keras.layers.LeakyReLU())7 T0 s# o2 G2 L- E
return result
down_model = downsample(3, 4)5 D8 _* v# f/ }* B3 ~3 p
定义解码Block
def upsample(filters, size, apply_dropout=False):
initializer = tf.random_normal_initializer(0., 0.02)
result = tf.keras.Sequential()
result.add(tf.keras.layers.Conv2DTranspose(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))
result.add(tf.keras.layers.BatchNormalization())
if apply_dropout:
result.add(tf.keras.layers.Dropout(0.5))" |; L6 W: s7 D6 X' Q1 X5 D
result.add(tf.keras.layers.ReLU())9 R/ ?1 u5 g2 i: I
return result1 I2 [* g/ ^! O+ `# Q2 m8 K
up_model = upsample(3, 4)* e; ]# ^( [) J2 w4 t; w; \+ q
定义生成网络模型" A! r8 D3 ~- u. E6 o
def Generator():( u d: F4 b& K) D4 |) T2 Q
down_stack = [& t( N2 i( D- X `4 @9 C, }
downsample(64, 4, apply_batchnorm=False), # (bs, 128, 128, 64)
downsample(128, 4), # (bs, 64, 64, 128)9 ~5 V6 c3 L* Y4 j
downsample(256, 4), # (bs, 32, 32, 256)
downsample(512, 4), # (bs, 16, 16, 512)0 y1 t$ B- a- A7 z n l2 i) }: ?! f
downsample(512, 4), # (bs, 8, 8, 512)
downsample(512, 4), # (bs, 4, 4, 512)& l4 j: M. M3 W( n' K3 u
downsample(512, 4), # (bs, 2, 2, 512)7 n$ Y' |# s0 o4 m2 u
downsample(512, 4), # (bs, 1, 1, 512)
]
up_stack = [
upsample(512, 4, apply_dropout=True), # (bs, 2, 2, 1024). ^- Y( g# P f8 |7 c/ [9 F6 ^3 f3 S. h
upsample(512, 4, apply_dropout=True), # (bs, 4, 4, 1024)2 ^% D4 D, W+ {6 e/ H2 G
upsample(512, 4, apply_dropout=True), # (bs, 8, 8, 1024)
upsample(512, 4), # (bs, 16, 16, 1024)
upsample(256, 4), # (bs, 32, 32, 512)
upsample(128, 4), # (bs, 64, 64, 256)- ?6 W* E3 Y, z; N( ?; z
upsample(64, 4), # (bs, 128, 128, 128)
]
initializer = tf.random_normal_initializer(0., 0.02)
last = tf.keras.layers.Conv2DTranspose(OUTPUT_CHANNELS, 4,8 ?4 X5 E0 g. Q
strides=2,
padding='same',8 h N6 l/ r; g. G, ~
kernel_initializer=initializer,
activation='tanh') # (bs, 256, 256, 3)
concat = tf.keras.layers.Concatenate()
inputs = tf.keras.layers.Input(shape=[None,None,3])# j+ P& l% K: q1 o
x = inputs4 N+ J, E3 P# @; ?
skips = []( k4 V: B7 [ i
for down in down_stack:8 M+ ^6 B# o6 Z: r+ l
x = down(x)2 N0 H7 W0 G p" u! n2 U' s
skips.append(x)& \# y, [# N2 A
skips = reversed(skips[:-1])
for up, skip in zip(up_stack, skips):
x = up(x)
x = concat([x, skip])
x = last(x)# G# f' R1 p/ U
return tf.keras.Model(inputs=inputs, outputs=x), I: b2 s' m" v2 A S) ?
generator = Generator()
判别网络 H+ c: S% H+ s
判别网络我们使用PatchGAN, PatchGAN又称之为马尔可夫判别器。传统的基于CNN的分类模型有很多都是在最后引入了一个全连接层,然后将判别的结果输出。然而PatchGAN却不一样,它完全由卷积层构成,最后输出的是一个纬度为N的方阵。然后计算矩阵的均值作真或者假的输出。从直观上看,输出方阵的每一个输出,是模型对原图中的一个感受野,这个感受野对应了原图中的一块地方,也称之为Patch,因此,把这种结构的GAN称之为PatchGAN。
PatchGAN中的每一个Block是由卷积层->BN层->Leaky ReLU组成的。
在我们的这个模型中,最后一层我们的输出的纬度是(Batch Size, 30, 30, 1), 其中1表示图片的通道。
每个30x30的输出对应着原图的70x70的区域。详细的结构可以参考这篇论文。
def Discriminator():3 {/ h ]% b* g9 k, q! F
initializer = tf.random_normal_initializer(0., 0.02) [6 y; ~, S9 ^* C% a
inp = tf.keras.layers.Input(shape=[None, None, 3], name='input_image')" Z4 x; Z- a( x9 c' W
tar = tf.keras.layers.Input(shape=[None, None, 3], name='target_image')
# (batch size, 256, 256, channels*2)7 b" O" a0 g# U7 `
x = tf.keras.layers.concatenate([inp, tar])# E- g4 `9 y& D2 r
# (batch size, 128, 128, 64)
down1 = downsample(64, 4, False)(x)
# (batch size, 64, 64, 128)
down2 = downsample(128, 4)(down1)
' _, p% O; M4 c u
# (batch size, 32, 32, 256)
down3 = downsample(256, 4)(down2)5 y, v3 r: @/ X' _- j5 K3 ?
# (batch size, 34, 34, 256)
zero_pad1 = tf.keras.layers.ZeroPadding2D()(down3)- l6 o/ O* R/ S) ?
* a4 i! Z4 \9 L0 n. c& X1 x: C- V
# (batch size, 31, 31, 512)9 F6 L% s: h# D6 D Z0 L8 @ Y( U. E
conv = tf.keras.layers.Conv2D(512, 4, strides=1, kernel_initializer=initializer, use_bias=False)(zero_pad1)$ A* X5 ?" D. V7 f$ u: r% N
batchnorm1 = tf.keras.layers.BatchNormalization()(conv)
leaky_relu = tf.keras.layers.LeakyReLU()(batchnorm1)
# (batch size, 33, 33, 512)
zero_pad2 = tf.keras.layers.ZeroPadding2D()(leaky_relu)
# (batch size, 30, 30, 1)
last = tf.keras.layers.Conv2D(1, 4, strides=1, kernel_initializer=initializer)(zero_pad2)
return tf.keras.Model(inputs=[inp, tar], outputs=last)9 T0 F# ?. b1 O7 r0 C S
discriminator = Discriminator()( Y4 j1 W# A; ^! A+ b
第七步: 定义损失函数和优化器, v" B. n) S# G
**% e& i/ ^% b/ o- l) k% e0 X
**% P5 P" K% i5 z! j& l
loss_object = tf.keras.losses.BinaryCrossentropy(from_logits=True)$ D" a0 ?6 ?% ~0 Z# x E% M
**. t5 J# J, T, X5 n* q4 s! L5 }
def discriminator_loss(disc_real_output, disc_generated_output):! I. q1 c: C' Y3 L( |
real_loss = loss_object(tf.ones_like(disc_real_output), disc_real_output)) @/ c% D$ X- ~" K7 h" E
generated_loss = loss_object(tf.zeros_like(disc_generated_output), disc_generated_output)* ]3 E9 v& s2 q
total_disc_loss = real_loss + generated_loss
return total_disc_loss
def generator_loss(disc_generated_output, gen_output, target):: }. t# Y9 a Q+ M, J( m
gan_loss = loss_object(tf.ones_like(disc_generated_output), disc_generated_output)+ f5 f) q" X0 v* ?
l1_loss = tf.reduce_mean(tf.abs(target - gen_output))
total_gen_loss = gan_loss + (LAMBDA * l1_loss)) I- ]- B: L+ V, F8 _ G9 z1 p
return total_gen_loss, \' i" `% M4 {6 ~ o
generator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)* |- Q1 |5 ?- _
discriminator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
+ w8 b& L4 ~ r9 ~: ?7 I4 m
第八步: 定义CheckPoint函数
由于我们的训练时间较长,因此我们会保存中间的训练状态,方便后续加载继续训练
checkpoint = tf.train.Checkpoint(generator_optimizer=generator_optimizer,
discriminator_optimizer=discriminator_optimizer,8 ]. t9 `+ r: O' @- V9 L
generator=generator,3 U9 p. T+ I; A% K; U
discriminator=discriminator)6 {8 L" U/ z1 F6 w1 N- v7 Z
如果我们保存了之前的训练的结果,我们加载保存的数据。然后我们应用上次保存的模型来输出下我们的测试数据。
def generate_images(model, test_input, tar):
prediction = model(test_input, training=True)$ t' B$ C8 p. Q1 E. `4 Z: n
plt.figure(figsize=(15,15))* C6 |& ^( H# v3 p7 L4 ^
display_list = [test_input[0], tar[0], prediction[0]]- ~& ?3 b3 }( q; O* j
title = ['Input', 'Target', 'Predicted']% H, h3 \+ f' c$ `$ j, r3 u
for i in range(3):
plt.subplot(1, 3, i+1)
plt.title(title), s ?* d: Y' v1 Y. J+ T
plt.imshow(tensor_to_array(display_list) * 0.5 + 0.5)* Z$ \) p$ y& ~6 r( D+ j( J% J
plt.axis('off')
plt.show()0 C- b- t' E; W
ckpt_manager = tf.train.CheckpointManager(checkpoint, "./", max_to_keep=2)
if ckpt_manager.latest_checkpoint:) U7 ]" N3 V- O ~$ ?+ F. l# L
checkpoint.restore(ckpt_manager.latest_checkpoint)
for inp, tar in test_dataset.take(20):; l) [5 C* m3 o" t# Y
generate_images(generator, inp, tar)
第九步: 训练; i! }& S$ Q7 ?5 d
在训练中,我们输出第一张图片来查看每个epoch给我们的预测结果带来的变化。让大家感受到其中的乐趣1 S+ A- J, V! B7 ?
每20个epoch我们保存一次状态
@tf.function* v( G, e# c2 L5 _, Y1 G C( H1 w3 [
def train_step(input_image, target):, L; |) ]3 l: Y7 S8 J D* @( E' y
with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:
gen_output = generator(input_image, training=True)
disc_real_output = discriminator([input_image, target], training=True)
disc_generated_output = discriminator([input_image, gen_output], training=True)5 i1 i; _ J/ b) }* \4 ^' [) z
gen_loss = generator_loss(disc_generated_output, gen_output, target)
disc_loss = discriminator_loss(disc_real_output, disc_generated_output)
generator_gradients = gen_tape.gradient(gen_loss,2 ^5 X; [5 k. B
generator.trainable_variables)
discriminator_gradients = disc_tape.gradient(disc_loss,
discriminator.trainable_variables)
generator_optimizer.apply_gradients(zip(generator_gradients,
generator.trainable_variables)). _9 n# o- ^ M, x3 }1 F R- G( D* F
discriminator_optimizer.apply_gradients(zip(discriminator_gradients,
discriminator.trainable_variables))0 q( a" y% I8 M- b" A
def fit(train_ds, epochs, test_ds):
for epoch in range(epochs):. ?6 z6 `2 Y! h4 j X* [* o
start = time.time()
for input_image, target in train_ds:1 i( ?/ I' g7 D) `( \+ V
train_step(input_image, target); y: `2 T o7 J1 W
clear_output(wait=True)
! _1 X2 b, g- c! R- {5 @8 _
for example_input, example_target in test_ds.take(1):1 [9 q3 M- f7 C7 H8 I
generate_images(generator, example_input, example_target)
if (epoch + 1) % 20 == 0:
ckpt_save_path = ckpt_manager.save()( n5 [$ K( t5 U0 c( c7 L
print ('保存第{}个epoch到{}\n'.format(epoch+1, ckpt_save_path))4 R& [$ Q% ]8 l6 {5 y
print ('训练第{}个epoch所用的时间为{:.2f}秒\n'.format(epoch + 1, time.time()-start))
fit(train_dataset, EPOCHS, test_dataset)) o2 z L( j; d" y
训练第8个epoch所用的时间为51.33秒。3 Z; ]& d" k! l9 ?: b1 y) {5 A d3 B
第十步: 使用测试数据上色,查看下我们的效果
for input, target in test_dataset.take(20):
generate_images(generator, input, target)4 C# ^, o3 B; y: M! e; d
矩池云现在已经上架 “口袋妖怪上色” 镜像;感兴趣的小伙伴可以通过矩池云官网“Jupyter 教程 Demo” 镜像中尝试使用。 x8 p$ ^( g! D2 ~% e+ J' s1 @" o
成为第一个吐槽的人