/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | non_max_suppression_test.cc | 71 const float score_threshold = 0.4; in TEST() local 81 iou_threshold, score_threshold, /**sigma=**/ 0.0, selected_indices.data(), in TEST() 98 float score_threshold = 0.5; in TEST() local 108 score_threshold, /**sigma=**/ 0.0, selected_indices.data(), in TEST() 113 score_threshold = 0.95; in TEST() 116 score_threshold, /**sigma=**/ 0.0, selected_indices.data(), in TEST() 169 const float score_threshold = 0.4; in TEST() local 181 score_threshold, /**sigma=**/ 0.0, selected_indices.data(), in TEST() 191 score_threshold, /**sigma=**/ 0.0, selected_indices.data(), in TEST() 206 const float score_threshold = 0.4; in TEST() local [all …]
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | non_max_suppression_op.cc | 165 const T score_threshold, const T soft_nms_sigma, in DoNonMaxSuppressionOp() argument 189 if (scores_data[i] > score_threshold) { in DoNonMaxSuppressionOp() 240 if (next_candidate.score <= score_threshold) break; in DoNonMaxSuppressionOp() 261 if (next_candidate.score > score_threshold) { in DoNonMaxSuppressionOp() 307 const float score_threshold, const float iou_threshold, in DoNMSPerClass() argument 338 if (class_scores_data[i] > score_threshold) { in DoNMSPerClass() 444 const float score_threshold, const float iou_threshold, in BatchedNonMaxSuppressionOp() argument 478 num_classes, size_per_class, score_threshold, iou_threshold, in BatchedNonMaxSuppressionOp() 693 const Tensor& score_threshold = context->input(4); in Compute() local 695 context, TensorShapeUtils::IsScalar(score_threshold.shape()), in Compute() [all …]
|
D | non_max_suppression_op.cu.cc | 410 const float iou_threshold_val, const float score_threshold, in DoNMS() argument 489 if (score_threshold > std::numeric_limits<float>::lowest()) { in DoNMS() 490 GreaterThanCubOp score_limit(score_threshold); in DoNMS() 495 VLOG(1) << "Number of boxes above score threshold " << score_threshold in DoNMS() 503 VLOG(2) << "Number of boxes above threshold=" << score_threshold << " is " in DoNMS() 655 const Tensor& score_threshold = context->input(4); in Compute() local 657 context, TensorShapeUtils::IsScalar(score_threshold.shape()), in Compute() 659 score_threshold.shape().DebugString())); in Compute() 660 const float score_threshold_val = score_threshold.scalar<float>()(); in Compute() 700 const Tensor& score_threshold = context->input(4); in Compute() local [all …]
|
D | non_max_suppression_op_benchmark_test.cc | 35 Tensor score_threshold(float(0.25)); in CombinedNonMaxSuppression() 44 .Input(test::graph::Constant(g, score_threshold)) in CombinedNonMaxSuppression()
|
/external/tflite-support/tensorflow_lite_support/cc/task/vision/core/ |
D | classification_head.h | 36 ClassificationHead() : score_threshold(0) {} in ClassificationHead() 40 : label_map_items(label_map_items), score_threshold(0) {} in ClassificationHead() 61 float score_threshold; member
|
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/ |
D | combined_nms_test.py | 37 score_threshold = 0.1 49 score_threshold, dtype=dtypes.float32, name='score_threshold') 140 score_threshold = 0.001 154 score_threshold, dtype=dtypes.float32, name='score_threshold') 162 score_threshold=score_threshold_tensor,
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | non_max_suppression.h | 90 const float score_threshold, in NonMaxSuppression() argument 108 if (scores[i] > score_threshold) { in NonMaxSuppression() 157 if (next_candidate.score <= score_threshold) break; in NonMaxSuppression() 180 if (next_candidate.score > score_threshold) { in NonMaxSuppression()
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | NonMaxSuppressionV3.pbtxt | 20 name: "score_threshold" 47 name: "score_threshold" 87 name: "score_threshold"
|
D | NonMaxSuppressionV4.pbtxt | 20 name: "score_threshold" 58 name: "score_threshold" 109 name: "score_threshold"
|
D | CombinedNonMaxSuppression.pbtxt | 24 name: "score_threshold" 74 name: "score_threshold"
|
D | NonMaxSuppressionWithOverlaps.pbtxt | 20 name: "score_threshold"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | NonMaxSuppressionV3.pbtxt | 20 name: "score_threshold" 47 name: "score_threshold" 87 name: "score_threshold"
|
D | NonMaxSuppressionV4.pbtxt | 20 name: "score_threshold" 58 name: "score_threshold" 109 name: "score_threshold"
|
D | CombinedNonMaxSuppression.pbtxt | 24 name: "score_threshold" 74 name: "score_threshold"
|
D | NonMaxSuppressionWithOverlaps.pbtxt | 20 name: "score_threshold"
|
/external/tflite-support/tensorflow_lite_support/cc/task/vision/ |
D | image_classifier.cc | 106 if (options.score_threshold() < 0 || options.score_threshold() >= 1) { in SanityCheckOptions() 111 options.score_threshold()), in SanityCheckOptions() 471 float score_threshold = options_->has_score_threshold() in Postprocess() local 472 ? options_->score_threshold() in Postprocess() 473 : head.score_threshold; in Postprocess() 485 if (score < score_threshold) { in Postprocess() 501 if (score < score_threshold || in Postprocess()
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | image_ops_test.py | 790 score_threshold = array_ops.placeholder(score_threshold_np.dtype, 798 score_threshold=score_threshold, 803 score_threshold: score_threshold_np, 828 score_threshold = array_ops.placeholder(score_threshold_np.dtype, 836 score_threshold=score_threshold, 841 score_threshold: score_threshold_np, 870 score_threshold = array_ops.placeholder(score_threshold_np.dtype, 878 score_threshold=score_threshold, 884 score_threshold: score_threshold_np 913 score_threshold = array_ops.placeholder(score_threshold_np.dtype, [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_NonMaxSuppressionWithOverlaps.pbtxt | 32 name: "score_threshold" 49 `score_threshold` are removed. N-by-n overlap values are supplied as square matrix, 59 overlaps, scores, max_output_size, overlap_threshold, score_threshold)
|
D | api_def_NonMaxSuppressionV3.pbtxt | 31 name: "score_threshold" 48 `score_threshold` are removed. Bounding boxes are supplied as 61 boxes, scores, max_output_size, iou_threshold, score_threshold)
|
D | api_def_NonMaxSuppressionV4.pbtxt | 31 name: "score_threshold" 62 `score_threshold` are removed. Bounding boxes are supplied as 75 boxes, scores, max_output_size, iou_threshold, score_threshold)
|
D | api_def_NonMaxSuppressionV5.pbtxt | 31 name: "score_threshold" 79 `score_threshold` are removed. Bounding boxes are supplied as 92 boxes, scores, max_output_size, iou_threshold, score_threshold)
|
/external/tensorflow/tensorflow/python/ops/ |
D | image_ops_impl.py | 3650 score_threshold=float('-inf'), argument 3691 score_threshold = ops.convert_to_tensor( 3692 score_threshold, name='score_threshold') 3694 iou_threshold, score_threshold) 3703 score_threshold=float('-inf'), argument 3768 score_threshold = ops.convert_to_tensor( 3769 score_threshold, name='score_threshold') 3778 score_threshold, 3790 score_threshold=float('-inf'), argument 3829 overlaps, scores, max_output_size, overlap_threshold, score_threshold) [all …]
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | non_max_suppression.cc | 227 const float score_threshold = *GetTensorData<float>(input_score_threshold); in Eval() local 261 max_output_size_value, iou_threshold, score_threshold, soft_nms_sigma, in Eval() 279 max_output_size_value, iou_threshold, score_threshold, /**sigma=**/ 0.0, in Eval()
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.image.pbtxt | 37 …ax_output_size_per_class\', \'max_total_size\', \'iou_threshold\', \'score_threshold\', \'pad_per_… 129 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'name\'],… 133 …verlaps\', \'scores\', \'max_output_size\', \'overlap_threshold\', \'score_threshold\', \'name\'],… 137 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'pad_to_m… 141 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'soft_nms…
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.image.pbtxt | 37 …ax_output_size_per_class\', \'max_total_size\', \'iou_threshold\', \'score_threshold\', \'pad_per_… 133 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'name\'],… 137 …verlaps\', \'scores\', \'max_output_size\', \'overlap_threshold\', \'score_threshold\', \'name\'],… 141 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'pad_to_m… 145 …gs=[\'boxes\', \'scores\', \'max_output_size\', \'iou_threshold\', \'score_threshold\', \'soft_nms…
|