当前位置:   article > 正文

21个tensorflow项目(四):Deep Dream模型_deepdream卷积

deepdream卷积

环境介绍

Python版本:Python 3.8.16
TensorFlow版本:2.6.0

导入InceptionV3模型

导入代码

import tensorflow as tf

# 导入InceptionV3模型
inception_model = tf.keras.applications.InceptionV3(weights='imagenet', include_top=True)

# 打印模型结构
inception_model.summary()
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7

在这里插入图片描述

查找模型所有卷积层

conv_layers = []
for layer in inception_model.layers:
    if isinstance(layer, tf.keras.layers.Conv2D):
        conv_layers.append(layer)
  • 1
  • 2
  • 3
  • 4

在这里插入图片描述

打印所有卷积层的信息

for conv_layer in conv_layers:
    print(conv_layer.name, conv_layer.output_shape)
  • 1
  • 2

在这里插入图片描述

查看某个卷积层的形状

inception_model.get_layer("conv2d_76").output_shape
  • 1

在这里插入图片描述

生成Deep Dream图像

import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
import PIL.Image

#反归一化
def deprocess(img):
  img = 255*(img + 1.0)/2.0
  return tf.cast(img, tf.uint8)

#导入了预训练模型 InceptionV3
base_model = tf.keras.applications.InceptionV3(include_top=False, weights='imagenet')

#希望最大化激活值的层的名称
names = ['mixed3']
layers = [base_model.get_layer(name).output for name in names]


#通过输入 InceptionV3 模型的输入和 layers 列表的输出来创建的
dream_model = tf.keras.Model(inputs=base_model.input, outputs=layers)
# dream_model.summary()
# exit(0)


#计算给定图像和模型的激活层的平均值,并将其累加到总损失中
def calc_loss(img, model):
  img_batch = tf.expand_dims(img, axis=0)
  layer_activations = model(img_batch)
  if len(layer_activations) == 1:
    layer_activations = [layer_activations]

  losses = []
  for act in layer_activations:
    loss = tf.math.reduce_mean(act)
    losses.append(loss)

  return  tf.reduce_sum(losses)


#通过对给定图像应用梯度上升来执行 DeepDream 算法。在 __call__() 方法中,使用 GradientTape 监听图像变量并计算损失和梯度。梯度被规范化后添加到图像中,以便最大化损失。
class DeepDream(tf.Module):
  def __init__(self, model):
    self.model = model

  @tf.function(
      input_signature=(
        tf.TensorSpec(shape=[None,None,3], dtype=tf.float32),
        tf.TensorSpec(shape=[], dtype=tf.int32),
        tf.TensorSpec(shape=[], dtype=tf.float32),)
  )
  def __call__(self, img, steps, step_size):
      print("Tracing")
      loss = tf.constant(0.0)
      for n in tf.range(steps):
        with tf.GradientTape() as tape:
          #对输入的图像 img 启用梯度跟踪
          tape.watch(img)

          #计算损失值,该损失值反映了要最大化的特定层的激活值。
          loss = calc_loss(img, self.model)

        #计算图像梯度
        gradients = tape.gradient(loss, img)

        #梯度标准化,避免梯度爆炸
        gradients /= tf.math.reduce_std(gradients) + 1e-8

        #将图像加上梯度乘以步长的值,实现梯度上升。
        img = img + gradients*step_size

        #将图像的像素值裁剪到 [-1,1] 的范围内,防止像素值超出范围
        img = tf.clip_by_value(img, -1, 1)

      return loss, img

deepdream = DeepDream(dream_model)

def run_deep_dream_simple(img, steps=100, step_size=0.01):
  #使用 Inception V3 模型提供的预处理函数,对输入图像进行预处理。
  img = tf.keras.applications.inception_v3.preprocess_input(img)

  #输入图像转换成 TensorFlow 张量
  img = tf.convert_to_tensor(img)

  step_size = tf.convert_to_tensor(step_size)

  #初始化剩余迭代次数为总迭代次数。
  steps_remaining = steps
  step = 0
  while steps_remaining:
    if steps_remaining>100:
      run_steps = tf.constant(100)
    else:
      run_steps = tf.constant(steps_remaining)

    steps_remaining -= run_steps
    step += run_steps

    loss, img = deepdream(img, run_steps, tf.constant(step_size))


    print ("Step {}, loss {}".format(step, loss))


  result = deprocess(img)

  return result


original_img=PIL.Image.open('40784_93822_18.jpg')
original_img=np.array(original_img)
dream_img = run_deep_dream_simple(img=original_img,
                                  steps=1000, step_size=0.01)
plt.figure("test")
plt.imshow(dream_img)
plt.show()
plt.imsave('1.png',dream_img.numpy())
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16
  • 17
  • 18
  • 19
  • 20
  • 21
  • 22
  • 23
  • 24
  • 25
  • 26
  • 27
  • 28
  • 29
  • 30
  • 31
  • 32
  • 33
  • 34
  • 35
  • 36
  • 37
  • 38
  • 39
  • 40
  • 41
  • 42
  • 43
  • 44
  • 45
  • 46
  • 47
  • 48
  • 49
  • 50
  • 51
  • 52
  • 53
  • 54
  • 55
  • 56
  • 57
  • 58
  • 59
  • 60
  • 61
  • 62
  • 63
  • 64
  • 65
  • 66
  • 67
  • 68
  • 69
  • 70
  • 71
  • 72
  • 73
  • 74
  • 75
  • 76
  • 77
  • 78
  • 79
  • 80
  • 81
  • 82
  • 83
  • 84
  • 85
  • 86
  • 87
  • 88
  • 89
  • 90
  • 91
  • 92
  • 93
  • 94
  • 95
  • 96
  • 97
  • 98
  • 99
  • 100
  • 101
  • 102
  • 103
  • 104
  • 105
  • 106
  • 107
  • 108
  • 109
  • 110
  • 111
  • 112
  • 113
  • 114
  • 115
  • 116
  • 117

原图像

在这里插入图片描述

生成的图像

在这里插入图片描述

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/羊村懒王/article/detail/649941
推荐阅读
相关标签
  

闽ICP备14008679号