Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

THU資料派發表於2020-09-22

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

引言:基於前段時間我在CSDN上創作的文章“CylcleGAN人臉轉卡通圖”的不足,今天給大家分享一個更加完美的繪製卡通的專案“Learning to Cartoonize Using White-box Cartoon Representations”。

首先闡述下這個專案相對之前分享的卡通化的優勢:

1、普遍適用性,相對於原來人臉轉卡通而言,這個專案可以針對任意的圖片進行卡通化轉換,不再侷限於必須是人臉圖片或一定尺寸;

2、卡通化效果更好。

具體效果如下圖可見:

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

其主要原理仍然是基於GAN網路,但主要三個白盒分別對影像的結構、表面和紋理進行處理,最後得到了優於其他方法的影像轉化方法CartoonGAN

而今天我們就將藉助論文所分享的原始碼,構建模型建立自己需要的人物運動。具體流程如下。

實驗前的準備

首先我們使用的python版本是3.6.5所用到的模組如下:

argparse 模組用來定義命令列輸入引數指令。

Utils 是將其中常用功能封裝成為介面。

numpy 模組用來處理矩陣運算。

Tensorflow 模組建立模型網路,訓練測試等。

tqdm 是顯示迴圈的進度條的庫。

網路模型的定義和訓練

因為不同的卡通風格需要特定任務的假設或先驗知識來開發對應的演算法去分別處理。例如,一些卡通工作更關注全域性色調,線條輪廓是次要問題。或是稀疏乾淨的顏色塊在藝術表達中佔據主導地位。但是針對不同的需求,常見模型無法有效的實現卡通化效果。

故在文章中主要透過分別處理表面、結構和紋理表示來解決這個問題:

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

(1)首先是網路層的定義:

1.1 定義resblock保證在res block的輸入前後通道數發生變化時,可以保證shortcut和普通的output的channel一致,這樣就能直接相加了。

def resblock(inputs, out_channel=32, name='resblock'):     with tf.variable_scope(name):         x = slim.convolution2d(inputs, out_channel, [3, 3],                                 activation_fn=None, scope='conv1')         x = tf.nn.leaky_relu(x)         x = slim.convolution2d(x, out_channel, [3, 3],                                 activation_fn=None, scope='conv2')         return x + inputs

1.2 定義生成器函式:

def generator(inputs, channel=32, num_blocks=4, name='generator', reuse=False):     with tf.variable_scope(name, reuse=reuse):         x = slim.convolution2d(inputs, channel, [7, 7], activation_fn=None)         x = tf.nn.leaky_relu(x)         x = slim.convolution2d(x, channel*2, [3, 3], stride=2, activation_fn=None)         x = slim.convolution2d(x, channel*2, [3, 3], activation_fn=None)         x = tf.nn.leaky_relu(x)         x = slim.convolution2d(x, channel*4, [3, 3], stride=2, activation_fn=None)         x = slim.convolution2d(x, channel*4, [3, 3], activation_fn=None)         x = tf.nn.leaky_relu(x)         for idx in range(num_blocks):             x = resblock(x, out_channel=channel*4, name='block_{}'.format(idx))         x = slim.conv2d_transpose(x, channel*2, [3, 3], stride=2, activation_fn=None)         x = slim.convolution2d(x, channel*2, [3, 3], activation_fn=None)         x = tf.nn.leaky_relu(x)         x = slim.conv2d_transpose(x, channel, [3, 3], stride=2, activation_fn=None)         x = slim.convolution2d(x, channel, [3, 3], activation_fn=None)         x = tf.nn.leaky_relu(x)         x = slim.convolution2d(x, 3, [7, 7], activation_fn=None)         #x = tf.clip_by_value(x, -0.999999, 0.999999)         return x def unet_generator(inputs, channel=32, num_blocks=4, name='generator', reuse=False):     with tf.variable_scope(name, reuse=reuse):         x0 = slim.convolution2d(inputs, channel, [7, 7], activation_fn=None)         x0 = tf.nn.leaky_relu(x0)         x1 = slim.convolution2d(x0, channel, [3, 3], stride=2, activation_fn=None)         x1 = tf.nn.leaky_relu(x1)         x1 = slim.convolution2d(x1, channel*2, [3, 3], activation_fn=None)         x1 = tf.nn.leaky_relu(x1)         x2 = slim.convolution2d(x1, channel*2, [3, 3], stride=2, activation_fn=None)         x2 = tf.nn.leaky_relu(x2)         x2 = slim.convolution2d(x2, channel*4, [3, 3], activation_fn=None)         x2 = tf.nn.leaky_relu(x2)         for idx in range(num_blocks):             x2 = resblock(x2, out_channel=channel*4, name='block_{}'.format(idx))         x2 = slim.convolution2d(x2, channel*2, [3, 3], activation_fn=None)         x2 = tf.nn.leaky_relu(x2)         h1, w1 = tf.shape(x2)[1], tf.shape(x2)[2]         x3 = tf.image.resize_bilinear(x2, (h1*2, w1*2))         x3 = slim.convolution2d(x3+x1, channel*2, [3, 3], activation_fn=None)         x3 = tf.nn.leaky_relu(x3)         x3 = slim.convolution2d(x3, channel, [3, 3], activation_fn=None)         x3 = tf.nn.leaky_relu(x3)         h2, w2 = tf.shape(x3)[1], tf.shape(x3)[2]         x4 = tf.image.resize_bilinear(x3, (h2*2, w2*2))         x4 = slim.convolution2d(x4+x0, channel, [3, 3], activation_fn=None)         x4 = tf.nn.leaky_relu(x4)         x4 = slim.convolution2d(x4, 3, [7, 7], activation_fn=None)         #x4 = tf.clip_by_value(x4, -1, 1)         return x4

