Hi 游客

更多精彩,请登录!

比特池塘 区块链技术 正文

教你如何使用GAN为口袋妖怪上色

阿丽66
140 0 0

8 o0 L; E" O! R2 g1 y, b在之前的Demo中,我们使用了条件GAN来生成了手写数字图像。那么除了生成数字图像以外我们还能用神经网络来干些什么呢?
' f4 P7 H6 d! c% [" z在本案例中,我们用神经网络来给口袋妖怪的线框图上色。
+ f1 J! I- o& U4 M第一步: 导入使用库" d) {+ i8 `% [# Q0 w6 A
from __future__ import absolute_import, division, print_function, unicode_literals
' n! r% d9 H: [7 m' s3 Timport tensorflow as tf: k, v" m8 v* y4 i+ g2 }, V* p$ N
tf.enable_eager_execution()
# s0 [! H5 o7 U4 iimport numpy as np2 @3 Z3 j4 ]9 ~6 ?8 l6 M! n
import pandas as pd- P; j) y) w( O0 U
import os
6 }! E( e2 K# R" }# Bimport time
3 ]) {0 d/ }; m" l- H. z' [; timport matplotlib.pyplot as plt
, `4 c; f" w, q1 p* g6 O- dfrom IPython.display import clear_output
" n1 x; ^, o/ b0 M口袋妖怪上色的模型训练过程中,需要比较大的显存。为了保证我们的模型能在2070上顺利的运行,我们限制了显存的使用量为90%, 来避免显存不足的引起的错误。" e5 O; V/ e! i+ b
config = tf.compat.v1.ConfigProto()
" B& B% j5 g9 J7 s9 r) Zconfig.gpu_options.per_process_gpu_memory_fraction = 0.9
) k: d$ a' K8 S- w6 X# Fsession = tf.compat.v1.Session(config=config)5 K3 }; P. N8 e
定义需要使用到的常量。
/ `$ j- u% c3 U- W0 zBUFFER_SIZE = 400
- @& v  f$ D2 D2 u# mBATCH_SIZE = 1  R4 \( g5 ~. \( G/ d# ~2 a0 V4 u! }
IMG_WIDTH = 256
  ^" J. |! \  Y' `& E) _IMG_HEIGHT = 256
  A  D+ _9 {( X  @- _PATH = 'dataset/'
+ m* A2 }; R  R# z% yOUTPUT_CHANNELS = 3
7 ~3 \, }6 j9 X0 T" y) K3 a4 F* sLAMBDA = 100
1 p/ n$ L; x4 ^3 KEPOCHS = 10+ f8 \- ]0 ^9 E1 C0 I/ B: f
第二步: 定义需要使用的函数* U3 d7 a. ~) F9 ^6 l0 o6 _
图片数据加载函数,主要的作用是使用Tensorflow的io接口读入图片,并且放入tensor的对象中,方便后续使用
& V/ E  V. b" Z+ s. idef load(image_file):
& ~3 f0 i% W1 k. V. ^7 H7 w, |1 h    image = tf.io.read_file(image_file)
: x6 c+ `% ^8 Q    image = tf.image.decode_jpeg(image)$ d, {7 e2 w1 y! \' s2 p
    w = tf.shape(image)[1]
5 l) n, i& \0 \* P% \    w = w // 25 N: n3 b6 w( h6 t1 G
    input_image = image[:, :w, :]+ N9 w* b0 `$ @% M( l
    real_image = image[:, w:, :]
) I) N$ r+ _0 r, p6 I    input_image = tf.cast(input_image, tf.float32)* G( a4 s% Z7 S8 P: N
    real_image = tf.cast(real_image, tf.float32)5 q, i! h6 l! @( R: y2 c6 n" `" x
    return input_image, real_image
; Y; ~$ p' T0 C' Mtensor对象转成numpy对象的函数
+ T- `8 M  I& ~" I8 }# T$ \) v9 N在训练过程中,我会可视化一些训练的结果以及中间状态的图片。Tensorflow的tensor对象无法直接在matplot中直接使用,因此我们需要一个函数,将tensor转成numpy对象。
. T' N3 K9 q, P  q9 g5 e6 S" Zdef tensor_to_array(tensor1):
$ R1 s' u2 r1 S: u( n% B7 f    return tensor1.numpy()+ Q7 t: M( K. y6 L& J
第三步: 数据可视化
4 Q- W0 i, \) t我们先来看下我们的训练数据长成什么样。
% m1 x. A( K5 h, F2 z我们每张数据图片分成了两个部分,左边部分是线框图,我们用来作为输入数据,右边部分是上色图,我们用来作为训练的目标图片。6 F/ K9 X# f4 V& ]  n
我们使用上面定义的load函数来加载一张图片看下0 Z9 O9 C. j* W" a  e! W$ ]
input, real = load(PATH+'train/114.jpg')7 j/ ]/ D4 y  }) T
plt.figure()
; ~: q& Q7 }, q/ p# B- lplt.imshow(tensor_to_array(input)/255.0)
  C& n# h  h: f* ]9 Wplt.figure()7 @  b6 n+ f, e# U* \0 l
plt.imshow(tensor_to_array(real)/255.0)
* R) ]) r8 {! h1 ^. ~* s& c& @! G" ^
第四步: 数据增强
4 R/ }3 e/ t' V由于我们的训练数据不够多,我们使用数据增强来增加我们的样本。从而让小样本的数据也能达到更好的效果。
/ M; O% K0 D; x我们采取如下的数据增强方案:
- Z( y! K; C- x$ C1 A图片缩放, 将输入数据的图片缩放到我们指定的图片的大小随机裁剪数据归一化左右翻转! e/ K; B# ?( g$ L3 Q7 N- w

4 c1 z9 l" q# w. Z! r& Fdef resize(input_image, real_image, height, width):
& c1 K+ _; N/ z& A, L    input_image = tf.image.resize(input_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)% X# x2 D- g& Q0 y; O: U$ B
    real_image = tf.image.resize(real_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
% W+ d+ {% b- ~3 I% ]/ x4 R  Y    return input_image, real_image$ r- b; V( `7 G! ?- g# [4 s
def random_crop(input_image, real_image):' @( k& X- `& w; G
    stacked_image = tf.stack([input_image, real_image], axis=0)  O) K# t6 x8 B! a
    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])9 a4 @: u' ~: n# Z( l6 M
    return cropped_image[0], cropped_image[1]; L) ~+ f# L3 Q% R, ]! S
