Hi 游客

更多精彩,请登录!

比特池塘 区块链技术 正文

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

阿丽66
157 0 0
: h% n- ]4 Z+ T3 t! M) A9 u
在之前的Demo中,我们使用了条件GAN来生成了手写数字图像。那么除了生成数字图像以外我们还能用神经网络来干些什么呢?$ z* w) E5 |8 ^/ Y5 a& b3 k
在本案例中,我们用神经网络来给口袋妖怪的线框图上色。- M4 h6 O: j, y2 D: a
第一步: 导入使用库" a( q$ j: e- L1 ^! j6 D
from __future__ import absolute_import, division, print_function, unicode_literals  J) L) w4 H* J+ I0 _. b2 r
import tensorflow as tf4 q7 l- L  Q1 s
tf.enable_eager_execution()
8 ]3 u, w6 q. `, x1 Z- N3 yimport numpy as np
1 ?2 e# x& ^0 Himport pandas as pd
; c; a+ w/ X* ^, |3 iimport os5 E1 t. j, l$ C1 K) d
import time: a1 F2 q0 j* r6 h1 W# U
import matplotlib.pyplot as plt" i) L1 K. j3 v1 \
from IPython.display import clear_output
6 Q8 W2 h) C1 ^口袋妖怪上色的模型训练过程中,需要比较大的显存。为了保证我们的模型能在2070上顺利的运行,我们限制了显存的使用量为90%, 来避免显存不足的引起的错误。2 g& V* f/ W" d9 _+ U
config = tf.compat.v1.ConfigProto()4 x7 {. d5 |$ V; s& v
config.gpu_options.per_process_gpu_memory_fraction = 0.9( R7 X8 ]* K% Z9 Y4 v) a: b
session = tf.compat.v1.Session(config=config)
4 v2 y' v+ X2 m$ e定义需要使用到的常量。
3 T8 h' `  }" }4 t$ sBUFFER_SIZE = 400
6 e- b) G, j4 F. J3 f$ PBATCH_SIZE = 1- [0 x* C6 M  |2 d8 q
IMG_WIDTH = 256
% X* z6 j7 o" Y5 Y8 B6 a6 gIMG_HEIGHT = 256& S, o2 L/ \5 p3 E5 `
PATH = 'dataset/'
2 y# @7 k) t  POUTPUT_CHANNELS = 3
. y5 p% E' z& b& sLAMBDA = 100
& V$ t/ {! Z. m. V/ q, AEPOCHS = 10" F8 z1 U; v8 f0 v$ j* Y+ ]8 Q. }
第二步: 定义需要使用的函数! a9 n  Y' V# Y3 ^/ V1 j
图片数据加载函数,主要的作用是使用Tensorflow的io接口读入图片,并且放入tensor的对象中,方便后续使用
7 f& B1 \9 @  Q# i4 p  kdef load(image_file):
' |2 }, ^, I, _. t    image = tf.io.read_file(image_file)
+ d# t- y8 w" \5 ~7 Z+ M    image = tf.image.decode_jpeg(image)
, @/ E  J- i4 |/ H- I    w = tf.shape(image)[1]
# e" O1 a# W7 G3 _% O% s    w = w // 2
! g( ]; R1 `% H  [    input_image = image[:, :w, :]8 L) q2 D& T1 ]  @/ i$ W
    real_image = image[:, w:, :]
$ Q2 d' w- v' {8 A1 c    input_image = tf.cast(input_image, tf.float32)2 }( v: x9 }4 q5 \# k
    real_image = tf.cast(real_image, tf.float32)( d. s9 U# X  @9 V9 ~/ R
    return input_image, real_image& c/ X( w/ C$ d, I, c- K5 X3 `. r
tensor对象转成numpy对象的函数2 z  v9 k% }( j& t
在训练过程中,我会可视化一些训练的结果以及中间状态的图片。Tensorflow的tensor对象无法直接在matplot中直接使用,因此我们需要一个函数,将tensor转成numpy对象。
5 \3 K$ [! \; rdef tensor_to_array(tensor1):
, V# Q$ g% @; a7 }8 L6 {2 C    return tensor1.numpy()
( ~( e, f0 l6 e% b# }第三步: 数据可视化
4 G0 f2 N$ v7 |/ D' Z& N# V6 l2 M7 t9 y我们先来看下我们的训练数据长成什么样。( z0 A: I1 x* z# e1 V6 t8 E
我们每张数据图片分成了两个部分,左边部分是线框图,我们用来作为输入数据,右边部分是上色图,我们用来作为训练的目标图片。
3 D1 n( \6 y3 W6 V' Z我们使用上面定义的load函数来加载一张图片看下$ K1 [) D2 ~9 P3 ?# `
input, real = load(PATH+'train/114.jpg')2 k: ^+ p: C; L" ]7 W. t/ s
plt.figure()) W4 H6 R. {& t
plt.imshow(tensor_to_array(input)/255.0)
, [0 d1 F8 q' [5 K( Xplt.figure(), I$ t  c% Z  z0 u2 M/ l- S3 n
plt.imshow(tensor_to_array(real)/255.0)& S& n! \. J2 P) ^4 x
- \- Q8 k8 j! E* G( O1 r8 v
第四步: 数据增强
* x  J( Q& M, J由于我们的训练数据不够多,我们使用数据增强来增加我们的样本。从而让小样本的数据也能达到更好的效果。
) _% c; f! Q1 f0 @我们采取如下的数据增强方案:: \. o) A1 ~2 B: w/ s$ u7 U
图片缩放, 将输入数据的图片缩放到我们指定的图片的大小随机裁剪数据归一化左右翻转
5 Q( N6 l( u$ D4 T, f
$ k( b4 r4 _/ G0 y2 T* l. l% s3 {def resize(input_image, real_image, height, width):
+ P* I$ C1 E4 Y! `2 `  ^+ _    input_image = tf.image.resize(input_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
* r0 @. t" t- M& d: E$ n3 l    real_image = tf.image.resize(real_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)7 |1 f: _; R( V, Q
    return input_image, real_image9 S( }+ z% Q. [  j
def random_crop(input_image, real_image):7 k6 U/ ^% N. b3 q* b% E* T
    stacked_image = tf.stack([input_image, real_image], axis=0)
/ @4 v9 H; i% V3 b( w    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])
6 ]( W0 X9 D7 _    return cropped_image[0], cropped_image[1]- ]; c+ m6 \3 m6 s; ^, ~0 U* `
def random_crop(input_image, real_image):0 b" \8 i5 N/ X5 l* j; n6 W( @& d9 w
    stacked_image = tf.stack([input_image, real_image], axis=0)
+ Q# W: x' J" }# J" a, {# I9 k0 h& ^    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])
# @3 ]5 P! @5 S+ y    return cropped_image[0], cropped_image[1]
) w1 x/ i: c1 V6 s3 U我们将上述的增强方案做成一个函数,其中左右翻转是随机进行3 Y' w2 S0 I5 S
@tf.function()
6 D4 `" B( s/ q% S4 r4 vdef random_jitter(input_image, real_image):
# N# B/ l- {/ t5 o: J4 W( w6 x    input_image, real_image = resize(input_image, real_image, 286, 286)
7 e/ T- [# L( H    input_image, real_image = random_crop(input_image, real_image)5 Z0 L4 H6 _3 ~" Y) P( R% I' i
    if tf.random.uniform(()) > 0.5:" r3 y: {1 Y3 @, u$ g/ h
        input_image = tf.image.flip_left_right(input_image)
* C( W$ g( z" k0 o, V        real_image = tf.image.flip_left_right(real_image)
$ I. U, C( c' s    return input_image, real_image% U* U; s# M% ]8 ~& {2 A
数据增强的效果4 L% [- Z$ v+ w$ s) v' p* i
plt.figure(figsize=(6, 6))
1 }3 q' Y( o5 B( {for i in range(4):
8 l; H+ \5 B; p! s, x$ t    input_image, real_image = random_jitter(input, real)! |8 W% c/ b- @3 A5 [' ~) s
    plt.subplot(2, 2, i+1)
3 F7 Q8 o4 m- y" A& n/ y, M    plt.imshow(tensor_to_array(input_image)/255.0)
2 g* Z& Z+ _! M4 i, J2 Z    plt.axis('off'), Q' k  P5 @: K  \4 a
plt.show()4 q$ v; l8 b0 Q! j5 f$ C/ [

& R) w' |0 U  ], z4 ~第五步: 训练数据的准备) g" y. F/ J) ?# B
定义训练数据跟测试数据的加载函数
5 V/ f. a. b# ^7 J$ O  R4 L3 |3 @( fdef load_image_train(image_file):2 E) Y# F0 p5 E
    input_image, real_image = load(image_file)
; D  a8 r8 }7 t    input_image, real_image = random_jitter(input_image, real_image)
) Q% f* v* `) o+ U* O1 b6 H7 G    input_image, real_image = normalize(input_image, real_image)* T7 P1 ?) E! v
    return input_image, real_image' ~9 m5 f  G! e, N8 ?
def load_image_test(image_file):) N  F: C( o, z" g) b5 p
    input_image, real_image = load(image_file)( [- B) `7 l8 G. J5 ?$ S
    input_image, real_image = resize(input_image, real_image, IMG_HEIGHT, IMG_WIDTH)$ |$ {& o! n- u& N- X
    input_image, real_image = normalize(input_image, real_image)- h0 F& y' r5 |/ L, Z
    return input_image, real_image+ C0 Q8 l  f0 f2 C! K: w  a
使用tensorflow的DataSet来加载训练和测试数据, 定义我们的训练数据跟测试数据集对象
$ `- q+ S# i9 w9 w' mtrain_dataset = tf.data.Dataset.list_files(PATH+'train/*.jpg')! ^" T. U/ [" F2 @2 g8 P
train_dataset = train_dataset.map(load_image_train, num_parallel_calls=tf.data.experimental.AUTOTUNE)
# }  m1 o7 q& z3 S# Vtrain_dataset = train_dataset.cache().shuffle(BUFFER_SIZE)
: l' @9 A4 d& [train_dataset = train_dataset.batch(1)
5 L8 f4 k2 t6 w- Ntest_dataset = tf.data.Dataset.list_files(PATH+'test/*.jpg')
3 G( M- v$ a) y- mtest_dataset = test_dataset.map(load_image_test)
6 @4 M& p0 w8 y/ R' C+ M7 rtest_dataset = test_dataset.batch(1)
+ {; R8 x% q( f0 g- E第六步: 定义模型
& ]$ c, y1 J3 I& u0 h: N6 {口袋妖怪的上色,我们使用的是GAN模型来训练, 相比上个条件GAN生成手写数字图片,这次的GAN模型的复杂读更加的高。. P+ C" v& N) c8 v$ d
我们先来看下生成网络跟判别网络的整体结构3 Y/ B" A, I" R# Y+ @
生成网络
# t: u$ t2 Y  K. }  b生成网络使用了U-Net的基本框架,编码阶段的每一个Block我们使用, 卷积层->BN层->LeakyReLU的方式。解码阶段的每一个Block我们使用, 反卷积->BN层->Dropout或者ReLU。其中前三个Block我们使用Dropout, 后面的我们使用ReLU。每一个编码层的Block输出还连接了与之对应的解码层的Block. 具体可以参考U-Net的skip connection.
# d% w9 [6 Q  C1 A定义编码Block
( {- N8 Q% h$ O' h6 bdef downsample(filters, size, apply_batchnorm=True):
5 @- `9 q, Y, N7 u% B# c    initializer = tf.random_normal_initializer(0., 0.02)
. q" N9 `$ M, X7 _    result = tf.keras.Sequential()6 J5 S% h9 I2 ?
    result.add(tf.keras.layers.Conv2D(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False)): Y9 O0 j8 A& L- P' d; O8 b
    if apply_batchnorm:# @# a( N8 b( {  q- x4 N) f7 {
        result.add(tf.keras.layers.BatchNormalization())5 Z/ I" ~& x% @* z: G
    result.add(tf.keras.layers.LeakyReLU())
# m8 }  e9 t6 t: g    return result/ Q3 r5 F! n6 u4 u) g8 k; C8 A
down_model = downsample(3, 4)+ w# A; b$ d: X8 U9 S- G' ~2 f0 Q# X* T
定义解码Block) x3 m. d  U! b3 s
def upsample(filters, size, apply_dropout=False):
7 o8 i$ E6 H4 d$ a- B9 u    initializer = tf.random_normal_initializer(0., 0.02)
& s8 c" K! z# l8 V    result = tf.keras.Sequential()
: r. k  z% r5 b. z. M$ a    result.add(tf.keras.layers.Conv2DTranspose(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))
" X/ K+ G; \8 r' x    result.add(tf.keras.layers.BatchNormalization())
# ~. `( {) Q5 j! K; p    if apply_dropout:" Z( o0 P# _$ k( d2 r& N  R+ z% t
        result.add(tf.keras.layers.Dropout(0.5))0 G% x- O+ ]: `
    result.add(tf.keras.layers.ReLU()): r; g: s* A4 X  b( Z  I
    return result2 h! l3 E6 a% b  m
up_model = upsample(3, 4)
3 Y$ f1 u: I7 w) m/ i; N定义生成网络模型# ^9 [* H- v+ X
def Generator():; _3 h6 g- V+ x* k1 _5 S
    down_stack = [! x/ H; l2 j9 D% t3 _
        downsample(64, 4, apply_batchnorm=False), # (bs, 128, 128, 64)6 t9 C2 R) j9 N4 k0 L
        downsample(128, 4), # (bs, 64, 64, 128)9 L( K! c% }. j9 @& q; J& r4 P' D! H
        downsample(256, 4), # (bs, 32, 32, 256)/ e3 i2 n# G: U0 F2 C
        downsample(512, 4), # (bs, 16, 16, 512)
3 O+ I4 I: b& x* M* ?; b$ b        downsample(512, 4), # (bs, 8, 8, 512)
% O. [1 i* L: w0 }; {- a        downsample(512, 4), # (bs, 4, 4, 512)- M3 p* B) y0 o3 y
        downsample(512, 4), # (bs, 2, 2, 512). [# B! a$ Y9 \: g# c& i
        downsample(512, 4), # (bs, 1, 1, 512)/ i4 {3 [' d& e: O. F
    ]
2 H1 e3 |* C  |# E0 t) R    up_stack = [2 L7 D* t2 E2 s& B) t& J6 z7 B# I
        upsample(512, 4, apply_dropout=True), # (bs, 2, 2, 1024)
6 b- s: P9 Q, w3 o( W        upsample(512, 4, apply_dropout=True), # (bs, 4, 4, 1024)" r7 Y  ?& M7 Z$ D" e% o+ W
        upsample(512, 4, apply_dropout=True), # (bs, 8, 8, 1024)' ?$ Q4 b( T0 F2 k
        upsample(512, 4), # (bs, 16, 16, 1024)1 I, Z. d: \! D( r8 Q3 R
        upsample(256, 4), # (bs, 32, 32, 512)
8 ~) l- B6 w. F        upsample(128, 4), # (bs, 64, 64, 256)  @3 p$ _$ x' e  _3 j' Y
        upsample(64, 4), # (bs, 128, 128, 128)  M5 E. V6 {: [1 n
    ]' d4 x( `: R2 H% D3 l- c
    initializer = tf.random_normal_initializer(0., 0.02)
. V4 H( |: B# _: v* k    last = tf.keras.layers.Conv2DTranspose(OUTPUT_CHANNELS, 4,
! r* ?8 S! m; y6 d- J( z                                         strides=2,
; R! T; C! e4 n+ X0 s# E                                         padding='same',
+ l" P, M' N( H8 D% p                                         kernel_initializer=initializer,
% f. Z# p5 V$ g: h% l' L3 E- f                                         activation='tanh') # (bs, 256, 256, 3)3 P  N, `- G. q/ f
    concat = tf.keras.layers.Concatenate()
6 x9 ?4 V% d) U- @- A1 h# M! K; W+ J    inputs = tf.keras.layers.Input(shape=[None,None,3])
3 R8 x+ |9 \' A1 O( S5 z    x = inputs6 g% b( v6 l8 ^+ W- G
    skips = []
& {6 Y, j2 I) g5 k: w4 }9 S    for down in down_stack:
9 Q- k7 x4 a/ r7 b        x = down(x), C" A7 M, m4 O
        skips.append(x)
% N; k* ^, b" Q6 s5 q) |    skips = reversed(skips[:-1])$ i! i* N2 b: C' u$ f" ?
    for up, skip in zip(up_stack, skips):
( H  s0 k# c# e& y* m        x = up(x)
$ m: C) G9 u8 |0 x9 p. T9 K        x = concat([x, skip]): a' ]' X) v9 ^2 ]5 T1 X
    x = last(x)8 ^3 V! h2 l; C0 D+ e
    return tf.keras.Model(inputs=inputs, outputs=x)5 Y8 C5 B+ ^+ U# w
generator = Generator()+ r$ u  H' h, P$ _0 M8 Y1 X, ?
判别网络  @3 [' A- }  M; O9 H
判别网络我们使用PatchGAN, PatchGAN又称之为马尔可夫判别器。传统的基于CNN的分类模型有很多都是在最后引入了一个全连接层,然后将判别的结果输出。然而PatchGAN却不一样,它完全由卷积层构成,最后输出的是一个纬度为N的方阵。然后计算矩阵的均值作真或者假的输出。从直观上看,输出方阵的每一个输出,是模型对原图中的一个感受野,这个感受野对应了原图中的一块地方,也称之为Patch,因此,把这种结构的GAN称之为PatchGAN。
. m/ g3 o6 E' B& wPatchGAN中的每一个Block是由卷积层->BN层->Leaky ReLU组成的。
5 q+ O3 I, y8 Y8 g2 H9 j, O* S" l在我们的这个模型中,最后一层我们的输出的纬度是(Batch Size, 30, 30, 1), 其中1表示图片的通道。
! f' z0 b$ A; p: x; H每个30x30的输出对应着原图的70x70的区域。详细的结构可以参考这篇论文。( V- J9 j' {) @0 v$ ?% Z* m0 Z

2 Y: a' u! E  {& Y$ e% H7 Hdef Discriminator():
) d8 k7 j. F! U, c) I; ?    initializer = tf.random_normal_initializer(0., 0.02)
  K9 f$ f3 c/ \3 F6 u    inp = tf.keras.layers.Input(shape=[None, None, 3], name='input_image')
4 u* ^$ A' K$ W3 F    tar = tf.keras.layers.Input(shape=[None, None, 3], name='target_image')
- L/ _  D9 d# H4 k8 g0 ^$ Y    # (batch size, 256, 256, channels*2), [6 E- V% j0 C- T5 i/ V! v; z) ~
    x = tf.keras.layers.concatenate([inp, tar]); F6 M# n! [& X9 h7 |. `
    # (batch size, 128, 128, 64)
* E3 J/ `, M& F  l# o5 V4 D    down1 = downsample(64, 4, False)(x)" G- H/ I2 n0 G
   
+ A$ a$ O5 v: }3 q1 q# Y8 j& S+ N    # (batch size, 64, 64, 128)2 C6 d8 {* e) z1 R
    down2 = downsample(128, 4)(down1)
# d2 Q3 N) }* y9 n# E/ u8 c$ h" J   
6 D# L3 f: G# ^9 W# f3 p1 L  Z    # (batch size, 32, 32, 256)
- l1 n5 a; z7 Y: E    down3 = downsample(256, 4)(down2)! c" E+ y$ u8 I7 p; `
    # (batch size, 34, 34, 256)6 t- u, w+ R$ |3 s0 A
    zero_pad1 = tf.keras.layers.ZeroPadding2D()(down3)
  M6 Z0 f+ d6 }; k   0 @% [) J0 U; l: u7 w' u
    # (batch size, 31, 31, 512)
( y6 Q5 E% R+ g/ w, [  T/ h    conv = tf.keras.layers.Conv2D(512, 4, strides=1, kernel_initializer=initializer, use_bias=False)(zero_pad1)
% Q4 ~3 \9 ^4 H6 `& K    batchnorm1 = tf.keras.layers.BatchNormalization()(conv)
  u& {* h. w8 a% L    leaky_relu = tf.keras.layers.LeakyReLU()(batchnorm1); b7 z8 }: i3 r* s
    # (batch size, 33, 33, 512)+ \- r- v) V+ M1 u( _0 D8 t
    zero_pad2 = tf.keras.layers.ZeroPadding2D()(leaky_relu)# ^$ |: u7 f: t* n( Q6 u
    # (batch size, 30, 30, 1): U6 u" }, Q, M4 Q
    last = tf.keras.layers.Conv2D(1, 4, strides=1, kernel_initializer=initializer)(zero_pad2)3 c( i4 o# F% k. @, T" B! Z; D
    return tf.keras.Model(inputs=[inp, tar], outputs=last)+ @1 t! {; O+ _+ \6 X( O9 h
discriminator = Discriminator()
3 Q6 A( x4 G1 [1 G) ~2 X第七步: 定义损失函数和优化器; G+ n4 b5 Q4 o6 ]8 @- X
**
3 O& V6 t- t, u# U**, |' f) U2 E4 H) P* I# p
loss_object = tf.keras.losses.BinaryCrossentropy(from_logits=True)
& ]3 I# X  C& A7 a' {+ E  N**6 J" ?6 E4 ]- s7 d( ]3 ^
: x  ~! U" `, r& _' ]' g( M- d7 f
def discriminator_loss(disc_real_output, disc_generated_output):
: V) Z% z7 N1 @' M. g6 {    real_loss = loss_object(tf.ones_like(disc_real_output), disc_real_output)' f5 Z- [/ I* m- r- t9 ~
    generated_loss = loss_object(tf.zeros_like(disc_generated_output), disc_generated_output)
( F) y, ]2 a$ [+ {- }9 y' r9 R    total_disc_loss = real_loss + generated_loss
0 ?& h& b* U; V  S! m, V    return total_disc_loss
  U5 A: n+ w' f1 u) @: ^def generator_loss(disc_generated_output, gen_output, target):
1 k3 b* d" z1 e' ]! l    gan_loss = loss_object(tf.ones_like(disc_generated_output), disc_generated_output)
0 N7 V8 ]( b% y    l1_loss = tf.reduce_mean(tf.abs(target - gen_output))- ?1 g. x$ S' E5 z# \
    total_gen_loss = gan_loss + (LAMBDA * l1_loss)
; l3 R5 e) Y. y! v    return total_gen_loss: v* S6 ]. E6 L( ]- M$ o0 Z
generator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)  \% i) t: S) m' _$ T; l
discriminator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
% e' T3 s# U3 ^+ H4 S$ |& m9 d( L' |5 g7 k3 G7 y
第八步: 定义CheckPoint函数
" {7 b4 v2 u& i7 N由于我们的训练时间较长,因此我们会保存中间的训练状态,方便后续加载继续训练: [- e8 o9 v7 w" B/ U4 N7 _6 z
checkpoint = tf.train.Checkpoint(generator_optimizer=generator_optimizer,3 _4 q3 O$ g7 }+ Z
                                 discriminator_optimizer=discriminator_optimizer,' |0 i. P8 K. S
                                 generator=generator,/ j) ^/ L) ?, U
                                 discriminator=discriminator)4 V6 T- p: E/ Q# F- ]
如果我们保存了之前的训练的结果,我们加载保存的数据。然后我们应用上次保存的模型来输出下我们的测试数据。+ E! v; U0 P3 c; g- _
def generate_images(model, test_input, tar):" }$ k! Z" V( M2 J
    prediction = model(test_input, training=True)( p* |8 _( p' F/ X
    plt.figure(figsize=(15,15))
; m% h8 j) \9 l    display_list = [test_input[0], tar[0], prediction[0]]0 f  x8 d, e- c; t
    title = ['Input', 'Target', 'Predicted']
4 }% y2 [/ [- h4 z# v    for i in range(3):. v7 G8 u& R8 k6 ]3 O' E* E
        plt.subplot(1, 3, i+1)9 A, v6 E8 x6 k5 B( l) w/ f
        plt.title(title)$ s4 ^8 b+ K! C; ?, H! [8 q1 L, u  {
        plt.imshow(tensor_to_array(display_list) * 0.5 + 0.5)
7 N) b( i: ^: `) N        plt.axis('off')1 U- w' Q( c, V7 |8 {5 l
    plt.show()
6 L0 V8 l* ~& O  eckpt_manager = tf.train.CheckpointManager(checkpoint, "./", max_to_keep=2)
% f* }5 ~# ]' v: }if ckpt_manager.latest_checkpoint:
  _+ N- i! {1 i' X3 Z    checkpoint.restore(ckpt_manager.latest_checkpoint)
% Z8 z# o, C; P) w+ B# ~' |for inp, tar in test_dataset.take(20):: B% R4 T3 I8 G
    generate_images(generator, inp, tar)) d# O6 E% z) E4 ]! e

6 [! g  [$ q; F  y# n+ P第九步: 训练8 z: x  U. x; {1 P
在训练中,我们输出第一张图片来查看每个epoch给我们的预测结果带来的变化。让大家感受到其中的乐趣
& K; [& x3 N+ o) C5 V每20个epoch我们保存一次状态0 q8 B) Y) f/ ?5 M
@tf.function# p5 @( r8 ^- N
def train_step(input_image, target):
, Y3 a( h" D; N5 Q    with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:+ h, n4 {* S7 T/ X4 H
        gen_output = generator(input_image, training=True)
4 R4 f* ^5 c  B8 h5 u$ s        disc_real_output = discriminator([input_image, target], training=True)
# g. y; p$ G& v: t0 Y  [; \        disc_generated_output = discriminator([input_image, gen_output], training=True)5 s; d+ T3 r2 Z( E; B8 R6 |6 R
        gen_loss = generator_loss(disc_generated_output, gen_output, target)2 d4 q2 x1 J+ P# O& V+ E
        disc_loss = discriminator_loss(disc_real_output, disc_generated_output)
8 o+ N, o6 Q7 Y6 ]) e4 `    generator_gradients = gen_tape.gradient(gen_loss,
( Y* O, C3 I! s% Z$ `& d5 i: L8 m5 ~                                          generator.trainable_variables)
, V% C5 {1 v) q3 ]    discriminator_gradients = disc_tape.gradient(disc_loss,3 e1 B3 l* P8 a1 h
                                               discriminator.trainable_variables)
( W$ H- p8 C6 {# v- |$ I3 y& m    generator_optimizer.apply_gradients(zip(generator_gradients,
' P; r1 D, k# m& `                                          generator.trainable_variables)). x  P+ f4 r* v$ j- ~' H/ i* H1 x
    discriminator_optimizer.apply_gradients(zip(discriminator_gradients,
5 \0 W9 g  q* l2 ^1 o2 Y                                              discriminator.trainable_variables))! R( q: o- L0 O1 ^$ _
def fit(train_ds, epochs, test_ds):
" V! V( T& }9 A% q7 Y. T    for epoch in range(epochs):, A1 e. q# f" E8 V* \% S
        start = time.time()
0 @1 D5 k: i" W4 v' [# E0 B! Q        for input_image, target in train_ds:
) w4 W/ @. l) h+ c            train_step(input_image, target)  n' v: d" {+ \8 z- f' t( e& k
        clear_output(wait=True)4 N" t! q, I- l$ V# J& k
      
1 Q, _2 c* S' o5 b        for example_input, example_target in test_ds.take(1):6 _; ]! D: i# n4 ]9 N' f
            generate_images(generator, example_input, example_target)3 e7 N. n3 C9 V
        if (epoch + 1) % 20 == 0:
9 V0 S; Y8 ]6 R: [9 F/ k: @            ckpt_save_path = ckpt_manager.save()  R# D1 b+ n% }7 X& ~4 k# _* a2 _
            print ('保存第{}个epoch到{}\n'.format(epoch+1, ckpt_save_path))' j; v5 k& I4 e& ?4 h( D% Q5 S. ?3 b
        print ('训练第{}个epoch所用的时间为{:.2f}秒\n'.format(epoch + 1, time.time()-start))
: G4 o/ d: k7 x8 K* K4 |  A& Jfit(train_dataset, EPOCHS, test_dataset)$ ^# F) @% [: o

4 M. u! v4 Q2 N5 d5 G# B训练第8个epoch所用的时间为51.33秒。% d' Y2 w7 z( ^3 h& [4 s
第十步: 使用测试数据上色,查看下我们的效果
! E0 ]% ]4 j2 X- g( `0 Ofor input, target in test_dataset.take(20):5 O' b3 c' I/ m0 O4 U, Q; D. N
    generate_images(generator, input, target)  k' f/ m5 g8 [
矩池云现在已经上架 “口袋妖怪上色” 镜像;感兴趣的小伙伴可以通过矩池云官网“Jupyter 教程 Demo” 镜像中尝试使用。" ]* I, |0 I" _0 f
BitMere.com 比特池塘系信息发布平台,比特池塘仅提供信息存储空间服务。
声明:该文观点仅代表作者本人,本文不代表比特池塘立场,且不构成建议,请谨慎对待。
您需要登录后才可以回帖 登录 | 立即注册

本版积分规则

成为第一个吐槽的人

阿丽66 小学生
  • 粉丝

    0

  • 关注

    0

  • 主题

    2