1.3 表面結構等定義:

def disc_bn(x, scale=1, channel=32, is_training=True,              name='discriminator', patch=True, reuse=False):     with tf.variable_scope(name, reuse=reuse):         for idx in range(3):             x = slim.convolution2d(x, channel*2**idx, [3, 3], stride=2, activation_fn=None)             x = slim.batch_norm(x, is_training=is_training, center=True, scale=True)             x = tf.nn.leaky_relu(x)             x = slim.convolution2d(x, channel*2**idx, [3, 3], activation_fn=None)             x = slim.batch_norm(x, is_training=is_training, center=True, scale=True)             x = tf.nn.leaky_relu(x)         if patch == True:             x = slim.convolution2d(x, 1, [1, 1], activation_fn=None)         else:             x = tf.reduce_mean(x, axis=[1, 2])             x = slim.fully_connected(x, 1, activation_fn=None)         return x def disc_sn(x, scale=1, channel=32, patch=True, name='discriminator', reuse=False):     with tf.variable_scope(name, reuse=reuse):         for idx in range(3):             x = layers.conv_spectral_norm(x, channel*2**idx, [3, 3],                                            stride=2, name='conv{}_1'.format(idx))             x = tf.nn.leaky_relu(x)             x = layers.conv_spectral_norm(x, channel*2**idx, [3, 3],                                            name='conv{}_2'.format(idx))             x = tf.nn.leaky_relu(x)         if patch == True:             x = layers.conv_spectral_norm(x, 1, [1, 1], name='conv_out'.format(idx))         else:             x = tf.reduce_mean(x, axis=[1, 2])             x = slim.fully_connected(x, 1, activation_fn=None)         return x def disc_ln(x, channel=32, is_training=True, name='discriminator', patch=True, reuse=False):     with tf.variable_scope(name, reuse=reuse):         for idx in range(3):             x = slim.convolution2d(x, channel*2**idx, [3, 3], stride=2, activation_fn=None)             x = tf.contrib.layers.layer_norm(x)             x = tf.nn.leaky_relu(x)             x = slim.convolution2d(x, channel*2**idx, [3, 3], activation_fn=None)             x = tf.contrib.layers.layer_norm(x)             x = tf.nn.leaky_relu(x)         if patch == True:             x = slim.convolution2d(x, 1, [1, 1], activation_fn=None)         else:             x = tf.reduce_mean(x, axis=[1, 2])             x = slim.fully_connected(x, 1, activation_fn=None)         return x

(2)模型的訓練:

使用clip_by_value應用自適應著色在最後一層的網路中,因為它不是很穩定。為了穩定再現我們的結果,請使用power=1.0然後首先在network.py中註釋clip_by_value函式。

