Hi 游客

更多精彩,请登录!

比特池塘 区块链技术 正文

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

阿丽66
156 0 0

  j1 _( a& [3 A0 A0 z在之前的Demo中,我们使用了条件GAN来生成了手写数字图像。那么除了生成数字图像以外我们还能用神经网络来干些什么呢?
. H: \4 D* ]  C+ a9 a在本案例中,我们用神经网络来给口袋妖怪的线框图上色。
' E' I7 r! S  L' `1 M  F& N5 ^第一步: 导入使用库# ]3 U# p, d1 `, H
from __future__ import absolute_import, division, print_function, unicode_literals' q( C8 v! A  k5 c9 y( i
import tensorflow as tf5 E4 t- `3 c8 d$ E( K* `
tf.enable_eager_execution()# u" F  u5 `  h% r/ r
import numpy as np( y" h9 ?& W2 Y0 M2 Z
import pandas as pd
5 l" Q9 ^# ~7 o  [4 X: j# Wimport os, J8 B2 Z% Z; U! O7 b
import time
5 `( A# n& ^: J$ J% Z. }( ]' S& Pimport matplotlib.pyplot as plt9 O5 h3 E$ Q; F3 V4 a" i
from IPython.display import clear_output
5 d& L5 a# s- j- v口袋妖怪上色的模型训练过程中,需要比较大的显存。为了保证我们的模型能在2070上顺利的运行,我们限制了显存的使用量为90%, 来避免显存不足的引起的错误。3 R  y( g4 M. D. m6 O7 T
config = tf.compat.v1.ConfigProto()1 |: k, J( F& G& ~
config.gpu_options.per_process_gpu_memory_fraction = 0.9
" p9 v3 F$ C4 d7 Msession = tf.compat.v1.Session(config=config)
6 {' c( N6 y7 i/ I定义需要使用到的常量。& ]8 o3 a9 u# @6 U7 b
BUFFER_SIZE = 400  U; w4 P+ i6 c3 z% X
BATCH_SIZE = 1
+ p" W5 z0 \" ]" T* N. t- ]8 ^! n' mIMG_WIDTH = 256
0 p6 Q0 ]) O7 F# hIMG_HEIGHT = 256% l$ C; G& w) E# U1 B) J, }
PATH = 'dataset/'
! A- m8 E# f3 {; {2 t6 Q. AOUTPUT_CHANNELS = 3+ ?% z8 n3 M& A5 Q; \' o6 C
LAMBDA = 100! D$ m# s6 B1 w5 Q) Q
EPOCHS = 10
/ m# k, @* G% Z( P2 x6 @第二步: 定义需要使用的函数+ w+ q; {  h/ P) h' z9 }7 ^- ~& f
图片数据加载函数,主要的作用是使用Tensorflow的io接口读入图片,并且放入tensor的对象中,方便后续使用
; _2 m% t2 ^. o! g0 i+ s) f; xdef load(image_file):& e- k1 j$ {4 Y# x5 j- W( b4 b
    image = tf.io.read_file(image_file)( g8 W6 T: A- K- K( k8 t+ K
    image = tf.image.decode_jpeg(image), j# |3 E6 e( n
    w = tf.shape(image)[1]9 c7 b/ L* Q+ P) R
    w = w // 24 B. p: k4 W) F6 J; I& h; @
    input_image = image[:, :w, :]4 ?% f3 g8 i; J- m. d% n  `
    real_image = image[:, w:, :]6 S- W7 x! P6 M7 n1 |
    input_image = tf.cast(input_image, tf.float32)% t! b. J% x7 \* F
    real_image = tf.cast(real_image, tf.float32)
  M/ \' E" n" H# ]3 @    return input_image, real_image
) C: n8 i/ [: }+ _* ntensor对象转成numpy对象的函数# T/ O* T9 L( O- d  [0 r/ n1 n4 O
在训练过程中,我会可视化一些训练的结果以及中间状态的图片。Tensorflow的tensor对象无法直接在matplot中直接使用,因此我们需要一个函数,将tensor转成numpy对象。
3 z6 q) c8 o* i' I: b0 W9 ?def tensor_to_array(tensor1):* Z  {# N( G5 w8 J
    return tensor1.numpy()
