- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我的模型是 resnet-152,我想将其切成两个子模型,问题是第二个子模型,我不知道如何构建从中间层到输出的模型
我尝试了 this response 中的代码它对我不起作用,这是我的代码:
def getLayerIndexByName(model, layername):
for idx, layer in enumerate(model.layers):
if layer.name == layername:
return idx
idx = getLayerIndexByName(resnet, 'res3a_branch2a')
input_shape = resnet.layers[idx].get_input_shape_at(0) # which is here in my case (None, 55, 55, 256)
layer_input = Input(shape=input_shape[1:]) # as keras will add the batch shape
# create the new nodes for each layer in the path
x = layer_input
for layer in resnet.layers[idx:]:
x = layer(x)
# create the model
new_model = Model(layer_input, x)
我收到此错误:
ValueError: Input 0 is incompatible with layer res3a_branch1: expected axis -1 of input shape to have value 256 but got shape (None, 28, 28, 512).
我也尝试过这个功能:
def split(model, start, end):
confs = model.get_config()
kept_layers = set()
for i, l in enumerate(confs['layers']):
if i == 0:
confs['layers'][0]['config']['batch_input_shape'] = model.layers[start].input_shape
if i != start:
confs['layers'][0]['name'] += str(random.randint(0, 100000000)) # rename the input layer to avoid conflicts on merge
confs['layers'][0]['config']['name'] = confs['layers'][0]['name']
elif i < start or i > end:
continue
kept_layers.add(l['name'])
# filter layers
layers = [l for l in confs['layers'] if l['name'] in kept_layers]
layers[1]['inbound_nodes'][0][0][0] = layers[0]['name']
# set conf
confs['layers'] = layers
confs['input_layers'][0][0] = layers[0]['name']
confs['output_layers'][0][0] = layers[-1]['name']
# create new model
submodel = Model.from_config(confs)
for l in submodel.layers:
orig_l = model.get_layer(l.name)
if orig_l is not None:
l.set_weights(orig_l.get_weights())
return submodel
我收到此错误:
ValueError: Unknown layer: Scale
因为我的 resnet152 包含一个 Scale 层。
这是一个工作版本:
import resnet # pip install resnet
from keras.models import Model
from keras.layers import Input
def getLayerIndexByName(model, layername):
for idx, layer in enumerate(model.layers):
if layer.name == layername:
return idx
resnet = resnet.ResNet152(weights='imagenet')
idx = getLayerIndexByName(resnet, 'res3a_branch2a')
model1 = Model(inputs=resnet.input, outputs=resnet.get_layer('res3a_branch2a').output)
input_shape = resnet.layers[idx].get_input_shape_at(0) # get the input shape of desired layer
print(input_shape[1:])
layer_input = Input(shape=input_shape[1:]) # a new input tensor to be able to feed the desired layer
# create the new nodes for each layer in the path
x = layer_input
for layer in resnet.layers[idx:]:
x = layer(x)
# create the model
model2 = Model(layer_input, x)
model2.summary()
这是错误:
ValueError: Input 0 is incompatible with layer res3a_branch1: expected axis -1 of input shape to have value 256 but got shape (None, 28, 28, 512)
最佳答案
正如我在评论部分提到的,由于 ResNet 模型没有线性架构(即它具有跳过连接,并且一个层可能连接到多个层),因此您不能简单地遍历模型的各个层循环中的另一个层之后,并对循环中前一层的输出应用一层(即与 this method works 的线性架构模型不同)。
因此,您需要找到各层的连通性并遍历该连通性图,以便能够构建原始模型的子模型。目前,我想到了这个解决方案:
显然,步骤#3意味着递归:为了获得连接层(即X)的输出,我们首先需要找到它们的连接层(即Y),获取它们的输出(即Y的输出),然后将它们应用到这些输出(即将 X 应用于 Y 的输出)。此外,要找到连接层,您需要了解一些 Keras 的内部结构,这已在 this answer 中进行了介绍。 。所以我们想出了这个解决方案:
from keras.applications.resnet50 import ResNet50
from keras import models
from keras import layers
resnet = ResNet50()
# this is the split point, i.e. the starting layer in our sub-model
starting_layer_name = 'activation_46'
# create a new input layer for our sub-model we want to construct
new_input = layers.Input(batch_shape=resnet.get_layer(starting_layer_name).get_input_shape_at(0))
layer_outputs = {}
def get_output_of_layer(layer):
# if we have already applied this layer on its input(s) tensors,
# just return its already computed output
if layer.name in layer_outputs:
return layer_outputs[layer.name]
# if this is the starting layer, then apply it on the input tensor
if layer.name == starting_layer_name:
out = layer(new_input)
layer_outputs[layer.name] = out
return out
# find all the connected layers which this layer
# consumes their output
prev_layers = []
for node in layer._inbound_nodes:
prev_layers.extend(node.inbound_layers)
# get the output of connected layers
pl_outs = []
for pl in prev_layers:
pl_outs.extend([get_output_of_layer(pl)])
# apply this layer on the collected outputs
out = layer(pl_outs[0] if len(pl_outs) == 1 else pl_outs)
layer_outputs[layer.name] = out
return out
# note that we start from the last layer of our desired sub-model.
# this layer could be any layer of the original model as long as it is
# reachable from the starting layer
new_output = get_output_of_layer(resnet.layers[-1])
# create the sub-model
model = models.Model(new_input, new_output)
重要说明:
此解决方案假设原始模型中的每个层仅使用一次,即它不适用于暹罗网络,其中一个层可以共享,因此可能在不同的输入张量上应用多次。
如果您希望将一个模型正确拆分为多个子模型,那么仅使用这些层作为拆分点是有意义的(例如上面的 starting_layer_name
所示)代码)不在分支中(例如,在 ResNet 中,合并层之后的激活层是一个不错的选择,但您选择的 res3a_branch2a
不是一个好的选择,因为它位于分支中)。为了更好地了解模型的原始架构,您始终可以使用 plot_model()
实用函数绘制其图表:
from keras.applications.resnet50 import ResNet50
from keras.utils import plot_model
resnet = ResNet50()
plot_model(model, to_file='resnet_model.png')
由于在构建子模型后会创建新节点,因此不要尝试构建另一个有重叠的子模型(即,如果没有重叠,就可以了! ) 与之前的子模型在上面代码的同一运行中;否则,您可能会遇到错误。
关于python - 如何将具有像 ResNet 这样的非序列架构的 Keras 模型拆分为子模型?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/56147685/
**摘要:**本实验主要是以基于Caffe ResNet-50网络实现图片分类(仅推理)为例,学习如何在已经具备预训练模型的情况下,将该模型部署到昇腾AI处理器上进行推理。 本文分享自华为云社区《【C
您好,我正在尝试通过微调方法使用 Resnet 神经网络来训练癌症数据集 这是我以前微调它的方法。 image_input = Input(shape=(224, 224, 3)) model = R
我正在尝试使用预训练的 resnet 并使用三元组损失对其进行微调。我想出的以下代码是我在该主题上找到的教程的组合: import pathlib import tensorflow as tf im
我需要获得一些关于深度神经网络的知识。 对于“ResNet”非常深的神经网络,我们可以使用迁移学习来训练模型。 但是 Resnet 已经在 ImageNet 数据集上进行了训练。因此,它们的预训练权重
在我的理解中,全连接层(简称 fc)用于预测。 例如,VGG Net 使用了 2 个 fc 层,它们都是 4096 维。 softmax 的最后一层具有与 num:1000 类相同的维度。 但是对于r
我正在尝试构建一个图像生成器,它将: 获取原始图像 读入图像并将其大小调整为 resnet50 的 (224,224,3) 对其执行数据增强(旋转、翻转等) 为其创建 Resnet50 特征(使用 m
已关闭。此问题需要 debugging details 。目前不接受答案。 编辑问题以包含 desired behavior, a specific problem or error, and the
我尝试使用 Keras ResNet 50 应用程序模型来解决此代码的问题: #Tensorflow and tf.keras import tensorflow as tf from tensorf
我按照这个文档https://arxiv.org/pdf/1512.03385.pdf实现了cifar 10的ResNet但我的准确度与文档中得到的准确度有明显差异我的 - 86%个人电脑女儿 - 9
我正在尝试使用 convolutional residual network neural network architecture (ResNet)。到目前为止,我已经使用 Keras 实现了用于时
常见的‘融合'操作 复杂神经网络模型的实现离不开"融合"操作。常见融合操作如下: (1)求和,求差 # 求和 layers.Add(inputs) # 求
发生此错误,而我的原始代码不包含“导入 resnet”。 似乎在导入 tensorflow 时发生了错误。 Traceback (most recent call last): File "ste
我正在尝试使用我的自定义数据修改 Resnet50,如下所示: X = [[1.85, 0.460,... -0.606] ... [0.229, 0.543,... 1.342]] y = [2,
我训练了 Resnet-50 分类网络来对我的对象进行分类,并使用以下代码来评估网络。 from tensorflow.keras.models import load_model import cv
我正在尝试使用我的自定义数据修改 Resnet50,如下所示: X = [[1.85, 0.460,... -0.606] ... [0.229, 0.543,... 1.342]] y = [2,
我正在尝试使用 Keras 的 resnet 实现来执行具有完全不同的图像集(黑白 16 位)的传输学习任务。那么 Keras 期望输入什么?具有 3 个 channel 和 -127-128 范围的
我想使用来自 Tensorflow 的预训练 ResNet 模型。我下载了 code (resnet_v1.py) 用于模型和 checkpoint (resnet_v1_50.ckpt) 文件 he
我正在尝试重新训练 inception-resnet-v2 的最后一层。这是我想出的: 获取最后一层的变量名 创建一个 train_op 以仅最小化这些变量 wrt 损失 恢复除最后一层之外的整个图,
我下载 Resnet18 模型来训练模型。 当我输入时 model 显示 ResNet( (conv1): Conv2d(3, 64, kernel_size=(7, 7), stride=(2,
我正在尝试在我自己的图像和标签上训练 Tensorflow 官方 resnet 模型 ( link )。 我创建了 imagenet_main.py 的副本( my_data_main.py ) 在那
我是一名优秀的程序员,十分优秀!