- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在使用卷积神经网络,在我开始运行它之后,我得到了问题中所述的错误:
OperatorNotAllowedInGraphError:在图形执行中不允许使用 tf.Tensor
作为 Python bool
。使用 Eager execution 或使用 @tf.function 修饰此函数。
Traceback (most recent call last):
File "/home/CNN1_FOLD1.py", line 452, in main_dense(0.1, DenseNet, error_anal = True, depth=depth)
File "/home/CNN1_FOLD1.py", line 440, in main_densetrain(model, x_train, y_train, x_val, y_val, epochs_list = [500, 5000, 300], name = model_name, learning_rate = learning_rate)
File "/home/CNN1_FOLD1.py", line 320, in train'AUC'])
File"/home/.local/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py",line 75, in symbolic_fn_wrapperreturn func(*args, **kwargs)
File"/home/.local/lib/python3.7/site-packages/keras/engine/training.py",line 222, in compilemasks=masks)
File"/home/.local/lib/python3.7/site-packages/keras/engine/training.py",line 871, in _handle_metricsself._per_output_metrics[i], target, output, output_mask)
File"/home/.local/lib/python3.7/site-packages/keras/engine/training.py",line 842, in _handle_per_output_metricsmetric_fn, y_true, y_pred, weights=weights, mask=mask)
File"/home/.local/lib/python3.7/site-packages/keras/engine/training_utils.py",line 1033, in call_metric_functionupdate_ops = metric_fn.update_state(y_true, y_pred, sample_weight=weights)
File"/home/.local/lib/python3.7/site-packages/keras/utils/metrics_utils.py",line 42, in decoratedupdate_op = update_state_fn(*args, **kwargs)
File"/home/.local/lib/python3.7/site-packages/keras/metrics.py",line 318, in update_statematches = self._fn(y_true, y_pred, **self._fn_kwargs)
File"/home/.local/lib/python3.7/site-packages/keras/metrics.py",line 1421, in initthresholds, default_threshold=default_threshold)
File"/home/.local/lib/python3.7/site-packages/keras/utils/metrics_utils.py",line 107, in parse_init_thresholdsassert_thresholds_range(to_list(thresholds))
File"/home/.local/lib/python3.7/site-packages/keras/utils/metrics_utils.py",line 98, in assert_thresholds_rangeinvalid_thresholds = [t for t in thresholds if t is None or t < 0 or t > 1]
File"/home/.local/lib/python3.7/site-packages/keras/utils/metrics_utils.py",line 98, in invalid_thresholds = [t for t in thresholds if t is None or t < 0 or t > 1]
File"/home/.local/lib/python3.7/site-packages/tensorflow_core/python/framework/ops.py",line 765, in boolself._disallow_bool_casting()
File"/home/.local/lib/python3.7/site-packages/tensorflow_core/python/framework/ops.py",line 534, in _disallow_bool_castingself._disallow_in_graph_mode("using a
tf.Tensor
as a Pythonbool
")File"/home/.local/lib/python3.7/site-packages/tensorflow_core/python/framework/ops.py",line 523, in _disallow_in_graph_mode" this function with @tf.function.".format(task))
OperatorNotAllowedInGraphError: using a
tf.Tensor
as a Pythonbool
is not allowed in Graph execution. Use Eager execution or decoratethis function with @tf.function.
我知道这与我的指标有关。我最初是按如下所示运行它的:
model.compile(loss='categorical_crossentropy',
optimizer=opt,
metrics=['accuracy'])
但我想添加更多指标,所以我将其更改为:
model.compile(loss='categorical_crossentropy',
optimizer=opt,
metrics=['accuracy',
'Precision',
'Recall',
'AUC'])
或者:
model.compile(loss='categorical_crossentropy',
optimizer=opt,
metrics=['accuracy',
tf.keras.metrics.Precision(),
tf.keras.metrics.Recall(),
'AUC'])
两者都不起作用并给我错误。
我能做些什么来解决这个问题?
谢谢!
最佳答案
我也遇到了类似的问题。由于 TensorFlow 升级到 2.x,要使用 keras API 指标,您应该实例化所有这些指标以便像这样编译:
model.compile(loss='categorical_crossentropy',
optimizer=opt,
metrics=[tf.keras.metrics.Accuracy(),
tf.keras.metrics.Precision(),
tf.keras.metrics.Recall(),
tf.keras.metrics.AUC()])
希望这有帮助:)
关于python - OperatorNotAllowedInGraphError : using a `tf.Tensor` as a Python `bool` is not allowed in Graph execution. 添加指标到编译函数,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/62513422/
我在 Azure 中找不到几个 SQL 指标。任何人都可以帮助如何设置以下主题的指标。 1)产能利用率不足 2)池外的数据库数量 3)扩大规模 4)连接超时 提前致谢。 最佳答案 实际上,这些并不是
我要监控的应用程序提供了一个用于健康检查的 api 端点,它以 json 格式响应指标。例如: $ curl https://example.com/api/stats {"status":"suc
我正在考虑用于分析软件开发工作的软件指标。当我考虑在面向对象的软件中使用类似功能点的指标时,我遇到了一个有趣的挑战/问题。 考虑一个业务规则引擎。它是一种应用程序,由运行业务规则所需的组件组成,然后将
我要监控的应用程序提供了一个用于健康检查的 api 端点,它以 json 格式响应指标。例如: $ curl https://example.com/api/stats {"status":"suc
因此,我正在将旧的数据可视化转换为新平台,但我对他们的社区排序功能有点困惑。在原始代码中,作者似乎使用了带有余弦相似度计算器的凝聚聚类。我认为在 Javascript 中解决这个问题的最佳方法是使用
我不是专业程序员,但我正在尝试改变一些技术指标在名为 TradeStation 的金融图表包中的显示方式(与特定图表供应商无关)。 这就是问题所在:大多数指标都是围绕零点绘制的,有时它们会靠近零点摆动
我们存储了大量来 self 们服务的指标(大约 8000 万个事件)。我们必须根据数据生成报告。 我的问题比较笼统,哪些工具可以满足您的指标/报告需求?有什么推荐的吗? 我们使用 Apache 编写日
我们网站上的页面的 CLS 一直接近于零。这是有道理的,因为它们是服务器呈现的 HTML 页面,具有简单的静态布局。 最近我们添加了 content-visibility: auto 的使用,如下所示
我能想到几种方法来转这种类型的矩阵(数据框): dat = data.frame( x1 = rep(c('a', 'b'), 100), x2 = rep(c('x', 'y
我正在使用 codahale 指标(现在是 dropwizard 指标)来监控我系统中发生的一些“事件”。我正在使用 counters跟踪“事件”发生次数的指标。 我检查了记者为我的计数器指标打印的值
关闭。这个问题需要更多focused .它目前不接受答案。 想改善这个问题吗?更新问题,使其仅关注一个问题 editing this post . 11 个月前关闭。 Improve this que
在不使用 Heapster 的情况下,有没有办法收集有关 Kubernetes 集群中节点的 CPU 或磁盘指标? Heapster 最初是如何收集这些指标的? 最佳答案 Kubernetes 监控在
对于二元分类问题,我有一个略微不平衡的数据集,正负比为 0.6。 我最近从这个答案中了解到了 auc 指标:https://stats.stackexchange.com/a/132832/12822
为了做一些参数调整,我喜欢用 Keras 循环一些训练函数。但是,我意识到在使用 tensorflow.keras.metrics.AUC() 时作为度量,对于每个训练循环,都会将一个整数添加到 au
我使用 Azure,现在我想在特定情况下添加短信通知。 当我使用基于日志的指标时,它效果很好,但我想针对特定异常创建通知。 下一个流程:抛出异常 => Azure 知道识别它 => Azure 发送有
我正在尝试访问给定cloudService的指标 我有以下代码: var metricsClient = new MetricsClient(new CertificateCloudCredentia
我正在尝试使用 R 和 xgboost 来研究我的模型。训练模型总体上效果很好,但对于插入符来说,度量存在一些问题。 我尝试为类列设置一个因子,但仍然没有结果。 我的数据 ID var1var2TA
我对编程还很陌生,有时它会用非常基本的概念来困扰我。我在我的 tableviewcontroller 中定义了一个 Activity 指示器作为 Outlet。 @IBOutlet weak var
我正在训练一个进行序列预测的模型。例如,给定某人之前写过的 10 个单词,我正在训练 LSTM 来预测他们将写的下一个单词。我有一个有时可以工作的模型,因此我想创建一个指标来跟踪模型通过词性标签预测下
我正在尝试使用 hystrix 来监控某个网络调用。但我尝试监控的所有指标始终为空。我做错了什么? 我通过实现一个(某种程度上)RESTful 接口(interface)来模拟网络调用,该接口(int
我是一名优秀的程序员,十分优秀!