def train(args):     input_photo = tf.placeholder(tf.float32, [args.batch_size,                                  args.patch_size, args.patch_size, 3])     input_superpixel = tf.placeholder(tf.float32, [args.batch_size,                                  args.patch_size, args.patch_size, 3])     input_cartoon = tf.placeholder(tf.float32, [args.batch_size,                                  args.patch_size, args.patch_size, 3])     output = network.unet_generator(input_photo)     output = guided_filter(input_photo, output, r=1)     blur_fake = guided_filter(output, output, r=5, eps=2e-1)     blur_cartoon = guided_filter(input_cartoon, input_cartoon, r=5, eps=2e-1)     gray_fake, gray_cartoon = utils.color_shift(output, input_cartoon)     d_loss_gray, g_loss_gray = loss.lsgan_loss(network.disc_sn, gray_cartoon, gray_fake,                                               scale=1, patch=True, name='disc_gray')     d_loss_blur, g_loss_blur = loss.lsgan_loss(network.disc_sn, blur_cartoon, blur_fake,                                               scale=1, patch=True, name='disc_blur')     vgg_model = loss.Vgg19('vgg19_no_fc.npy')     vgg_photo = vgg_model.build_conv4_4(input_photo)     vgg_output = vgg_model.build_conv4_4(output)     vgg_superpixel = vgg_model.build_conv4_4(input_superpixel)     h, w, c = vgg_photo.get_shape().as_list()[1:]     photo_loss = tf.reduce_mean(tf.losses.absolute_difference(vgg_photo, vgg_output))/(h*w*c)     superpixel_loss = tf.reduce_mean(tf.losses.absolute_difference\                                      (vgg_superpixel, vgg_output))/(h*w*c)     recon_loss = photo_loss + superpixel_loss     tv_loss = loss.total_variation_loss(output)     g_loss_total = 1e4*tv_loss + 1e-1*g_loss_blur + g_loss_gray + 2e2*recon_loss     d_loss_total = d_loss_blur + d_loss_gray     all_vars = tf.trainable_variables()     gene_vars = [var for var in all_vars if 'gene' in var.name]     disc_vars = [var for var in all_vars if 'disc' in var.name]      tf.summary.scalar('tv_loss', tv_loss)     tf.summary.scalar('photo_loss', photo_loss)     tf.summary.scalar('superpixel_loss', superpixel_loss)     tf.summary.scalar('recon_loss', recon_loss)     tf.summary.scalar('d_loss_gray', d_loss_gray)     tf.summary.scalar('g_loss_gray', g_loss_gray)     tf.summary.scalar('d_loss_blur', d_loss_blur)     tf.summary.scalar('g_loss_blur', g_loss_blur)     tf.summary.scalar('d_loss_total', d_loss_total)     tf.summary.scalar('g_loss_total', g_loss_total)     update_ops = tf.get_collection(tf.GraphKeys.UPDATE_OPS)     with tf.control_dependencies(update_ops):         g_optim = tf.train.AdamOptimizer(args.adv_train_lr, beta1=0.5, beta2=0.99)\                                         .minimize(g_loss_total, var_list=gene_vars)         d_optim = tf.train.AdamOptimizer(args.adv_train_lr, beta1=0.5, beta2=0.99)\                                         .minimize(d_loss_total, var_list=disc_vars)     gpu_options = tf.GPUOptions(per_process_gpu_memory_fraction=args.gpu_fraction)     sess = tf.Session(config=tf.ConfigProto(gpu_options=gpu_options))     train_writer = tf.summary.FileWriter(args.save_dir+'/train_log')     summary_op = tf.summary.merge_all()     saver = tf.train.Saver(var_list=gene_vars, max_to_keep=20)     with tf.device('/device:GPU:0'):         sess.run(tf.global_variables_initializer())         saver.restore(sess, tf.train.latest_checkpoint('pretrain/saved_models'))         face_photo_dir = 'dataset/photo_face'         face_photo_list = utils.load_image_list(face_photo_dir)         scenery_photo_dir = 'dataset/photo_scenery'         scenery_photo_list = utils.load_image_list(scenery_photo_dir)         face_cartoon_dir = 'dataset/cartoon_face'         face_cartoon_list = utils.load_image_list(face_cartoon_dir)         scenery_cartoon_dir = 'dataset/cartoon_scenery'         scenery_cartoon_list = utils.load_image_list(scenery_cartoon_dir)         for total_iter in tqdm(range(args.total_iter)):             if np.mod(total_iter, 5) == 0:                  photo_batch = utils.next_batch(face_photo_list, args.batch_size)                 cartoon_batch = utils.next_batch(face_cartoon_list, args.batch_size)             else:                 photo_batch = utils.next_batch(scenery_photo_list, args.batch_size)                 cartoon_batch = utils.next_batch(scenery_cartoon_list, args.batch_size)             inter_out = sess.run(output, feed_dict={input_photo: photo_batch,                                                      input_superpixel: photo_batch,                                                     input_cartoon: cartoon_batch})             if args.use_enhance:                 superpixel_batch = utils.selective_adacolor(inter_out, power=1.2)             else:                 superpixel_batch = utils.simple_superpixel(inter_out, seg_num=200)             _, g_loss, r_loss = sess.run([g_optim, g_loss_total, recon_loss],                                               feed_dict={input_photo: photo_batch,                                                      input_superpixel: superpixel_batch,                                                     input_cartoon: cartoon_batch})             _, d_loss, train_info = sess.run([d_optim, d_loss_total, summary_op],                                               feed_dict={input_photo: photo_batch,                                                      input_superpixel: superpixel_batch,                                                     input_cartoon: cartoon_batch})             train_writer.add_summary(train_info, total_iter)             if np.mod(total_iter+1, 50) == 0:                 print('Iter: {}, d_loss: {}, g_loss: {}, recon_loss: {}'.\                         format(total_iter, d_loss, g_loss, r_loss))                 if np.mod(total_iter+1, 500 ) == 0:                     saver.save(sess, args.save_dir+'/saved_models/model',                                 write_meta_graph=False, global_step=total_iter)                     photo_face = utils.next_batch(face_photo_list, args.batch_size)                     cartoon_face = utils.next_batch(face_cartoon_list, args.batch_size)                     photo_scenery = utils.next_batch(scenery_photo_list, args.batch_size)                     cartoon_scenery = utils.next_batch(scenery_cartoon_list, args.batch_size)                     result_face = sess.run(output, feed_dict={input_photo: photo_face,                                                              input_superpixel: photo_face,                                                             input_cartoon: cartoon_face})                     result_scenery = sess.run(output, feed_dict={input_photo: photo_scenery,                                                                  input_superpixel: photo_scenery,                                                                 input_cartoon: cartoon_scenery})                     utils.write_batch_image(result_face, args.save_dir+'/images',                                              str(total_iter)+'_face_result.jpg', 4)                     utils.write_batch_image(photo_face, args.save_dir+'/images',                                              str(total_iter)+'_face_photo.jpg', 4)                     utils.write_batch_image(result_scenery, args.save_dir+'/images',                                              str(total_iter)+'_scenery_result.jpg', 4)                     utils.write_batch_image(photo_scenery, args.save_dir+'/images',                                              str(total_iter)+'_scenery_photo.jpg', 4)

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)