+ p, v0 W1 v! O! ^5 B) W- T第三步: 数据可视化/ V* B0 F" b% C9 O
我们先来看下我们的训练数据长成什么样。
' ]+ p5 X# I, q0 {0 @" [" a) V我们每张数据图片分成了两个部分,左边部分是线框图,我们用来作为输入数据,右边部分是上色图,我们用来作为训练的目标图片。3 [5 O" B/ H% M5 M
我们使用上面定义的load函数来加载一张图片看下
: I5 ~7 z3 M3 P+ ginput, real = load(PATH+'train/114.jpg')) r) K9 W/ t. A! Z$ ]6 V0 |6 Q
plt.figure()
1 v* `7 [; {# {, iplt.imshow(tensor_to_array(input)/255.0), e. O/ p8 B% N; G4 E# I
plt.figure()
% X2 z* q2 W( ^% Uplt.imshow(tensor_to_array(real)/255.0)4 x" \3 R" [4 }4 F/ {2 ]4 D, E9 I
. r& ], M; N& [% F) r5 ]3 d5 L, _  q
第四步: 数据增强
0 D5 L4 u0 t! }# o8 L8 |由于我们的训练数据不够多,我们使用数据增强来增加我们的样本。从而让小样本的数据也能达到更好的效果。
- c5 P9 a# P1 u) }5 _我们采取如下的数据增强方案:, I9 N: v6 y! _, c* x( q7 I
图片缩放, 将输入数据的图片缩放到我们指定的图片的大小随机裁剪数据归一化左右翻转( ]' Q1 p6 M5 e8 ~

3 |' s3 N: Q6 Q. C. z3 Cdef resize(input_image, real_image, height, width):
: i; w+ q; J& S" k& l    input_image = tf.image.resize(input_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
0 x; B, K' v" D3 e1 ]. k" s    real_image = tf.image.resize(real_image, [height, width], method=tf.image.ResizeMethod.NEAREST_NEIGHBOR)
" a* P& X! X+ S    return input_image, real_image! E6 u( F2 I" n  A7 k6 X9 a/ I" Z5 J
def random_crop(input_image, real_image):1 R  ], C$ K/ ^+ w1 @# P
    stacked_image = tf.stack([input_image, real_image], axis=0)
/ T# D; x- i5 Z+ }+ d    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])9 s+ T1 J1 D' Q& n. U
    return cropped_image[0], cropped_image[1]$ r& ^) k+ w. {9 E- q
def random_crop(input_image, real_image):
/ q6 J$ Q  C( B2 G  j- n$ P( |, W8 K    stacked_image = tf.stack([input_image, real_image], axis=0)
% [) x0 m6 D/ Q# n( {, b0 i    cropped_image = tf.image.random_crop(stacked_image, size=[2, IMG_HEIGHT, IMG_WIDTH, 3])  s/ s8 i; p  @8 G1 e
    return cropped_image[0], cropped_image[1]
, i9 X8 s( Y" i我们将上述的增强方案做成一个函数,其中左右翻转是随机进行6 n7 O9 v, h3 O  U# ~' X
@tf.function()
6 g. P" _: a, y- q0 ]def random_jitter(input_image, real_image):' I9 U# w+ \4 O$ |
    input_image, real_image = resize(input_image, real_image, 286, 286)
* x5 a0 M8 y2 D* w    input_image, real_image = random_crop(input_image, real_image)% C6 q7 |8 E7 `4 [
    if tf.random.uniform(()) > 0.5:7 G: j1 I# ~( Y& s! i  E
        input_image = tf.image.flip_left_right(input_image)  a4 B/ F6 Z; y
        real_image = tf.image.flip_left_right(real_image)
) j: q& G9 p8 a& T' G    return input_image, real_image: E8 v1 r) x' u
数据增强的效果+ g3 r+ c1 j4 {. ]" ?
plt.figure(figsize=(6, 6))
6 d) n6 e/ H- T2 @* Q. Q& y# ffor i in range(4):# Y/ Q4 e  d  \: A
    input_image, real_image = random_jitter(input, real)5 L# N$ a8 N$ Q) \% j# c* t! Z1 t
    plt.subplot(2, 2, i+1)% Q+ U2 b( x* Q5 O
    plt.imshow(tensor_to_array(input_image)/255.0)& U: \" k" U6 v; K; q, Z+ e7 y1 t% i
    plt.axis('off'), U; A* N$ r7 h3 ~7 C/ C+ k
plt.show(). B, }3 Q* T& T8 D9 J9 J. v
' b0 ~5 y" r+ \% ?) s
第五步: 训练数据的准备
3 h$ \9 f0 Y4 z7 [8 i: w定义训练数据跟测试数据的加载函数3 `% a! B) h: O: a9 X
def load_image_train(image_file):$ a" o# h/ Z6 j  {. f9 W  l
    input_image, real_image = load(image_file)
- i! W7 @# G% R/ L" e( x: R    input_image, real_image = random_jitter(input_image, real_image)7 ^  T" {/ J1 |/ |$ Y0 i
    input_image, real_image = normalize(input_image, real_image)
, Y2 [0 l7 p9 u* M/ w    return input_image, real_image: a) G' G  H! b" n, B5 ~
def load_image_test(image_file):
; A, w& d" l% K. J0 N    input_image, real_image = load(image_file)5 S/ ^4 J9 o2 }$ r
    input_image, real_image = resize(input_image, real_image, IMG_HEIGHT, IMG_WIDTH)  a# I* W% F  V! P, Q* f( A
    input_image, real_image = normalize(input_image, real_image)% H# S+ d% ?& ^2 x4 l+ ]
    return input_image, real_image& Q2 b/ [5 b) B- S) a7 _- P  N
使用tensorflow的DataSet来加载训练和测试数据, 定义我们的训练数据跟测试数据集对象. A, ]' h4 U! j% J3 ~
train_dataset = tf.data.Dataset.list_files(PATH+'train/*.jpg')
% K3 ]! c: U7 r8 |train_dataset = train_dataset.map(load_image_train, num_parallel_calls=tf.data.experimental.AUTOTUNE)* P1 W" F3 y' ^5 V8 r
train_dataset = train_dataset.cache().shuffle(BUFFER_SIZE)
' U9 I2 L! q% V; Z9 R+ E( btrain_dataset = train_dataset.batch(1)
' B9 R, \& r. R: g2 [8 u& |test_dataset = tf.data.Dataset.list_files(PATH+'test/*.jpg')5 R) A$ q1 J% l! @$ f+ K
test_dataset = test_dataset.map(load_image_test)& [. p2 R# k+ ~; G, Y) l1 h
test_dataset = test_dataset.batch(1)
; B3 P- h& d- {6 D+ H5 H# N$ s3 F第六步: 定义模型8 \6 H/ A" w* g0 N( N6 d
口袋妖怪的上色,我们使用的是GAN模型来训练, 相比上个条件GAN生成手写数字图片,这次的GAN模型的复杂读更加的高。7 L+ S: f: T* ]1 [
我们先来看下生成网络跟判别网络的整体结构4 I4 f2 p: b8 v+ O- h5 c8 h& I
生成网络
" z$ a, v, H6 V  A- f. N生成网络使用了U-Net的基本框架,编码阶段的每一个Block我们使用, 卷积层->BN层->LeakyReLU的方式。解码阶段的每一个Block我们使用, 反卷积->BN层->Dropout或者ReLU。其中前三个Block我们使用Dropout, 后面的我们使用ReLU。每一个编码层的Block输出还连接了与之对应的解码层的Block. 具体可以参考U-Net的skip connection.9 {( U. f7 r, N. P8 e, K2 Q4 m
定义编码Block$ ]+ ~+ M3 K7 L) t! g* d* A
def downsample(filters, size, apply_batchnorm=True):/ H, q" b+ s: b) q4 x! U( s
    initializer = tf.random_normal_initializer(0., 0.02)
# e6 x3 ^& A4 K" B& i    result = tf.keras.Sequential()
. Z6 m! U) N* m, \& a: b8 B    result.add(tf.keras.layers.Conv2D(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))- r* Z8 m* S; Q7 Q+ N% n; X6 ]; p/ [
    if apply_batchnorm:- `3 H* ?1 W) O: Y
        result.add(tf.keras.layers.BatchNormalization())" n: n* [' ]# |8 W
    result.add(tf.keras.layers.LeakyReLU())- y/ ~& M. }) N" O: j, {* o
    return result
