/external/tensorflow/tensorflow/contrib/learn/python/learn/ |
D | metric_spec_test.py | 35 def _fn0(predictions, labels, weights=None): argument 41 def _fn1(predictions, targets, weights=None): argument 150 def _fn(predictions): argument 191 def _fn0(predictions, labels): argument 196 def _fn1(predictions, targets): argument 222 def _fn(predictions, labels, weights=None): argument 238 def _fn(labels, predictions, weights=None): argument 254 def _fn(predictions, labels, weights=None): argument 270 def _fn(predictions, labels, weights=None): argument 286 def _fn(predictions, labels, weights=None): argument [all …]
|
D | metric_spec.py | 162 _sentinel=None, labels=None, predictions=None, weights=None): argument 178 _sentinel=None, labels=None, predictions=None, weights=None): argument 190 def _positional_predictions_metric_fn( argument 204 _sentinel=None, labels=None, predictions=None, weights=None): argument 219 _sentinel=None, labels=None, predictions=None, weights=None): argument 369 def create_metric_ops(self, inputs, labels, predictions): argument
|
/external/tensorflow/tensorflow/contrib/metrics/python/ops/ |
D | metric_ops.py | 50 def streaming_true_positives(predictions, argument 96 def streaming_true_negatives(predictions, argument 142 def streaming_false_positives(predictions, argument 188 def streaming_false_negatives(predictions, argument 337 def streaming_accuracy(predictions, argument 396 def streaming_precision(predictions, argument 454 def streaming_recall(predictions, argument 508 def streaming_false_positive_rate(predictions, argument 596 def streaming_false_negative_rate(predictions, argument 684 def _streaming_confusion_matrix_at_thresholds(predictions, argument [all …]
|
D | confusion_matrix_ops.py | 25 def confusion_matrix(labels, predictions, num_classes=None, dtype=dtypes.int32, argument
|
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/ |
D | losses.py | 30 def per_example_squared_hinge_loss(labels, weights, predictions): argument 35 def per_example_logistic_loss(labels, weights, predictions): argument 60 def per_example_quantile_regression_loss(labels, weights, predictions, argument 157 def per_example_squared_loss(labels, weights, predictions): argument 175 def per_example_exp_loss(labels, weights, predictions, name=None, eps=0.1): argument 263 def per_example_full_exp_loss(labels, weights, predictions, name=None): argument
|
/external/tensorflow/tensorflow/contrib/tensor_forest/client/ |
D | eval_metrics.py | 46 def _accuracy(predictions, targets, weights=None): argument 83 def _predictions(predictions, unused_targets, **unused_kwargs): argument 95 def _precision(predictions, targets, weights=None): argument 100 def _precision_at_thresholds(predictions, targets, weights=None): argument 108 def _recall(predictions, targets, weights=None): argument 113 def _recall_at_thresholds(predictions, targets, weights=None): argument
|
/external/tensorflow/tensorflow/python/ops/ |
D | confusion_matrix.py | 34 labels, predictions, expected_rank_diff=0, name=None): argument 95 predictions, argument 205 predictions, argument
|
D | metrics_impl.py | 88 def _remove_squeezable_dimensions(predictions, labels, weights): argument 164 def _maybe_expand_labels(labels, predictions): argument 231 def _streaming_confusion_matrix(labels, predictions, num_classes, weights=None): argument 398 predictions, argument 462 predictions, argument 631 predictions, argument 836 predictions, argument 897 predictions, argument 971 predictions, argument 1076 predictions, argument [all …]
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/utils/ |
D | export.py | 95 def generic_signature_fn(examples, unused_features, predictions): argument 127 def classification_signature_fn(examples, unused_features, predictions): argument 159 examples, unused_features, predictions): argument 190 def regression_signature_fn(examples, unused_features, predictions): argument 216 def logistic_regression_signature_fn(examples, unused_features, predictions): argument
|
/external/tensorflow/tensorflow/lite/models/smartreply/ |
D | predictor_test.cc | 71 std::vector<PredictorResponse> predictions; in TEST_F() local 90 std::vector<PredictorResponse> predictions; in TEST_F() local 109 std::vector<PredictorResponse> predictions; in TEST_F() local 137 std::vector<PredictorResponse> predictions; in TEST_F() local
|
/external/tensorflow/tensorflow/python/saved_model/ |
D | signature_def_utils_impl.py | 71 def regression_signature_def(examples, predictions): argument 213 inputs, loss, predictions=None, metrics=None): argument 220 inputs, loss, predictions=None, metrics=None): argument 227 method_name, inputs, loss=None, predictions=None, argument
|
/external/tensorflow/tensorflow/python/ops/losses/ |
D | losses_impl.py | 213 labels, predictions, weights=1.0, scope=None, argument 267 labels, predictions, axis=None, weights=1.0, scope=None, argument 371 def huber_loss(labels, predictions, weights=1.0, delta=1.0, scope=None, argument 449 def log_loss(labels, predictions, weights=1.0, epsilon=1e-7, scope=None, argument 507 labels, predictions, weights=1.0, scope=None, argument 603 labels, predictions, weights=1.0, scope=None, argument 791 labels, predictions, weights=None, expected_rank_diff=0): argument
|
/external/tensorflow/tensorflow/contrib/losses/python/losses/ |
D | loss_ops.py | 240 def absolute_difference(predictions, labels=None, weights=1.0, scope=None): argument 415 def log_loss(predictions, labels=None, weights=1.0, epsilon=1e-7, scope=None): argument 487 def mean_squared_error(predictions, labels=None, weights=1.0, scope=None): argument 524 def mean_pairwise_squared_error(predictions, argument 609 def cosine_distance(predictions, argument
|
/external/tensorflow/tensorflow/contrib/metrics/python/metrics/ |
D | classification.py | 32 def accuracy(predictions, labels, weights=None, name=None): argument 70 def f1_score(labels, predictions, weights=None, num_thresholds=200, argument
|
/external/tensorflow/tensorflow/contrib/losses/python/metric_learning/ |
D | metric_loss_ops.py | 572 def compute_clustering_score(labels, predictions, margin_type): argument 612 def _compute_nmi_score(labels, predictions): argument 621 def _compute_ami_score(labels, predictions): argument 631 def _compute_ari_score(labels, predictions): argument 642 def _compute_vmeasure_score(labels, predictions): argument 651 def _compute_zeroone_score(labels, predictions): argument 831 def update_all_medoids(pairwise_distances, predictions, labels, chosen_ids, argument
|
/external/tensorflow/tensorflow/python/saved_model/model_utils/ |
D | export_utils.py | 250 mode, serving_export_outputs=None, predictions=None, loss=None, argument 293 def get_export_outputs(export_outputs, predictions): argument
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/ |
D | model_fn.py | 88 predictions=None, argument 252 def _export_output(problem_type, predictions): # pylint: disable=missing-docstring argument
|
D | head.py | 537 def _create_output_alternatives(self, predictions): argument 783 def _metrics(self, eval_loss, predictions, labels, weights): argument 918 def _metrics(self, eval_loss, predictions, labels, weights): argument 1142 def _metrics(self, eval_loss, predictions, labels, weights): argument 1305 def _metrics(self, eval_loss, predictions, labels, weights): argument 1409 def _metrics(self, eval_loss, predictions, labels, weights): argument 1979 def _predictions_streaming_mean(predictions, argument 2002 def _class_predictions_streaming_mean(predictions, weights, class_id): argument 2022 def _streaming_auc(predictions, labels, weights=None, class_id=None, argument 2051 def _streaming_accuracy_at_threshold(predictions, labels, weights, threshold): argument [all …]
|
D | dnn_test.py | 346 def _assertBinaryPredictions(self, expected_len, predictions): argument 352 self, expected_len, n_classes, predictions): argument 815 def _my_metric_op(predictions, labels): argument 1224 self, predictions, expected_shape): argument 1331 def _my_metric_op(predictions, labels): argument 1392 def _my_metric_op(predictions, labels): argument
|
D | logistic_regressor.py | 133 def _make_logistic_eval_metric_ops(labels, predictions, thresholds): argument
|
/external/tensorflow/tensorflow/contrib/eager/python/ |
D | metrics_impl.py | 376 def call(self, labels, predictions, weights=None): argument 421 def call(self, labels, predictions, weights=None): argument 474 def call(self, labels, predictions, weights=None): argument 520 def call(self, labels, predictions, weights=None): argument
|
/external/libtextclassifier/lang_id/ |
D | lang-id.h | 48 std::vector<std::pair<string, float>> predictions; member
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | target_column.py | 431 def _run_metrics(predictions, labels, metrics, weights): argument 489 def _predictions_streaming_mean(predictions, unused_labels, weights=None): argument 493 def _streaming_auc(predictions, labels, weights=None): argument 500 def _accuracy_metric(predictions, labels, weights=None): argument 511 def _streaming_metrics(predictions, labels, weights=None): argument
|
/external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/ |
D | custom_loss_head.py | 71 def _metrics(self, eval_loss, predictions, labels, weights): argument
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | in_topk_op_test.py | 31 def _validateInTopK(self, predictions, target, k, expected): argument
|