- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在编写一个自定义损失函数,需要计算每组预测值的比率。作为 简化版 例如,这是我的数据和模型代码的样子:
def main():
df = pd.DataFrame(columns=["feature_1", "feature_2", "condition_1", "condition_2", "label"],
data=[[5, 10, "a", "1", 0],
[30, 20, "a", "1", 1],
[50, 40, "a", "1", 0],
[15, 20, "a", "2", 0],
[25, 30, "b", "2", 1],
[35, 40, "b", "1", 0],
[10, 80, "b", "1", 1]])
features = ["feature_1", "feature_2"]
conds_and_label = ["condition_1", "condition_2", "label"]
X = df[features]
Y = df[conds_and_label]
model = my_model(input_shape=len(features))
model.fit(X, Y, epochs=10, batch_size=128)
model.evaluate(X, Y)
def custom_loss(conditions, y_pred): # this is what I need help with
conds = ["condition_1", "condition_2"]
conditions["label_pred"] = y_pred
g = conditions.groupby(by=conds,
as_index=False).apply(lambda x: x["label_pred"].sum() /
len(x)).reset_index(name="pred_ratio")
# true_ratios will be a constant, external DataFrame. Simplified example here:
true_ratios = pd.DataFrame(columns=["condition_1", "condition_2", "true_ratio"],
data=[["a", "1", 0.1],
["a", "2", 0.2],
["b", "1", 0.8],
["b", "2", 0.9]])
merged = pd.merge(g, true_ratios, on=conds)
merged["diff"] = merged["pred_ratio"] - merged["true_ratio"]
return K.mean(K.abs(merged["diff"]))
def joint_loss(conds_and_label, y_pred):
y_true = conds_and_label[:, 2]
conditions = tf.gather(conds_and_label, [0, 1], axis=1)
loss_1 = standard_loss(y_true=y_true, y_pred=y_pred) # not shown
loss_2 = custom_loss(conditions=conditions, y_pred=y_pred)
return 0.5 * loss_1 + 0.5 * loss_2
def my_model(input_shape=None):
model = Sequential()
model.add(Dense(units=2, activation="relu"), input_shape=(input_shape,))
model.add(Dense(units=1, activation='sigmoid'))
model.add(Flatten())
model.compile(loss=joint_loss, optimizer="Adam",
metrics=[joint_loss, custom_loss, "accuracy"])
return model
我需要帮助的是
custom_loss
功能。如您所见,它目前被编写为好像输入是 Pandas DataFrames。但是,输入将是 Keras 张量(带有 tensorflow 后端),所以我想弄清楚
如何转换custom_loss
中的当前代码使用 Keras/TF 后端函数 .例如,我在网上搜索并找不到在 Keras/TF 中进行 groupby 以获得我需要的比率的方法......
joint_loss
,其中包含 standard_loss
(未显示)和 custom_loss
.但我只需要帮助转换 custom_loss
. custom_loss
是:最佳答案
我最终想出了一个解决方案,尽管我希望得到一些反馈(特别是某些部分)。这是解决方案:
import pandas as pd
import tensorflow as tf
import keras.backend as K
from keras.models import Sequential
from keras.layers import Dense, Flatten, Dropout
from tensorflow.python.ops import gen_array_ops
def main():
df = pd.DataFrame(columns=["feature_1", "feature_2", "condition_1", "condition_2", "label"],
data=[[5, 10, "a", "1", 0],
[30, 20, "a", "1", 1],
[50, 40, "a", "1", 0],
[15, 20, "a", "2", 0],
[25, 30, "b", "2", 1],
[35, 40, "b", "1", 0],
[10, 80, "b", "1", 1]])
df = pd.concat([df] * 500) # making data artificially larger
true_ratios = pd.DataFrame(columns=["condition_1", "condition_2", "true_ratio"],
data=[["a", "1", 0.1],
["a", "2", 0.2],
["b", "1", 0.8],
["b", "2", 0.9]])
features = ["feature_1", "feature_2"]
conditions = ["condition_1", "condition_2"]
conds_ratios_label = conditions + ["true_ratio", "label"]
df = pd.merge(df, true_ratios, on=conditions, how="left")
X = df[features]
Y = df[conds_ratios_label]
# need to convert strings to ints because tensors can't mix strings with floats/ints
mapping_1 = {"a": 1, "b": 2}
mapping_2 = {"1": 1, "2": 2}
Y.replace({"condition_1": mapping_1}, inplace=True)
Y.replace({"condition_2": mapping_2}, inplace=True)
X = tf.convert_to_tensor(X)
Y = tf.convert_to_tensor(Y)
model = my_model(input_shape=len(features))
model.fit(X, Y, epochs=1, batch_size=64)
print()
print(model.evaluate(X, Y))
def custom_loss(conditions, true_ratios, y_pred):
y_pred = tf.sigmoid((y_pred - 0.5) * 1000)
uniques, idx, count = gen_array_ops.unique_with_counts_v2(conditions, [0])
num_unique = tf.size(count)
sums = tf.math.unsorted_segment_sum(data=y_pred, segment_ids=idx, num_segments=num_unique)
lengths = tf.cast(count, tf.float32)
pred_ratios = tf.divide(sums, lengths)
mean_pred_ratios = tf.math.reduce_mean(pred_ratios)
mean_true_ratios = tf.math.reduce_mean(true_ratios)
diff = mean_pred_ratios - mean_true_ratios
return K.mean(K.abs(diff))
def standard_loss(y_true, y_pred):
return tf.losses.binary_crossentropy(y_true=y_true, y_pred=y_pred)
def joint_loss(conds_ratios_label, y_pred):
y_true = conds_ratios_label[:, 3]
true_ratios = conds_ratios_label[:, 2]
conditions = tf.gather(conds_ratios_label, [0, 1], axis=1)
loss_1 = standard_loss(y_true=y_true, y_pred=y_pred)
loss_2 = custom_loss(conditions=conditions, true_ratios=true_ratios, y_pred=y_pred)
return 0.5 * loss_1 + 0.5 * loss_2
def my_model(input_shape=None):
model = Sequential()
model.add(Dropout(0, input_shape=(input_shape,)))
model.add(Dense(units=2, activation="relu"))
model.add(Dense(units=1, activation='sigmoid'))
model.add(Flatten())
model.compile(loss=joint_loss, optimizer="Adam",
metrics=[joint_loss, "accuracy"], # had to remove custom_loss because it takes 3 args now
run_eagerly=True)
return model
if __name__ == '__main__':
main()
主要更新到
custom_loss
.我从
custom_loss
中删除了创建 true_ratios DataFrame而是将它附加到我的
Y
在主要。现在
custom_loss
接受 3 个参数,其中之一是
true_ratios
张量。我不得不使用
gen_array_ops.unique_with_counts_v2
和
unsorted_segment_sum
获得每组条件的总和。然后我得到了每个组的长度以创建
pred_ratios
(根据
y_pred
计算出每组的比率)。最后我得到平均预测比率和平均真实比率,并取绝对差异来获得我的自定义损失。
tf.round
,但我意识到这是不可微的。所以我用 y_pred = tf.sigmoid((y_pred - 0.5) * 1000)
代替了它内部 custom_loss
.这基本上需要所有 y_pred
值为 0 和 1,但以可微分的方式。不过,这似乎有点“黑客”,所以如果您对此有任何反馈,请告诉我。 run_eagerly=True
时才有效。在 model.compile()
.否则,我会收到此错误:“ValueError:维度必须相等,但对于...是 1 和 2”。我不确定为什么会这样,但错误源自我使用 tf.unsorted_segment_sum
的行. unique_with_counts_v2
tensorflow API 中实际上并不存在,但它存在于源代码中。我需要它能够按多个条件(不仅仅是一个)进行分组。 关于python - 每个张量组的 Keras 自定义损失函数,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/63927188/
我有兴趣在 tf.keras 中训练一个模型,然后用 keras 加载它。我知道这不是高度建议,但我对使用 tf.keras 来训练模型很感兴趣,因为 tf.keras 更容易构建输入管道 我想利用
我进行了大量搜索,但仍然无法弄清楚如何编写具有多个交互输出的自定义损失函数。 我有一个神经网络定义为: def NeuralNetwork(): inLayer = Input((2,));
我正在阅读一篇名为 Differential Learning Rates 的文章在 Medium 上,想知道这是否可以应用于 Keras。我能够找到在 pytorch 中实现的这项技术。这可以在 K
我正在实现一个神经网络分类器,以打印我正在使用的这个神经网络的损失和准确性: score = model.evaluate(x_test, y_test, verbose=False) model.m
我最近在查看模型摘要时遇到了这个问题。 我想知道,[(None, 16)] 和有什么区别?和 (None, 16) ?为什么输入层有这样的输入形状? 来源:model.summary() can't
我正在尝试使用 Keras 创建自定义损失函数。我想根据输入计算损失函数并预测神经网络的输出。 我尝试在 Keras 中使用 customloss 函数。我认为 y_true 是我们为训练提供的输出,
我有一组样本,每个样本都是一组属性的序列(例如,一个样本可以包含 10 个序列,每个序列具有 5 个属性)。属性的数量总是固定的,但序列的数量(时间戳)可能因样本而异。我想使用这个样本集在 Keras
Keras 在训练集和测试集文件夹中发现了错误数量的类。我有 3 节课,但它一直说有 4 节课。有人可以帮我吗? 这里的代码: cnn = Sequential() cnn.add(Conv2D(32
我想编写一个自定义层,在其中我可以在两次运行之间将变量保存在内存中。例如, class MyLayer(Layer): def __init__(self, out_dim = 51, **kwarg
我添加了一个回调来降低学习速度: keras.callbacks.ReduceLROnPlateau(monitor='val_loss', factor=0.5, patience=100,
在 https://keras.io/layers/recurrent/我看到 LSTM 层有一个 kernel和一个 recurrent_kernel .它们的含义是什么?根据我的理解,我们需要 L
问题与标题相同。 我不想打开 Python,而是使用 MacOS 或 Ubuntu。 最佳答案 Python 库作者将版本号放入 .__version__ 。您可以通过在命令行上运行以下命令来打印它:
Keras 文档并不清楚这实际上是什么。我知道我们可以用它来将输入特征空间压缩成更小的空间。但从神经设计的角度来看,这是如何完成的呢?它是一个自动编码器,RBM吗? 最佳答案 据我所知,嵌入层是一个简
我想实现[http://ydwen.github.io/papers/WenECCV16.pdf]中解释的中心损失]在喀拉斯 我开始创建一个具有 2 个输出的网络,例如: inputs = Input
我正在尝试实现多对一模型,其中输入是大小为 的词向量d .我需要输出一个大小为 的向量d 在 LSTM 结束时。 在此 question ,提到使用(对于多对一模型) model = Sequenti
我有不平衡的训练数据集,这就是我构建自定义加权分类交叉熵损失函数的原因。但问题是我的验证集是平衡的,我想使用常规的分类交叉熵损失。那么我可以在 Keras 中为验证集传递不同的损失函数吗?我的意思是用
DL 中的一项常见任务是将输入样本归一化为零均值和单位方差。可以使用如下代码“手动”执行规范化: mean = np.mean(X, axis = 0) std = np.std(X, axis =
我正在尝试学习 Keras 并使用 LSTM 解决分类问题。我希望能够绘制 准确率和损失,并在训练期间更新图。为此,我正在使用 callback function . 由于某种原因,我在回调中收到的准
在 Keras 内置函数中嵌入使用哪种算法?Word2vec?手套?其他? https://keras.io/layers/embeddings/ 最佳答案 简短的回答是都不是。本质上,GloVe 的
我有一个使用 Keras 完全实现的 LSTM RNN,我想使用梯度剪裁,梯度范数限制为 5(我正在尝试复制一篇研究论文)。在实现神经网络方面,我是一个初学者,我将如何实现? 是否只是(我正在使用 r
我是一名优秀的程序员,十分优秀!