模型的測試和使用


(1)載入圖片的尺寸自動處理和導向濾波定義:

def resize_crop(image):     h, w, c = np.shape(image)     if min(h, w) > 720:         if h > w:             h, w = int(720*h/w), 720         else:             h, w = 720, int(720*w/h)     image = cv2.resize(image, (w, h),                        interpolation=cv2.INTER_AREA)     h, w = (h//8)*8, (w//8)*8     image = image[:h, :w, :] return image def tf_box_filter(x, r):     k_size = int(2*r+1)     ch = x.get_shape().as_list()[-1]     weight = 1/(k_size**2)     box_kernel = weight*np.ones((k_size, k_size, ch, 1))     box_kernel = np.array(box_kernel).astype(np.float32)     output = tf.nn.depthwise_conv2d(x, box_kernel, [1, 1, 1, 1], 'SAME')     return output def guided_filter(x, y, r, eps=1e-2):     x_shape = tf.shape(x)     #y_shape = tf.shape(y)     N = tf_box_filter(tf.ones((1, x_shape[1], x_shape[2], 1), dtype=x.dtype), r)     mean_x = tf_box_filter(x, r) / N     mean_y = tf_box_filter(y, r) / N     cov_xy = tf_box_filter(x * y, r) / N - mean_x * mean_y     var_x  = tf_box_filter(x * x, r) / N - mean_x * mean_x     A = cov_xy / (var_x + eps)     b = mean_y - A * mean_x     mean_A = tf_box_filter(A, r) / N     mean_b = tf_box_filter(b, r) / N     output = mean_A * x + mean_b    return output def fast_guided_filter(lr_x, lr_y, hr_x, r=1, eps=1e-8):     #assert lr_x.shape.ndims == 4 and lr_y.shape.ndims == 4 and hr_x.shape.ndims == 4     lr_x_shape = tf.shape(lr_x)     #lr_y_shape = tf.shape(lr_y)     hr_x_shape = tf.shape(hr_x)     N = tf_box_filter(tf.ones((1, lr_x_shape[1], lr_x_shape[2], 1), dtype=lr_x.dtype), r)     mean_x = tf_box_filter(lr_x, r) / N     mean_y = tf_box_filter(lr_y, r) / N     cov_xy = tf_box_filter(lr_x * lr_y, r) / N - mean_x * mean_y     var_x  = tf_box_filter(lr_x * lr_x, r) / N - mean_x * mean_x     A = cov_xy / (var_x + eps)     b = mean_y - A * mean_x     mean_A = tf.image.resize_images(A, hr_x_shape[1: 3])     mean_b = tf.image.resize_images(b, hr_x_shape[1: 3])     output = mean_A * hr_x + mean_b     return output

(2)卡通化函式定義:

def cartoonize(load_folder, save_folder, model_path):     input_photo = tf.placeholder(tf.float32, [1, None, None, 3])     network_out = network.unet_generator(input_photo)     final_out = guided_filter.guided_filter(input_photo, network_out, r=1, eps=5e-3)     all_vars = tf.trainable_variables()     gene_vars = [var for var in all_vars if 'generator' in var.name]     saver = tf.train.Saver(var_list=gene_vars)     config = tf.ConfigProto()     config.gpu_options.allow_growth = True     sess = tf.Session(config=config)     sess.run(tf.global_variables_initializer())     saver.restore(sess, tf.train.latest_checkpoint(model_path))     name_list = os.listdir(load_folder)     for name in tqdm(name_list):         try:             load_path = os.path.join(load_folder, name)             save_path = os.path.join(save_folder, name)             image = cv2.imread(load_path)             image = resize_crop(image)             batch_image = image.astype(np.float32)/127.5 - 1             batch_image = np.expand_dims(batch_image, axis=0)             output = sess.run(final_out, feed_dict={input_photo: batch_image})             output = (np.squeeze(output)+1)*127.5             output = np.clip(output, 0, 255).astype(np.uint8)             cv2.imwrite(save_path, output)         except:             print('cartoonize {} failed'.format(load_path))

(3)模型呼叫

model_path = 'saved_models'     load_folder = 'test_images'     save_folder = 'cartoonized_images'     if not os.path.exists(save_folder):         os.mkdir(save_folder) cartoonize(load_folder, save_folder, model_path)    

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

(4)訓練程式碼的使用:

test_code資料夾中執行python cartoonize.py。生成圖片在cartoonized_images資料夾裡,效果如下:

Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)Python讓你成為AI繪畫大師,簡直太驚豔了!(附程式碼)

總結

將輸入影像透過導向濾波器處理,得到表面表示的結果,然後透過超畫素處理,得到結構表示的結果,透過隨機色彩變幻得到紋理表示的結果,卡通影像也就是做這樣的處理。隨後將GAN生成器產生的fake_image分別於上述表示結果做損失。其中紋理表示與表面表示透過判別器得到損失,fake_image的結構表示與fake_image,輸入影像與fake_image分別透過vgg19網路抽取特徵,進行損失的計算。

完整程式碼連結:https://pan.baidu.com/s/10YklnSRIw_mc6W4ovlP3uw

提取碼:pluq

作者簡介:

李秋鍵,CSDN部落格專家,CSDN達人課作者。碩士在讀於中國礦業大學,開發有taptap競賽獲獎等。

相關文章