def random_crop(input_image, real_image):
. R( @: ]2 M7 ~# [0 _5 N% }    stacked_image = tf.stack([input_image, real_image], axis=0)  @. g. k7 R$ d3 n3 y6 q* L
    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])0 z5 u/ O; n1 U4 b6 R& r2 k
    return cropped_image[0], cropped_image[1]
7 h4 d. a# j! O2 l9 q3 k我们将上述的增强方案做成一个函数,其中左右翻转是随机进行% \+ G+ h. N( k/ C% m' Z' `
@tf.function()
* G, L! I- ?7 @% ddef random_jitter(input_image, real_image):7 p/ G3 d2 W7 J! i; D( T) K
    input_image, real_image = resize(input_image, real_image, 286, 286); y# O9 T" @9 w$ b5 p4 S' v3 F
    input_image, real_image = random_crop(input_image, real_image)/ h$ [& A1 ~' G) m
    if tf.random.uniform(()) > 0.5:$ \' E( h: G# [9 d
        input_image = tf.image.flip_left_right(input_image)3 c: @" H9 e8 F$ {' _
        real_image = tf.image.flip_left_right(real_image)
: ~  |& Q. e% d  A9 F" Q    return input_image, real_image9 }8 u2 @* ~7 B. C' B1 ]3 d9 C: h) o  Z
数据增强的效果
; c! x' {$ ~. {5 r. `1 eplt.figure(figsize=(6, 6))
' E% R5 Y+ b$ u* }; [7 U- q; ]for i in range(4):( l3 ]3 ~5 a  W. b+ m
    input_image, real_image = random_jitter(input, real)
& l( u, P; a% H& ^8 M5 r4 i4 f    plt.subplot(2, 2, i+1)1 W# H5 e9 r+ ~5 K
    plt.imshow(tensor_to_array(input_image)/255.0); N& o, t7 j& r& w
    plt.axis('off')
' M5 a3 n2 U$ vplt.show()3 [" R! k/ b7 l: W6 E. y
& I  M/ T/ P! \7 x4 d
第五步: 训练数据的准备
# Z4 b0 c' I  n$ X定义训练数据跟测试数据的加载函数
3 F1 L1 S3 s+ v+ }- c" _! y2 \# n. Qdef load_image_train(image_file):' l) H/ \; B3 o) k; }6 @1 Q
    input_image, real_image = load(image_file)
. q8 C' G# E% w* T    input_image, real_image = random_jitter(input_image, real_image)
* V" |7 o/ k7 ]! g) L    input_image, real_image = normalize(input_image, real_image)* \/ g) E+ }' Z7 [( s8 u
    return input_image, real_image( b3 j! g0 k% R  o
def load_image_test(image_file):
2 v" n/ R7 _6 X1 U  |9 e+ t    input_image, real_image = load(image_file)
# M: D. l  q7 v6 @8 G/ n9 F2 |    input_image, real_image = resize(input_image, real_image, IMG_HEIGHT, IMG_WIDTH)
/ i1 N% K9 p2 [. h4 F7 ?    input_image, real_image = normalize(input_image, real_image)
% s: ?  U4 {) L& {! ?0 U# g    return input_image, real_image# Y8 C% g. n- H+ h9 ?6 g* Z# d
使用tensorflow的DataSet来加载训练和测试数据, 定义我们的训练数据跟测试数据集对象& l) R% P7 p  l6 k5 @
train_dataset = tf.data.Dataset.list_files(PATH+'train/*.jpg')
: g, j' d; M" u. {* R, btrain_dataset = train_dataset.map(load_image_train, num_parallel_calls=tf.data.experimental.AUTOTUNE)
1 p4 r& }1 @1 Gtrain_dataset = train_dataset.cache().shuffle(BUFFER_SIZE)
1 x1 |7 a, Q0 N! b% h$ ]' Z! atrain_dataset = train_dataset.batch(1)
7 Y( p5 [' W- R5 p4 @+ u$ mtest_dataset = tf.data.Dataset.list_files(PATH+'test/*.jpg')
$ m4 M9 F, ?. A( N( f/ A8 itest_dataset = test_dataset.map(load_image_test)
0 J# l3 i* Q8 ~8 dtest_dataset = test_dataset.batch(1)& n& A6 B* J, g  X! {! G
第六步: 定义模型
+ {# T6 _* _: G( o口袋妖怪的上色,我们使用的是GAN模型来训练, 相比上个条件GAN生成手写数字图片,这次的GAN模型的复杂读更加的高。
$ T: G0 G8 r3 c我们先来看下生成网络跟判别网络的整体结构
6 N0 b' c0 y, n$ i/ n* w# u7 ]: N生成网络+ ]( n+ w6 W$ _+ U0 D  C, _  E. f
生成网络使用了U-Net的基本框架,编码阶段的每一个Block我们使用, 卷积层->BN层->LeakyReLU的方式。解码阶段的每一个Block我们使用, 反卷积->BN层->Dropout或者ReLU。其中前三个Block我们使用Dropout, 后面的我们使用ReLU。每一个编码层的Block输出还连接了与之对应的解码层的Block. 具体可以参考U-Net的skip connection.
- x& i( {" k% q3 B定义编码Block0 b/ C- X& w& m, l- _5 c2 e8 q6 m6 a/ E
def downsample(filters, size, apply_batchnorm=True):4 i' E  f- s4 H" b' t: L$ H
    initializer = tf.random_normal_initializer(0., 0.02)! u* U9 J# ^3 E3 V
    result = tf.keras.Sequential()
2 q2 O5 U# o$ u+ G/ ~" ]    result.add(tf.keras.layers.Conv2D(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))! I$ M8 _' @: k2 `/ F, {0 ]5 u
    if apply_batchnorm:1 D- Z- D; A8 B+ P, ~
        result.add(tf.keras.layers.BatchNormalization())) B  A/ k8 I3 [: L
    result.add(tf.keras.layers.LeakyReLU())* ]% y+ n+ `6 r* S4 E5 I
    return result
) s& _- P& i/ Y1 Y; ^1 Z0 Edown_model = downsample(3, 4)4 l5 ^- S' k( m$ U( q
定义解码Block7 _+ v+ i) n7 [- u  ]$ f: J* X
def upsample(filters, size, apply_dropout=False):3 w! Y9 s4 [$ T, B- ~
    initializer = tf.random_normal_initializer(0., 0.02), ?/ D" B% I3 E8 c( A, J
    result = tf.keras.Sequential()/ K+ L& P& @1 X+ ?  `/ Z
    result.add(tf.keras.layers.Conv2DTranspose(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))
$ J  I9 D7 a% x& _6 L9 L$ n8 y    result.add(tf.keras.layers.BatchNormalization())
  Z# I5 s' t- z    if apply_dropout:
! Z6 v5 ?7 B: u; \" v# V        result.add(tf.keras.layers.Dropout(0.5))6 d1 c( V* v: t2 f+ Z5 W5 _3 l+ w
    result.add(tf.keras.layers.ReLU())
8 b% f  a! O3 @1 e0 L    return result
  H, t, N1 X+ g1 a% n  e7 Aup_model = upsample(3, 4)* C" ^4 y. q) n. `/ r
定义生成网络模型  x- v. C5 Q. N7 [
def Generator():
- x4 K* _% X2 G  _. v3 Z: E    down_stack = [  v, `7 J% q6 p& N, y$ K
        downsample(64, 4, apply_batchnorm=False), # (bs, 128, 128, 64)' `$ ^# y- f+ U5 f: f" c' B
        downsample(128, 4), # (bs, 64, 64, 128)% f0 V2 A7 k8 @1 |2 Y. h* |7 H
        downsample(256, 4), # (bs, 32, 32, 256), o$ w: C) w, i9 |$ T; H/ F* A: i
        downsample(512, 4), # (bs, 16, 16, 512)# x$ s+ f$ V" P7 y: I5 L# B4 q5 P' R
        downsample(512, 4), # (bs, 8, 8, 512); m. k3 q0 b! f5 g) x, S
        downsample(512, 4), # (bs, 4, 4, 512)
0 i  \% ]: P' S        downsample(512, 4), # (bs, 2, 2, 512)
; z0 {9 o% F; Q, u1 n3 ?$ a$ d        downsample(512, 4), # (bs, 1, 1, 512)# J2 v) `/ ]% R& j
    ]1 m! G1 f' i1 Y" `8 U
    up_stack = [
2 R9 u1 l: W4 e        upsample(512, 4, apply_dropout=True), # (bs, 2, 2, 1024)" v1 x+ o: V" Q6 M& r+ o
        upsample(512, 4, apply_dropout=True), # (bs, 4, 4, 1024)
+ h3 v) y4 d8 Y        upsample(512, 4, apply_dropout=True), # (bs, 8, 8, 1024)
4 V4 R/ V3 Z8 F- j        upsample(512, 4), # (bs, 16, 16, 1024)
4 a+ |' N) R( L2 n7 E! g  I        upsample(256, 4), # (bs, 32, 32, 512)+ \! U) r$ a8 a' U+ f% A: I
        upsample(128, 4), # (bs, 64, 64, 256)
0 A; N- L7 ?2 D  ^, [! Z        upsample(64, 4), # (bs, 128, 128, 128)
! v# ~, W' y' m" D' P- {1 H& Z' l+ e    ]
/ l! W3 K0 n% F) S8 c    initializer = tf.random_normal_initializer(0., 0.02)
8 i$ l- k/ _; f) a" n: V1 W    last = tf.keras.layers.Conv2DTranspose(OUTPUT_CHANNELS, 4,
5 y- T2 f. k9 x7 t6 s( H. A                                         strides=2,
: w3 O5 J7 J. D2 ^* t8 M                                         padding='same',, g4 K) L/ M3 z+ X7 c4 w
                                         kernel_initializer=initializer,- l3 U( I& z: U" [" {0 |3 w+ h
                                         activation='tanh') # (bs, 256, 256, 3)
2 Y) M) r# j% |$ |; i    concat = tf.keras.layers.Concatenate()7 O2 `7 l/ r2 W; T7 A- i4 v" W
    inputs = tf.keras.layers.Input(shape=[None,None,3])
, @. r4 v, K  V2 T    x = inputs
. F# v& }$ y# Q/ [8 v# h6 i. j    skips = []5 Q5 d6 J5 U; N
    for down in down_stack:# L- X! [# d$ L3 [( m# n4 H* P
        x = down(x)
  g3 U9 l! j9 H( P* Z7 D2 f        skips.append(x)
2 O0 W' A3 O' Z' A+ x6 w+ [3 M    skips = reversed(skips[:-1])8 e8 Z1 c( }  K3 h$ G5 u
    for up, skip in zip(up_stack, skips):: I0 Y+ x8 K. ~8 e- r5 W) A5 \
        x = up(x)2 c7 @  L/ i# L8 B# o
        x = concat([x, skip])
" K+ S6 _$ }1 ?    x = last(x)
2 P9 K# N( j3 e7 C1 Z    return tf.keras.Model(inputs=inputs, outputs=x)
$ R) R- a( m+ y& F/ h# h" J! ggenerator = Generator()
; a( j4 O2 J5 X8 c/ Z8 J判别网络2 |( M/ U2 r4 l. Z+ H
判别网络我们使用PatchGAN, PatchGAN又称之为马尔可夫判别器。传统的基于CNN的分类模型有很多都是在最后引入了一个全连接层,然后将判别的结果输出。然而PatchGAN却不一样,它完全由卷积层构成,最后输出的是一个纬度为N的方阵。然后计算矩阵的均值作真或者假的输出。从直观上看,输出方阵的每一个输出,是模型对原图中的一个感受野,这个感受野对应了原图中的一块地方,也称之为Patch,因此,把这种结构的GAN称之为PatchGAN。
- D+ e0 r' i, A, m9 c8 W0 v$ L( {PatchGAN中的每一个Block是由卷积层->BN层->Leaky ReLU组成的。
3 ?8 e9 S+ j2 q/ X! @; I在我们的这个模型中,最后一层我们的输出的纬度是(Batch Size, 30, 30, 1), 其中1表示图片的通道。0 @& c  L3 o) u" @8 J$ {, }" f2 _
每个30x30的输出对应着原图的70x70的区域。详细的结构可以参考这篇论文。8 `- }; t4 \; y3 n. r

7 F( }3 B; G* F! \# G- P/ Q& \def Discriminator():
, u$ z, q3 ~/ b    initializer = tf.random_normal_initializer(0., 0.02)6 ?$ J/ q7 o4 C8 U& e: J
    inp = tf.keras.layers.Input(shape=[None, None, 3], name='input_image')+ b4 G# w) a4 e5 l5 w0 \2 {! f! {
    tar = tf.keras.layers.Input(shape=[None, None, 3], name='target_image'): ^3 r. ?( J, U" w: a- b
    # (batch size, 256, 256, channels*2)
. x& T, X: t5 M) `0 J. q    x = tf.keras.layers.concatenate([inp, tar])+ c4 X- K5 n9 Z8 ~0 k" O' k
    # (batch size, 128, 128, 64)- ^5 E+ i" n& i, H6 Z% U, y& B
    down1 = downsample(64, 4, False)(x)8 G- z6 |4 S$ y4 w  L
   9 [" c  Y: c% A
    # (batch size, 64, 64, 128)
* V! u, u+ a" m  }! c* _    down2 = downsample(128, 4)(down1)* \. q( G& t7 v* t& t
   0 j+ ^( Y8 f, R2 w
    # (batch size, 32, 32, 256)# y9 W& N# q$ O9 y9 ~$ h' s8 q
    down3 = downsample(256, 4)(down2)4 s' C' s" i0 \, Q( a& r! w" m  {
    # (batch size, 34, 34, 256)$ S4 b' S. L& t& Y$ ^
    zero_pad1 = tf.keras.layers.ZeroPadding2D()(down3)* ?! F8 P5 X( h/ b' s
   : K, P; _5 _3 F5 e/ C  c3 [
    # (batch size, 31, 31, 512)5 W* o' |+ c$ ]# m) o7 @
    conv = tf.keras.layers.Conv2D(512, 4, strides=1, kernel_initializer=initializer, use_bias=False)(zero_pad1)- ]! S, N, Z8 f6 R2 K
    batchnorm1 = tf.keras.layers.BatchNormalization()(conv); ?( n: }5 d7 v  e! C
    leaky_relu = tf.keras.layers.LeakyReLU()(batchnorm1)# \  Q+ k& Z2 ]" l5 \0 ^3 w/ X
    # (batch size, 33, 33, 512)+ I) ?" E$ p- z/ ?; c/ N, Y, P0 @
    zero_pad2 = tf.keras.layers.ZeroPadding2D()(leaky_relu)
, z0 L' K7 M! {4 c$ ~4 U    # (batch size, 30, 30, 1)! ?, A& U5 r' ?
    last = tf.keras.layers.Conv2D(1, 4, strides=1, kernel_initializer=initializer)(zero_pad2)
4 o4 |( |2 P( A* \  d    return tf.keras.Model(inputs=[inp, tar], outputs=last)3 {0 T4 m6 U" k: |
discriminator = Discriminator()
0 T- }7 U9 A7 \4 M) ^" {! u第七步: 定义损失函数和优化器
( g( W2 f* ~3 w: m+ Q' e" y**
6 a  |1 Z+ I$ P. r7 U2 f1 M**0 k4 ~# _; v1 E: _3 o: F7 ]# n: A! P
loss_object = tf.keras.losses.BinaryCrossentropy(from_logits=True)
4 \# O0 k5 T/ a; |' K6 O1 k" d**
9 o$ z8 f0 @$ {) Z* s/ U3 ~2 p; b. L0 U
def discriminator_loss(disc_real_output, disc_generated_output):; T; A, N2 @  t2 h8 @
    real_loss = loss_object(tf.ones_like(disc_real_output), disc_real_output)& _' l" p4 Q9 q# L8 M
    generated_loss = loss_object(tf.zeros_like(disc_generated_output), disc_generated_output)& n9 a5 o5 F- O; U4 w6 G! p
    total_disc_loss = real_loss + generated_loss, M7 M# y, u/ D
    return total_disc_loss7 \- i8 \7 f  l, @6 |4 X
def generator_loss(disc_generated_output, gen_output, target):8 L* p9 }5 E" E! B* R+ d9 t
    gan_loss = loss_object(tf.ones_like(disc_generated_output), disc_generated_output)/ {/ O+ K- }' ~# @: }2 y$ v' u
    l1_loss = tf.reduce_mean(tf.abs(target - gen_output))
  k& y: i, j" O! J  k& g" m    total_gen_loss = gan_loss + (LAMBDA * l1_loss)0 y) j: [5 W) F. l- J
    return total_gen_loss" P$ h* p. l8 j, A
generator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
! i; d" M* Y4 J7 {5 Z, a' @  Mdiscriminator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
2 {3 m8 A5 f. H( h
7 S5 i3 E1 X  z第八步: 定义CheckPoint函数/ K# U, J& v# e* ]& Z& h0 w
由于我们的训练时间较长,因此我们会保存中间的训练状态,方便后续加载继续训练
* C% U: [7 @0 f: i9 m+ ^checkpoint = tf.train.Checkpoint(generator_optimizer=generator_optimizer,: N0 k% p. u0 w
                                 discriminator_optimizer=discriminator_optimizer," ?4 }3 t. q: i0 x$ y6 V& [
                                 generator=generator,% g5 u' ]) S4 p8 L
                                 discriminator=discriminator)- K- [# y. ~9 `( U1 O
如果我们保存了之前的训练的结果,我们加载保存的数据。然后我们应用上次保存的模型来输出下我们的测试数据。# x! h! T3 G  c% X4 d  g! `
def generate_images(model, test_input, tar):
/ X+ t) e6 k1 L) i* ]0 L5 l# \8 t    prediction = model(test_input, training=True)
7 L. J7 h4 L) R2 a0 c7 ]5 v    plt.figure(figsize=(15,15))
. d5 F/ V. v( X9 }+ F" y    display_list = [test_input[0], tar[0], prediction[0]]
( [- U' \6 M' k$ [, S7 b    title = ['Input', 'Target', 'Predicted']
' ^5 e( {, e: ?8 n    for i in range(3):
9 g' W( n8 R! @. F        plt.subplot(1, 3, i+1)
; ]: G' F' K  m5 A# V! L/ p        plt.title(title)
3 `4 @3 F  ^3 w, j: \7 G1 m6 j        plt.imshow(tensor_to_array(display_list) * 0.5 + 0.5); {# r; z& X; P" V6 G. U, ], _' G
        plt.axis('off')
8 h7 P# I* x. O5 H, S9 d  @7 Z3 h    plt.show()  n: h2 O) Q6 ^
ckpt_manager = tf.train.CheckpointManager(checkpoint, "./", max_to_keep=2)
" i! F4 P. j6 p: l1 O% Y8 R: Q1 sif ckpt_manager.latest_checkpoint:
2 i" c# ?& F0 K7 y, L/ n. z    checkpoint.restore(ckpt_manager.latest_checkpoint), u! e! p. r0 W4 N6 g! h
for inp, tar in test_dataset.take(20):: i4 `& W$ ?6 P( U
    generate_images(generator, inp, tar)
" v* H8 l  F5 Y' v% W5 K8 x( c  k5 D+ C3 O
第九步: 训练% Z- T% ^9 L' g0 ?
在训练中,我们输出第一张图片来查看每个epoch给我们的预测结果带来的变化。让大家感受到其中的乐趣
6 S2 e$ z5 W( w% Y# {# C每20个epoch我们保存一次状态
( h6 ]* @4 J+ X6 ^4 k) ?, n% H@tf.function
* `! g' N9 }: R; ^7 n  Udef train_step(input_image, target):. X$ [+ Z& w2 f4 m- q
    with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:6 D7 v! I, R2 ?# w" K  Z0 }
        gen_output = generator(input_image, training=True)4 ^+ J( J% K- H
        disc_real_output = discriminator([input_image, target], training=True): x+ V$ Q# c/ G
        disc_generated_output = discriminator([input_image, gen_output], training=True)
- W7 w. S) q7 W7 X5 r8 V% N        gen_loss = generator_loss(disc_generated_output, gen_output, target)
1 A: H. a/ m( A- s6 [+ T        disc_loss = discriminator_loss(disc_real_output, disc_generated_output)4 n! w! q8 m( z3 W. J. D# e
    generator_gradients = gen_tape.gradient(gen_loss,' B0 t7 P6 E% G& e! v
                                          generator.trainable_variables)8 O3 a! q; i+ }5 T, r2 o, _) U
    discriminator_gradients = disc_tape.gradient(disc_loss," X  g$ j/ l! }) d7 l7 o
                                               discriminator.trainable_variables)
/ Y5 ]: |$ j0 T7 H8 {( E/ u" f    generator_optimizer.apply_gradients(zip(generator_gradients,, i! T8 ^% m- b  x# r4 N
                                          generator.trainable_variables))
2 A* D0 J. n) q8 f" l    discriminator_optimizer.apply_gradients(zip(discriminator_gradients,5 H7 D/ `) s* @. r: G3 e; C8 s
                                              discriminator.trainable_variables))
( |) s& f! u4 m) M1 }& v4 @def fit(train_ds, epochs, test_ds):
" d/ m) o. R! I! R    for epoch in range(epochs):
  u+ F% Y$ E1 n        start = time.time()7 r; ~; Y) d  J
        for input_image, target in train_ds:
4 o/ W# k* a- q            train_step(input_image, target)
- l4 L/ W/ C' o, w0 p        clear_output(wait=True)
' V3 v* S# c, R- A      ; P$ x7 ^& C4 X* K* f
        for example_input, example_target in test_ds.take(1):
% M' n% Z5 S% S/ z+ x2 y, G5 D6 o            generate_images(generator, example_input, example_target)
5 Q$ K9 h5 j# j: p0 d        if (epoch + 1) % 20 == 0:( o9 d4 v5 X/ [  G& a5 d
            ckpt_save_path = ckpt_manager.save()
% l( d! `9 \5 P' p0 B) [3 b            print ('保存第{}个epoch到{}\n'.format(epoch+1, ckpt_save_path))
/ C' ]6 I; S2 ]8 g/ T0 z% `! |: A; ^        print ('训练第{}个epoch所用的时间为{:.2f}秒\n'.format(epoch + 1, time.time()-start))
- s4 ^% b4 E' d) t/ m$ |( jfit(train_dataset, EPOCHS, test_dataset)' B4 \% K, p) o; n
+ i# C- ^4 ]( }2 M4 A
训练第8个epoch所用的时间为51.33秒。
! @9 Y8 u  R% A6 F第十步: 使用测试数据上色,查看下我们的效果
" v( f9 L+ e! n- q+ yfor input, target in test_dataset.take(20):, e( V2 K" I! I0 X& @( T  l
    generate_images(generator, input, target)9 \& K! M4 [/ i, K( `: z5 ^& W
矩池云现在已经上架 “口袋妖怪上色” 镜像;感兴趣的小伙伴可以通过矩池云官网“Jupyter 教程 Demo” 镜像中尝试使用。
' U+ r( K6 `6 k4 e
BitMere.com 比特池塘系信息发布平台,比特池塘仅提供信息存储空间服务。
声明:该文观点仅代表作者本人,本文不代表比特池塘立场,且不构成建议,请谨慎对待。
您需要登录后才可以回帖 登录 | 立即注册

本版积分规则

成为第一个吐槽的人

阿丽66 小学生
  • 粉丝

    0

  • 关注

    0

  • 主题

    2