0 R. |5 Z# G' w0 {" S/ C8 Idown_model = downsample(3, 4)& @- b0 ~1 n) j9 |. `
定义解码Block# V" t. N1 R, c0 y
def upsample(filters, size, apply_dropout=False):! E$ F1 a% J1 }1 m5 N- V$ g
    initializer = tf.random_normal_initializer(0., 0.02), n& w! b# X7 u! d# n, F4 S
    result = tf.keras.Sequential()
* ?: A! b$ N" ]5 G5 Z! N" L    result.add(tf.keras.layers.Conv2DTranspose(filters, size, strides=2, padding='same', kernel_initializer=initializer, use_bias=False))
" h; t7 a! w, q3 h1 h5 A6 T    result.add(tf.keras.layers.BatchNormalization())" K+ f& ^/ o, J. N; P% G
    if apply_dropout:
0 {* N2 c6 W4 X9 o2 v/ B6 M0 `        result.add(tf.keras.layers.Dropout(0.5)): {4 N8 w! o, @+ W
    result.add(tf.keras.layers.ReLU())
4 I3 J% H8 f4 _+ m$ i    return result
& o- O; G' f* n; i% `up_model = upsample(3, 4)
- U0 u- }- d) |$ Q3 e) U7 [定义生成网络模型
1 \2 G5 f3 F" O) E6 c" I2 Jdef Generator():
9 w) ^, h3 j1 w' l' m    down_stack = [
; `$ {+ R0 l/ ]        downsample(64, 4, apply_batchnorm=False), # (bs, 128, 128, 64)
, c9 t- V# M2 P, Z4 p        downsample(128, 4), # (bs, 64, 64, 128)1 [3 h$ n+ [% t3 d8 M
        downsample(256, 4), # (bs, 32, 32, 256)
$ _7 |6 i% C$ @. _8 D% G; p        downsample(512, 4), # (bs, 16, 16, 512)* X- Q+ s3 n3 f: \
        downsample(512, 4), # (bs, 8, 8, 512)/ ]5 f6 D. s' [8 N7 O1 |: r
        downsample(512, 4), # (bs, 4, 4, 512); Y, O) d4 V; _
        downsample(512, 4), # (bs, 2, 2, 512)/ L6 C- o0 g4 @9 f; c4 n
        downsample(512, 4), # (bs, 1, 1, 512)# L0 G" r+ g. L3 b2 y2 g% y
    ]. i3 d- b  Y! W" F" x: \
    up_stack = [. h, f8 ~3 F! N+ X
        upsample(512, 4, apply_dropout=True), # (bs, 2, 2, 1024); D9 s8 ]  i; ~# @0 d+ p4 c6 Y8 k
        upsample(512, 4, apply_dropout=True), # (bs, 4, 4, 1024)3 u4 y3 y, B/ d, d4 B" S
        upsample(512, 4, apply_dropout=True), # (bs, 8, 8, 1024)
5 p; ?5 T$ X, T        upsample(512, 4), # (bs, 16, 16, 1024)2 V* x9 K7 |  q2 s5 X. w- p
        upsample(256, 4), # (bs, 32, 32, 512)" C1 e# l, I! a2 d: m& S5 t
        upsample(128, 4), # (bs, 64, 64, 256)
5 o7 X$ Z/ p5 F        upsample(64, 4), # (bs, 128, 128, 128)
" [0 Y1 N0 ]- U% {# M! t8 X5 j& A    ]
: F5 z, g1 N1 V/ S    initializer = tf.random_normal_initializer(0., 0.02)( g7 p/ |2 m: T) e1 Y6 f
    last = tf.keras.layers.Conv2DTranspose(OUTPUT_CHANNELS, 4,
+ d: k3 X' I* L2 E                                         strides=2,; R' a3 \. G) [* \8 {# x1 b
                                         padding='same',
1 \' p; u/ |9 g                                         kernel_initializer=initializer,# j, U+ H7 z$ O4 e! z% X
                                         activation='tanh') # (bs, 256, 256, 3)
+ g2 u5 y. h# g0 L; `! E3 @- @6 t    concat = tf.keras.layers.Concatenate()  m/ `4 i8 |8 H% V1 N& i
    inputs = tf.keras.layers.Input(shape=[None,None,3])1 N/ H; `( h8 l3 Y4 |
    x = inputs
9 i3 w& J  m0 `    skips = []
9 D5 p4 J$ l: f& f4 w' }    for down in down_stack:- {; u. U/ w' t8 V' k/ Z
        x = down(x)
; m6 Y( B3 W* z: D- [  L* [9 \  o        skips.append(x)
3 ]8 x4 {4 B4 a% s    skips = reversed(skips[:-1])
$ k* Z% _7 A8 ^& n3 q0 X7 t& e    for up, skip in zip(up_stack, skips):: Q7 y7 E9 m9 r- t6 f. m
        x = up(x)6 F5 w# x) u( n8 u2 g7 D
        x = concat([x, skip])
' W( [7 g: }) ]3 K8 V    x = last(x)- {' j: [5 x2 J" p
    return tf.keras.Model(inputs=inputs, outputs=x)
  ^& e# I0 {; I; D" @8 o4 xgenerator = Generator()
: X6 p* k0 b; {$ j) k判别网络
* j9 x) z) e- {2 Y1 g, u2 w判别网络我们使用PatchGAN, PatchGAN又称之为马尔可夫判别器。传统的基于CNN的分类模型有很多都是在最后引入了一个全连接层,然后将判别的结果输出。然而PatchGAN却不一样,它完全由卷积层构成,最后输出的是一个纬度为N的方阵。然后计算矩阵的均值作真或者假的输出。从直观上看,输出方阵的每一个输出,是模型对原图中的一个感受野,这个感受野对应了原图中的一块地方,也称之为Patch,因此,把这种结构的GAN称之为PatchGAN。) Q, x6 Z* O( D4 B& |& O
PatchGAN中的每一个Block是由卷积层->BN层->Leaky ReLU组成的。
3 g* O3 m8 V+ n) p在我们的这个模型中,最后一层我们的输出的纬度是(Batch Size, 30, 30, 1), 其中1表示图片的通道。1 |" E( X, Y" r  x
每个30x30的输出对应着原图的70x70的区域。详细的结构可以参考这篇论文。3 x9 q6 `  `4 u
9 a1 Q( E) J  U% J( P/ L
def Discriminator():. H% T  M3 l2 [1 @. u; E: d- T' J, W6 k
    initializer = tf.random_normal_initializer(0., 0.02)
$ y7 G0 J0 d7 Z; S1 z    inp = tf.keras.layers.Input(shape=[None, None, 3], name='input_image')0 n2 W3 [4 P, r( [9 l8 K2 V, ~
    tar = tf.keras.layers.Input(shape=[None, None, 3], name='target_image')
, r9 Y* l1 f, d, e    # (batch size, 256, 256, channels*2)
3 r3 Q( l. z' _( m* l    x = tf.keras.layers.concatenate([inp, tar])
& H0 S( N- r- K' J) r: M2 H    # (batch size, 128, 128, 64)
# ^8 ], p" P1 s% p    down1 = downsample(64, 4, False)(x)/ r6 `$ k9 `' ^6 ?
   
% t1 q* j( o7 X; U, a) o) Z    # (batch size, 64, 64, 128)
; ?' [2 B/ N8 n5 U( U- v. U0 C: f5 J    down2 = downsample(128, 4)(down1)
2 H* j/ Q; u9 {  q   1 s& I7 P; Q  s/ E: `0 A& ~8 C7 H6 g
    # (batch size, 32, 32, 256). q3 }  @  w3 h9 H9 [
    down3 = downsample(256, 4)(down2), Y2 C5 X: @7 {' r, H) O
    # (batch size, 34, 34, 256)+ h0 ]2 E* _/ p/ h& x
    zero_pad1 = tf.keras.layers.ZeroPadding2D()(down3)
8 Q( K% R, {$ I& G& x   
0 }+ p" P( U# g" J1 t" T, G/ Z, ]    # (batch size, 31, 31, 512), U: J4 m1 S  C4 J# o) g5 B( z6 l. Q
    conv = tf.keras.layers.Conv2D(512, 4, strides=1, kernel_initializer=initializer, use_bias=False)(zero_pad1)
: p- `+ j, W% u3 L' K2 O2 I    batchnorm1 = tf.keras.layers.BatchNormalization()(conv)& A- Y2 c6 O/ ?( W
    leaky_relu = tf.keras.layers.LeakyReLU()(batchnorm1)
/ G' _5 L; k2 F* u5 `; A# \' Y' w    # (batch size, 33, 33, 512)! e: ~7 C, n# L
    zero_pad2 = tf.keras.layers.ZeroPadding2D()(leaky_relu)
. g2 b* P/ q  ^9 e) b% X% o* q    # (batch size, 30, 30, 1)
3 f8 I2 _: u7 I6 W' w4 w    last = tf.keras.layers.Conv2D(1, 4, strides=1, kernel_initializer=initializer)(zero_pad2)
# L8 O- j  H2 ]1 q, S9 p; L& ]    return tf.keras.Model(inputs=[inp, tar], outputs=last)
2 D4 @7 E5 R4 B$ U0 j. ]! D, [discriminator = Discriminator()9 H6 k/ ?, {# w. U4 Q
第七步: 定义损失函数和优化器
; c& i+ S" q1 L# Q. q( ]**
* V; |+ j4 t2 e: z5 Z) i$ T0 [7 T**
/ j4 g7 S  m# K( L4 }% D4 c, h: t) Nloss_object = tf.keras.losses.BinaryCrossentropy(from_logits=True)
0 ~5 U0 N: n: _( b**
" g( M! @7 ~5 o: S# k
% D  c* W$ m3 @% W8 [def discriminator_loss(disc_real_output, disc_generated_output):# S! d. Q$ k, o' p
    real_loss = loss_object(tf.ones_like(disc_real_output), disc_real_output)7 n8 ^1 Z8 z6 d9 J% Z+ u2 n
    generated_loss = loss_object(tf.zeros_like(disc_generated_output), disc_generated_output)
" a: U9 z) h4 k( j# ~    total_disc_loss = real_loss + generated_loss
8 \8 P9 g$ h2 z5 x    return total_disc_loss
3 C" a1 ~) W( s, v8 r2 z5 ndef generator_loss(disc_generated_output, gen_output, target):
& U& a+ j- e6 g; G0 g    gan_loss = loss_object(tf.ones_like(disc_generated_output), disc_generated_output)3 L; U* i0 k3 b* j. P/ z4 J( B
    l1_loss = tf.reduce_mean(tf.abs(target - gen_output))& n3 e& {2 G1 C% J4 ^
    total_gen_loss = gan_loss + (LAMBDA * l1_loss)
% C+ l8 T- J2 J, O: R& V. F    return total_gen_loss- c5 \# n8 R" z+ B/ e6 P2 W
generator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
3 C# b! o7 q  G4 R! D8 gdiscriminator_optimizer = tf.keras.optimizers.Adam(2e-4, beta_1=0.5)
8 d5 U: K' @7 z; A: |. F& ^6 |& j1 t$ x
第八步: 定义CheckPoint函数
5 f7 Y3 |  R- t! E# E* e由于我们的训练时间较长,因此我们会保存中间的训练状态,方便后续加载继续训练
. @' N0 e9 R, g! {checkpoint = tf.train.Checkpoint(generator_optimizer=generator_optimizer,
2 l- d( n' z$ v; l8 C                                 discriminator_optimizer=discriminator_optimizer,
) F' [9 B1 \4 x& o, `: \" r                                 generator=generator,
" R  H1 D( H+ w* u5 b# ^6 R* o  ~/ v                                 discriminator=discriminator)2 i% Z  C) e4 P/ \# H% n# j
如果我们保存了之前的训练的结果,我们加载保存的数据。然后我们应用上次保存的模型来输出下我们的测试数据。
9 [1 V* |: G) h+ Adef generate_images(model, test_input, tar):: }. x* \* X) W3 ?- E
    prediction = model(test_input, training=True)' C& b3 k# ~" ~" z' B& q
    plt.figure(figsize=(15,15))
6 I. M8 m7 n0 [0 `9 f    display_list = [test_input[0], tar[0], prediction[0]]
4 Z/ o% Q$ r2 Z    title = ['Input', 'Target', 'Predicted']
3 J% x( H  d3 R* V4 `9 |    for i in range(3):/ J7 P8 i2 a% J, D) A- [- h
        plt.subplot(1, 3, i+1)
) q6 T/ z7 |# K9 `- S( z$ G' s6 k        plt.title(title)/ F) h' T1 B8 y' E. {
        plt.imshow(tensor_to_array(display_list) * 0.5 + 0.5)
1 Y8 f; @' J. U, f        plt.axis('off')
0 n6 Y! a9 K: Q& @    plt.show()) U5 O$ Y% \1 j, S
ckpt_manager = tf.train.CheckpointManager(checkpoint, "./", max_to_keep=2)
: c# Z; \$ v1 ^6 g) n; r+ q& Aif ckpt_manager.latest_checkpoint:# N( B( U% W7 V0 Z+ h, C2 @& g
    checkpoint.restore(ckpt_manager.latest_checkpoint)" U5 f# W' u$ j
for inp, tar in test_dataset.take(20):& G& L0 ~* r, _# @9 Q
    generate_images(generator, inp, tar)$ Q' `4 ?1 x2 l  ^: ~

% o. J! v1 I' y* n2 G第九步: 训练
7 o2 w% A5 K8 t/ o7 f' N在训练中,我们输出第一张图片来查看每个epoch给我们的预测结果带来的变化。让大家感受到其中的乐趣( {! z; h  s  X! r# p1 Q4 ~
每20个epoch我们保存一次状态2 A) C  Z8 Q% h$ e8 ?0 I
@tf.function7 I/ r  r  s1 Q. A4 S
def train_step(input_image, target):: p* }1 @" ]2 d$ Z" E- H  A
    with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:0 a+ u( ?) n9 [6 Y' X
        gen_output = generator(input_image, training=True)$ x+ n/ o8 I9 z1 T
        disc_real_output = discriminator([input_image, target], training=True)7 F- e2 ~5 A5 {7 B( Y
        disc_generated_output = discriminator([input_image, gen_output], training=True)
9 A8 }2 w. }  d( |* i$ @, j3 y' N        gen_loss = generator_loss(disc_generated_output, gen_output, target): D( N5 y+ d' ], A: ^% _
        disc_loss = discriminator_loss(disc_real_output, disc_generated_output), _& K$ o5 d" T* _' j5 |
    generator_gradients = gen_tape.gradient(gen_loss,6 S$ I9 ^' m8 _- r' P
                                          generator.trainable_variables)  Q  T3 `% d1 Z' r, G" j5 j
    discriminator_gradients = disc_tape.gradient(disc_loss,; z- H" M  J/ A$ x! }
                                               discriminator.trainable_variables)
# \# J( O3 P9 N    generator_optimizer.apply_gradients(zip(generator_gradients,, y2 B) W8 S5 o& ~/ X
                                          generator.trainable_variables))
8 v  w( U4 q) L/ A    discriminator_optimizer.apply_gradients(zip(discriminator_gradients,
! M: V# ]3 w7 \6 m& c, `& s" Z                                              discriminator.trainable_variables))/ P3 r: R% s, u8 d0 |$ q
def fit(train_ds, epochs, test_ds):. ]: w- e# Z- Z  P1 ?
    for epoch in range(epochs):
/ }5 \( n5 V' R9 `        start = time.time()( M( I4 q6 p4 M) q5 P
        for input_image, target in train_ds:
5 u$ J" C/ g3 Z8 T6 A            train_step(input_image, target)
8 U* E$ \. R+ J        clear_output(wait=True)6 r7 L0 n5 A0 R6 |- @: c3 F1 s
      
# ~9 I1 A  \; d- |        for example_input, example_target in test_ds.take(1):/ u6 |7 e, {* z) N1 V
            generate_images(generator, example_input, example_target)( b& P! l: _" [" R+ |5 {' F' l
        if (epoch + 1) % 20 == 0:" n) C! Z- D  A7 g# P$ u& H
            ckpt_save_path = ckpt_manager.save()
. a7 e$ X) X2 q$ u+ p7 A+ |            print ('保存第{}个epoch到{}\n'.format(epoch+1, ckpt_save_path))
# x) u8 B( J- M# u        print ('训练第{}个epoch所用的时间为{:.2f}秒\n'.format(epoch + 1, time.time()-start))
" |' N2 ^7 G8 F, ]fit(train_dataset, EPOCHS, test_dataset)' e! \% a/ d8 K' y" D  ~# R) a& {

  j% C5 a) h: R: r* O$ P; e训练第8个epoch所用的时间为51.33秒。
( W6 h# Q1 I" H1 \. t第十步: 使用测试数据上色,查看下我们的效果# z1 n1 p3 C) y
for input, target in test_dataset.take(20):
4 {$ Z# i: u* r7 ]: H+ P3 u    generate_images(generator, input, target)5 c, K: V& p6 f* ?9 L& c
矩池云现在已经上架 “口袋妖怪上色” 镜像;感兴趣的小伙伴可以通过矩池云官网“Jupyter 教程 Demo” 镜像中尝试使用。
0 g+ M) {* p% G* L/ {7 E$ T5 J
BitMere.com 比特池塘系信息发布平台,比特池塘仅提供信息存储空间服务。
声明:该文观点仅代表作者本人,本文不代表比特池塘立场,且不构成建议,请谨慎对待。
您需要登录后才可以回帖 登录 | 立即注册

本版积分规则

成为第一个吐槽的人

阿丽66 小学生
  • 粉丝

    0

  • 关注

    0

  • 主题

    2