- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我想使用 Hausdorff 距离作为训练指标,但我刚刚找到了 Weighted_Hausdorff_loss并将其用作医学图像分割的指标。
import math
import numpy as np
import tensorflow as tf
from sklearn.utils.extmath import cartesian
resized_height = 192
resized_width = 192
max_dist = math.sqrt(resized_height**2 + resized_width**2)
n_pixels = resized_height * resized_width
all_img_locations = tf.convert_to_tensor(cartesian([np.arange(resized_height), np.arange(resized_width)]),
tf.float32)
batch_size = 1
def tf_repeat(tensor, repeats):
"""
Args:
input: A Tensor. 1-D or higher.
repeats: A list. Number of repeat for each dimension, length must be the same as the number of dimensions in input
Returns:
A Tensor. Has the same type as input. Has the shape of tensor.shape * repeats
"""
with tf.variable_scope("repeat"):
expanded_tensor = tf.expand_dims(tensor, -1)
multiples = [1] + repeats
tiled_tensor = tf.tile(expanded_tensor, multiples = multiples)
repeated_tesnor = tf.reshape(tiled_tensor, tf.shape(tensor) * repeats)
return repeated_tesnor
def Weighted_Hausdorff_loss(y_true, y_pred):
# https://arxiv.org/pdf/1806.07564.pdf
#prob_map_b - y_pred
#gt_b - y_true
terms_1 = []
terms_2 = []
y_true = tf.squeeze(y_true, axis=-1)
y_pred = tf.squeeze(y_pred, axis=-1)
# y_true = tf.reduce_mean(y_true, axis=-1)
# y_pred = tf.reduce_mean(y_pred, axis=-1)
for b in range(batch_size):
gt_b = y_true[b]
prob_map_b = y_pred[b]
# Pairwise distances between all possible locations and the GTed locations
n_gt_pts = tf.reduce_sum(gt_b)
gt_b = tf.where(tf.cast(gt_b, tf.bool))
gt_b = tf.cast(gt_b, tf.float32)
d_matrix = tf.sqrt(tf.maximum(tf.reshape(tf.reduce_sum(gt_b*gt_b, axis=1), (-1, 1)) + tf.reduce_sum(all_img_locations*all_img_locations, axis=1)-2*(tf.matmul(gt_b, tf.transpose(all_img_locations))), 0.0))
d_matrix = tf.transpose(d_matrix)
# Reshape probability map as a long column vector,
# and prepare it for multiplication
p = tf.reshape(prob_map_b, (n_pixels, 1))
n_est_pts = tf.reduce_sum(p)
p_replicated = tf_repeat(tf.reshape(p, (-1, 1)), [1, n_gt_pts])
eps = 1e-6
alpha = 4
# Weighted Hausdorff Distance
term_1 = (1 / (n_est_pts + eps)) * tf.reduce_sum(p * tf.reshape(tf.reduce_min(d_matrix, axis=1), (-1, 1)))
d_div_p = tf.reduce_min((d_matrix + eps) / (p_replicated**alpha + eps / max_dist), axis=0)
d_div_p = tf.clip_by_value(d_div_p, 0, max_dist)
term_2 = tf.reduce_mean(d_div_p, axis=0)
terms_1.append(term_1)
terms_2.append(term_2)
terms_1 = tf.stack(terms_1)
terms_2 = tf.stack(terms_2)
terms_1 = tf.Print(tf.reduce_mean(terms_1), [tf.reduce_mean(terms_1)], "term 1")
terms_2 = tf.Print(tf.reduce_mean(terms_2), [tf.reduce_mean(terms_2)], "term 2")
res = terms_1 + terms_2
return res
model.compile(optimizer=optimizers.Adam(lr=1e-3),
loss=bce_dice_loss, metrics=['accuracy',iou_metric,specificity,sensitivity,Weighted_Hausdorff_loss])
它在一个数据集上成功了,但在另一个数据集中没有成功。
tf.reduce_mean
和
tf.reduce_min
因为这是一个损失
term_1 = (1 / (n_est_pts + eps)) * tf.reduce_sum(p * tf.reshape(tf.reduce_min(d_matrix, axis=1), (-1, 1)))
d_div_p = tf.reduce_min((d_matrix + eps) / (p_replicated**alpha + eps / max_dist), axis=0)
d_div_p = tf.clip_by_value(d_div_p, 0, max_dist)
term_2 = tf.reduce_mean(d_div_p, axis=0)
terms_1.append(term_1)
terms_2.append(term_2)
terms_1 = tf.stack(terms_1)
terms_2 = tf.stack(terms_2)
terms_1 = tf.Print(tf.reduce_mean(terms_1), [tf.reduce_mean(terms_1)], "term 1")
terms_2 = tf.Print(tf.reduce_mean(terms_2), [tf.reduce_mean(terms_2)], "term 2")
最佳答案
试试这个实现。
Source ,跟着源文件,你会发现一些测试用例,here .
def weighted_hausdorff_distance(w, h, alpha):
all_img_locations = tf.convert_to_tensor(cartesian([np.arange(w),
np.arange(h)]), dtype=tf.float32)
max_dist = math.sqrt(w ** 2 + h ** 2)
def hausdorff_loss(y_true, y_pred):
def loss(y_true, y_pred):
eps = 1e-6
y_true = K.reshape(y_true, [w, h])
gt_points = K.cast(tf.where(y_true > 0.5), dtype=tf.float32)
num_gt_points = tf.shape(gt_points)[0]
y_pred = K.flatten(y_pred)
p = y_pred
p_replicated = tf.squeeze(K.repeat(tf.expand_dims(p, axis=-1),
num_gt_points))
d_matrix = cdist(all_img_locations, gt_points)
num_est_pts = tf.reduce_sum(p)
term_1 = (1 / (num_est_pts + eps)) * K.sum(p * K.min(d_matrix, 1))
d_div_p = K.min((d_matrix + eps) / (p_replicated ** alpha + (eps / max_dist)), 0)
d_div_p = K.clip(d_div_p, 0, max_dist)
term_2 = K.mean(d_div_p, axis=0)
return term_1 + term_2
batched_losses = tf.map_fn(lambda x:
loss(x[0], x[1]),
(y_true, y_pred),
dtype=tf.float32)
return K.mean(tf.stack(batched_losses))
return hausdorff_loss
关于python - 如何在 Keras 中使用 Hausdorff 度量?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/61897779/
背景信息:对于国际销售表中的每一行,我需要检索过去特定日期的美元汇率,以便分析人员确定汇率变化的影响关于销售数字。然后,我将使用今天的汇率与过去的汇率之间的差值,并将其乘以销售额来确定影响。 实际问题
是否可以通过切片器值动态选取表中定义的适当 DAX 度量? 源表: +----------------+------------+ | col1 | col2 | +-
我有一个 ViewFlipper在我的主要 Activity View 上。在 onCreate 我实例化添加到 ViewFlipper 的 View 。之后,我将显示的 child 设置为第一个。当
我正在研究句子类别检测问题。每个句子可以属于多个类别例如: "It has great sushi and even better service." True Label: [[ 0. 0.
谁能帮我一起计算F-measure?我知道如何计算召回率和准确率,但不知道对于给定的算法如何计算一个 F-measure 值。 例如,假设我的算法创建了 m 个集群,但我知道相同数据有 n 个集群(由
我对通过宏精度和手动召回计算宏 f1-score 感兴趣。但结果并不相等。代码中 f1 和 f1_new 的最终公式有什么区别? from sklearn.metrics import precisi
我有一张记录了一些人体重的表格: Year Person Weight 2010 Mike 75 2010 Laura 60 2011 Mike 80 201
df分为训练数据帧和测试数据帧。训练数据帧分为训练数据帧和测试数据帧。因变量Y是二进制(因子),值为 0 和 1。我试图用此代码(神经网络,插入符号包)预测概率: library(caret) mod
我想使用 Hausdorff 距离作为训练指标,但我刚刚找到了 Weighted_Hausdorff_loss并将其用作医学图像分割的指标。 import math import numpy as n
我有一段时间没有使用 R,所以也许我只是不习惯它,但是..我在 R 中有一个表,有两个列,第一个有预测值(值可以是 0 或 1 ),第二个具有实际值(也是 0 或 1)。我需要找到召回率、精度和 f
我正在使用 Collectd 收集系统指标。我正在小范围内收集测量值以获得准确的值。但是我想使用 Statsd 在本地聚合这些值。 Statsd 应该聚合这些值并以更长的时间间隔将它们发送到 libr
我使用SciKit作为一个库来处理分类算法,例如:NB、SVM。 这是一个非常漂亮的binary classification implementation对于“垃圾邮件和HAM”电子邮件:
我正在寻找 MST 启发式算法的严格示例,它是度量旅行商问题的 2 近似算法。 这个算法在网上很容易找到,但我找不到具体的例子。我所说的严格示例是指给定算法返回的解决方案比最佳解决方案差 2 倍的示例
我使用 Data Studio 中的 Case 函数来确定某个值是否高于或低于 6,000 英镑,并根据输出呈现两个数字之一。这两个数字是计算字段。 第一个案例陈述: (大于或小于)- CASE WH
我正在使用 Ganglia + RRDTool为 monitoring a web farm .很多图很清楚,但是当我看到load_one metric , 我 don't have Y-axis l
以下是股票交易数据的简化版本。 StockData = DATATABLE ( "STOCK", STRING, "Date", DATETIME, "Buyer", STRI
我正在尝试将ASP.NET Core 7应用程序中的度量/跟踪发送到Grafana。。这是我的《码头工人》作文文件。。下面是我的收集器配置:。下面是配置OpenTelemeter的服务集合扩展方法。。
我正试图从我的ASP.NET Core 7应用程序向Grafana发送度量/跟踪。。这是我的《码头工人》作文文件。。下面是我的收集器配置:。下面是配置OpenTelemeter的服务集合扩展方法。。首
我是一名优秀的程序员,十分优秀!