/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | non_max_suppression_test.cc | 31 void InitializeCandidates(std::vector<float>* boxes, std::vector<float>* scores, in InitializeCandidates() argument 52 *scores = {0.9, 0.75, 0.6, 0.95, 0.5, 0.3}; in InitializeCandidates() 69 std::vector<float> scores(1); in TEST() local 80 boxes.data(), /**num_boxes=**/ 0, scores.data(), max_output_size, in TEST() 89 std::vector<float> scores(kNumBoxes); in TEST() local 95 scores[i] = 0.75; in TEST() 107 boxes.data(), kNumBoxes, scores.data(), max_output_size, iou_threshold, in TEST() 115 boxes.data(), kNumBoxes, scores.data(), max_output_size, iou_threshold, in TEST() 124 std::vector<float> scores; in TEST() local 125 InitializeCandidates(&boxes, &scores); in TEST() [all …]
|
/external/libtextclassifier/native/lang_id/common/math/ |
D | softmax.cc | 27 float ComputeSoftmaxProbability(const std::vector<float> &scores, int label) { in ComputeSoftmaxProbability() argument 28 if ((label < 0) || (label >= scores.size())) { in ComputeSoftmaxProbability() 30 << "[0, " << scores.size() << ")"; in ComputeSoftmaxProbability() 43 const float label_score = scores[label]; in ComputeSoftmaxProbability() 45 for (int i = 0; i < scores.size(); ++i) { in ComputeSoftmaxProbability() 47 const float delta_score = scores[i] - label_score; in ComputeSoftmaxProbability() 73 std::vector<float> ComputeSoftmax(const std::vector<float> &scores, in ComputeSoftmax() argument 76 softmax.reserve(scores.size()); in ComputeSoftmax() 77 if (scores.empty()) { in ComputeSoftmax() 82 exp_scores.reserve(scores.size()); in ComputeSoftmax() [all …]
|
/external/libtextclassifier/native/utils/math/ |
D | softmax.cc | 26 float ComputeSoftmaxProbability(const std::vector<float> &scores, int label) { in ComputeSoftmaxProbability() argument 27 if ((label < 0) || (label >= scores.size())) { in ComputeSoftmaxProbability() 29 << "[0, " << scores.size() << ")"; in ComputeSoftmaxProbability() 42 const float label_score = scores[label]; in ComputeSoftmaxProbability() 44 for (int i = 0; i < scores.size(); ++i) { in ComputeSoftmaxProbability() 46 const float delta_score = scores[i] - label_score; in ComputeSoftmaxProbability() 72 std::vector<float> ComputeSoftmax(const std::vector<float> &scores) { in ComputeSoftmax() argument 73 return ComputeSoftmax(scores.data(), scores.size()); in ComputeSoftmax() 76 std::vector<float> ComputeSoftmax(const float *scores, int scores_size) { in ComputeSoftmax() argument 85 const float score = scores[i]; in ComputeSoftmax() [all …]
|
D | softmax.h | 27 float ComputeSoftmaxProbability(const std::vector<float> &scores, int label); 31 std::vector<float> ComputeSoftmax(const std::vector<float> &scores); 34 std::vector<float> ComputeSoftmax(const float *scores, int scores_size);
|
/external/icing/icing/store/ |
D | usage-store_test.cc | 62 UsageStore::UsageScores scores; in CreateUsageScores() local 63 scores.usage_type1_last_used_timestamp_s = type1_timestamp; in CreateUsageScores() 64 scores.usage_type2_last_used_timestamp_s = type2_timestamp; in CreateUsageScores() 65 scores.usage_type3_last_used_timestamp_s = type3_timestamp; in CreateUsageScores() 66 scores.usage_type1_count = type1_count; in CreateUsageScores() 67 scores.usage_type2_count = type2_count; in CreateUsageScores() 68 scores.usage_type3_count = type3_count; in CreateUsageScores() 70 return scores; in CreateUsageScores() 240 UsageStore::UsageScores scores = CreateUsageScores( in TEST_F() local 245 ICING_EXPECT_OK(usage_store->SetUsageScores(/*document_id=*/1, scores)); in TEST_F() [all …]
|
/external/mesa3d/src/gallium/frontends/wgl/ |
D | stw_ext_pixelformat.c | 334 score_pixelformats(struct stw_pixelformat_score *scores, in score_pixelformats() argument 369 scores[index].points = 0; in score_pixelformats() 379 scores[index].points = 0; in score_pixelformats() 381 scores[index].points -= (actual_value - expected_value) in score_pixelformats() 396 struct stw_pixelformat_score *scores; in wglChoosePixelFormatARB() local 407 scores = (struct stw_pixelformat_score *) in wglChoosePixelFormatARB() 409 if (scores == NULL) in wglChoosePixelFormatARB() 412 scores[i].points = 0x7fffffff; in wglChoosePixelFormatARB() 413 scores[i].index = i; in wglChoosePixelFormatARB() 420 if (!score_pixelformats(scores, count, piAttribIList[0], in wglChoosePixelFormatARB() [all …]
|
/external/webrtc/modules/audio_processing/test/py_quality_assessment/quality_assessment/ |
D | export.py | 158 scores = self._scores_data_frame[ 160 apm_configs = sorted(self._FindUniqueTuples(scores, ['apm_config'])) 162 scores, ['test_data_gen', 'test_data_gen_params'])) 206 scores = self._SliceDataForScoreTableCell( 208 stats = self._ComputeScoreStats(scores) 217 item_id, scores['score'].mean())) 272 scores = self._SliceDataForScoreTableCell( 276 scores, ['capture', 'render'])) 277 echo_simulators = sorted(self._FindUniqueTuples(scores, ['echo_simulator'])) 294 scores, capture, render, echo_simulator[0]) [all …]
|
/external/tensorflow/tensorflow/examples/speech_commands/ |
D | label_wav.cc | 78 std::vector<std::pair<int, float>> scores; in GetTopLabels() local 79 scores.reserve(unsorted_scores_flat.size()); in GetTopLabels() 81 scores.push_back(std::pair<int, float>({i, unsorted_scores_flat(i)})); in GetTopLabels() 83 std::sort(scores.begin(), scores.end(), in GetTopLabels() 88 scores.resize(how_many_labels); in GetTopLabels() 91 for (int i = 0; i < scores.size(); ++i) { in GetTopLabels() 92 sorted_indices.flat<int>()(i) = scores[i].first; in GetTopLabels() 93 sorted_scores.flat<float>()(i) = scores[i].second; in GetTopLabels() 165 Tensor scores; in main() local 166 GetTopLabels(outputs, how_many_labels, &indices, &scores); in main() [all …]
|
/external/llvm-project/flang/test/Semantics/ |
D | case01.f90 | 15 type scores type 18 type (scores) :: score = scores(25) 19 type (scores), parameter :: score_val = scores(50) 59 case (scores(100))
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | image_ops_test.py | 787 scores = array_ops.placeholder(scores_np.dtype, shape=scores_np.shape) 795 scores=scores, 802 scores: scores_np, 825 scores = array_ops.placeholder(scores_np.dtype, shape=scores_np.shape) 833 scores=scores, 840 scores: scores_np, 867 scores = array_ops.placeholder(scores_np.dtype, shape=scores_np.shape) 875 scores=scores, 882 scores: scores_np, 910 scores = array_ops.placeholder(scores_np.dtype, shape=scores_np.shape) [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | dense_attention.py | 99 def _apply_scores(self, scores, value, scores_mask=None, training=None): argument 130 if scores.dtype is dtypes.float16: 131 scores -= 65504. * math_ops.cast(padding_mask, dtype=scores.dtype) 133 scores -= 1.e9 * math_ops.cast(padding_mask, dtype=scores.dtype) 136 weights = nn.softmax(scores) 157 scores = self._calculate_scores(query=q, key=k) 165 scores_shape = array_ops.shape(scores) 175 scores=scores, value=v, scores_mask=scores_mask, training=training) 351 scores = math_ops.matmul(query, key, transpose_b=True) 353 scores *= self.scale [all …]
|
/external/tflite-support/tensorflow_lite_support/cc/task/text/nlclassifier/ |
D | nl_classifier.cc | 257 std::vector<Category> NLClassifier::BuildResults(const TfLiteTensor* scores, in BuildResults() argument 262 scores->dims->size == 2 ? scores->dims->data[1] : scores->dims->data[0]; in BuildResults() 267 bool should_dequantize = scores->type == kTfLiteUInt8 || in BuildResults() 268 scores->type == kTfLiteInt8 || in BuildResults() 269 scores->type == kTfLiteInt16; in BuildResults() 284 predictions.push_back(Category(label, Dequantize(*scores, index))); in BuildResults() 285 } else if (scores->type == kTfLiteBool) { in BuildResults() 287 Category(label, GetTensorData<bool>(scores)[index] ? 1.0 : 0.0)); in BuildResults() 290 Category(label, scores->type == kTfLiteFloat32 in BuildResults() 291 ? GetTensorData<float>(scores)[index] in BuildResults() [all …]
|
/external/libtextclassifier/native/utils/sentencepiece/ |
D | encoder_test.cc | 35 float scores[] = {-0.5, -1.0, -10.0, -1.0}; in TEST() local 39 /*num_pieces=*/4, scores); in TEST() 49 scores[1] = -100.0; in TEST() 60 float scores[] = {-0.5, -1.0, -10.0, -1.0}; in TEST() local 64 /*num_pieces=*/4, scores); in TEST() 90 float scores[] = {-0.5, -1.0, -10.0, -1.0}; in TEST() local 94 /*num_pieces=*/4, scores, in TEST()
|
/external/angle/scripts/ |
D | perf_test_runner.py | 38 scores = [] variable 165 scores.append(score) 167 if (len(scores) > 1): 168 sys.stdout.write(", mean: %.2f" % mean(scores)) 170 (coefficient_of_variation(scores) * 100.0)) 172 if (len(scores) > 7): 173 truncation_n = len(scores) >> 3 174 sys.stdout.write(", truncated mean: %.2f" % truncated_mean(scores, truncation_n)) 176 (truncated_cov(scores, truncation_n) * 100.0))
|
/external/autotest/server/site_tests/kernel_IdlePerf/ |
D | kernel_IdlePerf.py | 136 scores = {} 141 if story not in scores: scores[story] = [] 142 scores[story] += [e["sampleValues"][0]] 144 for story in scores: 145 scores[story] = { 146 'raw_exp_percentage_smooth_scores': scores[story], 147 'exp_percentage_smooth': numpy.mean(scores[story]), 148 'std': numpy.std(scores[story]) 151 return scores
|
/external/libtextclassifier/java/src/com/android/textclassifier/common/logging/ |
D | TextClassifierEvent.java | 156 private final float[] scores; field in TextClassifierEvent 169 scores = builder.scores; in TextClassifierEvent() 226 return scores; in getScores() 274 out.append(", mScores=").append(Arrays.toString(scores)); in toString() 302 private float[] scores = new float[0]; field in TextClassifierEvent.Builder 359 public T setScores(@Nonnull float... scores) { in setScores() argument 360 Preconditions.checkNotNull(scores); in setScores() 361 this.scores = new float[scores.length]; in setScores() 362 System.arraycopy(scores, 0, this.scores, 0, scores.length); in setScores()
|
/external/tensorflow/tensorflow/lite/experimental/kernels/ |
D | ctc_decoder.h | 58 std::vector<Output>* output, ScoreOutput* scores) = 0; 80 CTCDecoder::ScoreOutput* scores) override { in Decode() argument 84 if (scores->rows() < batch_size_ || scores->cols() == 0) { in Decode() 94 (*scores)(b, 0) = 0; in Decode() 98 (*scores)(b, 0) += -row.maxCoeff(&max_class_ix); in Decode()
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | non_max_suppression_op.cc | 43 const Tensor& scores) { in CheckScoreSizes() argument 45 OP_REQUIRES(context, scores.dims() == 1, in CheckScoreSizes() 47 "scores must be 1-D", scores.shape().DebugString(), in CheckScoreSizes() 48 " (Shape must be rank 1 but is rank ", scores.dims(), ")")); in CheckScoreSizes() 50 context, scores.dim_size(0) == num_boxes, in CheckScoreSizes() 53 num_boxes, " and ", scores.dim_size(0), ")")); in CheckScoreSizes() 86 const Tensor& scores) { in CheckCombinedNMSScoreSizes() argument 88 OP_REQUIRES(context, scores.dims() == 3, in CheckCombinedNMSScoreSizes() 90 scores.shape().DebugString())); in CheckCombinedNMSScoreSizes() 91 OP_REQUIRES(context, scores.dim_size(1) == num_boxes, in CheckCombinedNMSScoreSizes() [all …]
|
/external/libaom/libaom/third_party/fastfeat/ |
D | fast.c | 10 int* scores; in aom_fast9_detect_nonmax() local 14 scores = aom_fast9_score(im, stride, corners, num_corners, b); in aom_fast9_detect_nonmax() 15 nonmax = aom_nonmax_suppression(corners, scores, num_corners, ret_num_corners); in aom_fast9_detect_nonmax() 18 free(scores); in aom_fast9_detect_nonmax()
|
D | nonmax.c | 8 xy* aom_nonmax_suppression(const xy* corners, const int* scores, int num_corners, int* ret_num_nonm… in aom_nonmax_suppression() argument 54 int score = scores[i]; in aom_nonmax_suppression() 59 if(corners[i-1].x == pos.x-1 && corners[i-1].y == pos.y && Compare(scores[i-1], score)) in aom_nonmax_suppression() 64 if(corners[i+1].x == pos.x+1 && corners[i+1].y == pos.y && Compare(scores[i+1], score)) in aom_nonmax_suppression() 85 if( (x == pos.x - 1 || x ==pos.x || x == pos.x+1) && Compare(scores[j], score)) in aom_nonmax_suppression() 106 if( (x == pos.x - 1 || x ==pos.x || x == pos.x+1) && Compare(scores[j],score)) in aom_nonmax_suppression()
|
/external/tensorflow/tensorflow/core/util/ctc/ |
D | ctc_decoder.h | 61 std::vector<Output>* output, ScoreOutput* scores) = 0; 85 typename CTCDecoder<T>::ScoreOutput* scores) override { in Decode() argument 90 if (scores->rows() < Decoder::batch_size_ || scores->cols() == 0) { in Decode() 101 (*scores)(b, 0) = 0; in Decode() 105 (*scores)(b, 0) += -row.maxCoeff(&max_class_ix); in Decode()
|
/external/webrtc/modules/audio_processing/test/py_quality_assessment/ |
D | apm_quality_assessment_optimize.py | 82 scores = data_frame[data_frame.eval_score_name == score_name].score 83 normalization_constants[score_name] = max(scores) 92 scores = {} 97 scores[score_name] = sum(data_cell_scores) / len(data_cell_scores) 98 scores[score_name] /= normalization_constants[score_name] 100 result = {'scores': scores, 'params': {}}
|
/external/tensorflow/tensorflow/python/saved_model/model_utils/ |
D | export_output.py | 121 def __init__(self, scores=None, classes=None): argument 135 if (scores is not None 136 and not (isinstance(scores, ops.Tensor) 137 and scores.dtype.is_floating)): 139 'got {}'.format(scores)) 145 if scores is None and classes is None: 148 self._scores = scores 152 def scores(self): member in ClassificationOutput 168 examples, self.classes, self.scores)
|
/external/libtextclassifier/java/src/com/android/textclassifier/ |
D | ExtrasUtils.java | 95 final float[] scores = new float[languages.length]; in putTopLanguageScores() local 97 scores[i] = languageScores.getConfidenceScore(languages[i]); in putTopLanguageScores() 100 container.putFloatArray(SCORE, scores); in putTopLanguageScores() 118 final float[] scores = textLanguagesExtra.getFloatArray(SCORE); in getTopLanguage() local 120 || scores == null in getTopLanguage() 122 || languages.length != scores.length) { in getTopLanguage() 127 if (scores[highestScoringIndex] < scores[i]) { in getTopLanguage() 131 return Pair.create(languages[highestScoringIndex], scores[highestScoringIndex]); in getTopLanguage()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | multinomial_op_gpu.cu.cc | 44 const float* __restrict__ scores, in MultinomialKernel() argument 49 if (ldg(maxima + maxima_idx) == ldg(scores + index)) { in MultinomialKernel() 62 typename TTypes<float>::Flat scores, in operator ()() 98 To32Bit(scores).device(d) = in operator ()() 108 /*ctx=*/ctx, /*out=*/maxima.data(), /*in=*/scores.data(), /*in_rank=*/2, in operator ()() 121 num_classes, num_samples, scores.data(), maxima.data(), output.data())); in operator ()()
|