这段代码的步骤大致如下:
1.处理单张图作为网络的输入。 2.根据给定的layer层,获取该层输出结果features。 3.考虑到features的形状为[batch_size, filter_nums, H, W] ,提取其中第一个过滤器得到的结果的feature。 4.以一张图作为输入的情况下,我们得到的feature即为[H,W]大小的tensor 5.将tensor转为numpy,然后归一化[0,1] ,最后乘以255,使得范围为[0,255] 。 6.得到灰度图像保存。
————————————————————————————————
import cv2
import numpy as np
import torch
from torch.autograd import Variable
from torchvision import models
def preprocess_image(cv2im, resize_im=True):
"""
Processes image for CNNs
Args:
PIL_img(PIL_img):Image to process
resize_im(bool):Resize to 224 or not
:return:
im_as_var(Pytorch variable):Variable that contains processed float tensor
"""
mean = [0.485, 0.456, 0.406]
std = [0.229, 0.224, 0.225]
if resize_im:
cv2im = cv2.resize(cv2im, (224, 224))
im_as_arr = np.float32(cv2im)
im_as_arr = np.ascontiguousarray(im_as_arr[..., ::-1])
im_as_arr = im_as_arr.transpose(2, 0, 1)
for channel, _ in enumerate(im_as_arr):
im_as_arr[channel] /= 255
im_as_arr[channel] -= mean[channel]
im_as_arr[channel] /= std[channel]
im_as_ten = torch.from_numpy(im_as_arr).float()
im_as_ten.unsqueeze(0)
im_as_var = Variable(im_as_ten, requires_grad=True)
return im_as_var
class FeatureVisualization():
def __init__(self, img_path, selected_layer):
self.img_path = img_path
self.selected_layer = selected_layer
self.pretrained_model = models.vgg16(pretrained=True).features
def process_image(self):
img = cv2.imread(self.img_path)
img = preprocess_image(img)
return img
def get_feature(self):
input = self.process_image()
x = input
x = x.unsqueeze(0)
for index, layer in enumerate(self.pretrained_model):
x = layer(x)
if (index == self.selected_layer):
return x
def get_single_feature(self):
features = self.get_feature()
feature = features[:, 0, :, :]
feature = feature.view(feature.shape[1], feature.shape[2])
return feature
def save_feature_to_img(self, i):
feature = self.get_single_feature()
feature = feature.data.numpy()
feature = 1.0 / (1 + np.exp(-1 * feature))
feature = np.round(feature * 255)
print("ok feature.shape: ", feature.shape)
cv2.imwrite(str(i) + ".jpg", feature)
if __name__ == "__main__":
for i in range(30):
myClass = FeatureVisualization("31.jpg", i)
myClass.save_feature_to_img(i)
原图如下
data:image/s3,"s3://crabby-images/6dc19/6dc19187700ab5be3272974fda7ef7bb53d131cb" alt="在这里插入图片描述" —————————————————————————————————
可视化结果如下
第1层 data:image/s3,"s3://crabby-images/60f68/60f68b6c65fd663031135de4ba92245090907c85" alt="在这里插入图片描述" ————————————————————————————————— 第2层 data:image/s3,"s3://crabby-images/475b5/475b5e827fdd13d7ddf2c19ac07c0a49231f9f3e" alt="在这里插入图片描述" ————————————————————————————————— 第3层 data:image/s3,"s3://crabby-images/f2bb4/f2bb42c191f6fce6a9ea0e63a98a52d044d9028e" alt="在这里插入图片描述"
————————————————————————————————— 第4层 ————————————————————————————————— 第5层 ————————————————————————————————— 第6层 data:image/s3,"s3://crabby-images/ddc3b/ddc3b085156d9c2ee3ff39827f6162ba1a40d01d" alt="在这里插入图片描述" ————————————————————————————————— 第7层 ————————————————————————————————— 第8层 ————————————————————————————————— 第9层 ————————————————————————————————— 第10层 ————————————————————————————————— 第11层 ————————————————————————————————— 第12层 ————————————————————————————————— 第13层 ————————————————————————————————— 第14层 ————————————————————————————————— 第15层 data:image/s3,"s3://crabby-images/a09b7/a09b71528af36cc8fd52e86b179e24557a23804c" alt="在这里插入图片描述" ————————————————————————————————— 第16层 ————————————————————————————————— 第17层 data:image/s3,"s3://crabby-images/d6f10/d6f10d85cb78b2838b7cdb5ff69d9bae354f0ebd" alt="在这里插入图片描述" ————————————————————————————————— 第18层 data:image/s3,"s3://crabby-images/20807/20807a72516185d61a4446027dccf0945408ad0f" alt="在这里插入图片描述" ————————————————————————————————— 第19层 ————————————————————————————————— 第20层 ___________________________________________________________ 第21层 ___________________________________________________________
第22层 ————————————————————————————————— 第23层
data:image/s3,"s3://crabby-images/39e40/39e40f27c52218ea932967bdaa38ee352169ab78" alt="在这里插入图片描述"
————————————————————————————————— 第24层
data:image/s3,"s3://crabby-images/45290/45290ee71c27aaa52bd18d87af7dc727f2c2844c" alt="在这里插入图片描述"
————————————————————————————————— 第25层
data:image/s3,"s3://crabby-images/73cf2/73cf246662c21c7db5877c144d8c7d5886be4a4f" alt="在这里插入图片描述"
————————————————————————————————— 第26层
data:image/s3,"s3://crabby-images/fa4a2/fa4a219229e1e0ea95e8d51a74cc2a6cbc09c17d" alt="在这里插入图片描述"
————————————————————————————————— 第27层
data:image/s3,"s3://crabby-images/9ee8c/9ee8c6da1f9cc71d52dd1cb8065ed3321ac8d424" alt="在这里插入图片描述"
————————————————————————————————— 第28层
data:image/s3,"s3://crabby-images/f9a18/f9a188a018f9f4dc776909b40c71cda44087e2e3" alt="在这里插入图片描述"
————————————————————————————————— 第29层
data:image/s3,"s3://crabby-images/30add/30addc328bcdbeab3e6a80dbd9488ff9b86efd6c" alt="在这里插入图片描述"
————————————————————————————————— 第30层
data:image/s3,"s3://crabby-images/ff9a0/ff9a0a2416530e809bc863f6ca13726d3e573c87" alt="在这里插入图片描述"
—————————————————————————————————
|