gpt4 book ai didi

python - 在 Keras 中实现后期融合

转载 作者:行者123 更新时间:2023-12-03 23:45:52 27 4
gpt4 key购买 nike

我正在研究带有图像和文本的多模态分类器。我已经成功开发了两种模型,一种是用于图像的 CNN,另一种是用于文本的基于 BERT 的模型。两个模型的最后一层是具有 n 个单元和 softmax 激活的 Dense(其中 n 是类的数量)。 Keras 提供了不同的合并层来组合这些模型的输出向量( https://keras.io/api/layers/merging_layers/ ),然后可以创建一个新网络,但我的问题是:有没有更好的方法来组合单个模型的决策?也许根据某些标准对向量内的值进行加权?
目前我已经用一个简单的连接层开发了我的模型,如下所示:

image_side = images_model(image_input)
text_side = text_model(text_input)
# Concatenation
merged = layers.Concatenate(name='Concatenation')([image_side, text_side])
merged = layers.Dense(128, activation = 'relu', name='Dense_128')(merged)
merged = layers.Dropout(0.2)(merged)
output = layers.Dense(nClasses, activation='softmax', name = "class")(merged)
先感谢您!

最佳答案

这里有可能在两个张量(模型输出)之间实现加权平均值,其中可以自动学习权重。我还介绍了权重总和必须为 1 的约束。为了实现这一点,我们必须简单地对我们的权重应用 softmax。在下面的虚拟示例中,我将两个完全连接的分支的输出与此方法结合使用,但您可以在其他所有场景中对其进行管理
这里是自定义层:

class WeightedAverage(Layer):

def __init__(self, n_output):
super(WeightedAverage, self).__init__()
self.W = tf.Variable(initial_value=tf.random.uniform(shape=[1,1,n_output], minval=0, maxval=1),
trainable=True) # (1,1,n_inputs)

def call(self, inputs):

# inputs is a list of tensor of shape [(n_batch, n_feat), ..., (n_batch, n_feat)]
# expand last dim of each input passed [(n_batch, n_feat, 1), ..., (n_batch, n_feat, 1)]
inputs = [tf.expand_dims(i, -1) for i in inputs]
inputs = Concatenate(axis=-1)(inputs) # (n_batch, n_feat, n_inputs)
weights = tf.nn.softmax(self.W, axis=-1) # (1,1,n_inputs)
# weights sum up to one on last dim

return tf.reduce_sum(weights*inputs, axis=-1) # (n_batch, n_feat)
这是回归问题中的完整示例:
inp1 = Input((100,))
inp2 = Input((100,))
x1 = Dense(32, activation='relu')(inp1)
x2 = Dense(32, activation='relu')(inp2)
x = [x1,x2]
W_Avg = WeightedAverage(n_output=len(x))(x)
out = Dense(1)(W_Avg)

m = Model([inp1,inp2], out)
m.compile('adam','mse')

n_sample = 1000
X1 = np.random.uniform(0,1, (n_sample,100))
X2 = np.random.uniform(0,1, (n_sample,100))
y = np.random.uniform(0,1, (n_sample,1))

m.fit([X1,X2], y, epochs=10)
最后,您还可以通过这种方式可视化权重的值:
tf.nn.softmax(m.get_weights()[-3]).numpy()
引用和其他示例: https://towardsdatascience.com/neural-networks-ensemble-33f33bea7df3

关于python - 在 Keras 中实现后期融合,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/62877879/

27 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com