/external/ImageMagick/MagickCore/ |
D | threshold.c | 399 MagickExport MagickBooleanType BilevelImage(Image *image,const double threshold, in BilevelImage() argument 472 q[i]=(Quantum) (pixel <= threshold ? 0 : QuantumRange); in BilevelImage() 543 threshold; in BlackThresholdImage() local 561 GetPixelInfo(image,&threshold); in BlackThresholdImage() 563 threshold.red=geometry_info.rho; in BlackThresholdImage() 564 threshold.green=geometry_info.rho; in BlackThresholdImage() 565 threshold.blue=geometry_info.rho; in BlackThresholdImage() 566 threshold.black=geometry_info.rho; in BlackThresholdImage() 567 threshold.alpha=100.0; in BlackThresholdImage() 569 threshold.green=geometry_info.sigma; in BlackThresholdImage() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | roll_op.cc | 40 const T* input, T* output, const gtl::ArraySlice<int>& threshold, in DoRoll() argument 42 auto work = [input, output, num_dims, &dim_size, &threshold, &dim_range]( in DoRoll() 53 const int shift = dim_size[i] - threshold[i]; in DoRoll() 69 if (indx == threshold[j]) { // we've reached the threshold in DoRoll() 78 } else if (threshold[j] != 0) { // if threshold is 0 shift is 0 in DoRoll() 104 const gtl::ArraySlice<int>& threshold, in DoRollWithMemcpy() argument 107 auto work = [input, output, num_dims, &dim_size, &threshold, &dim_range, isd]( in DoRollWithMemcpy() 119 const int64 start_remainder = (start % 2) * threshold[isd] * isd_stride; in DoRollWithMemcpy() 120 const int64 end_remainder = (end % 2) * threshold[isd] * isd_stride; in DoRollWithMemcpy() 140 const int shift = dim_size[i] - threshold[i]; in DoRollWithMemcpy() [all …]
|
D | compare_and_bitpack_op_gpu.cu.cc | 36 __global__ void CompareAndBitpackKernel(const int size, const T* threshold, in CompareAndBitpackKernel() argument 44 const T thresh = ldg(threshold); in CompareAndBitpackKernel() 59 const bool* threshold, in CompareAndBitpackKernel() argument 81 const float* threshold, in CompareAndBitpackKernel() argument 84 const float thresh = ldg(threshold); in CompareAndBitpackKernel() 98 const double* threshold, in CompareAndBitpackKernel() argument 101 const double thresh = ldg(threshold); in CompareAndBitpackKernel() 121 typename TTypes<T>::ConstScalar threshold, \ 129 total_count, threshold.data(), input.data(), output.data()); \
|
/external/deqp/framework/common/ |
D | tcuImageCompare.hpp | 47 …geSetDesc, const Surface& reference, const Surface& result, const RGBA& threshold, CompareLogMode … 48 …r* imageSetDesc, const Surface& reference, const Surface& result, float threshold, CompareLogMode … 51 …xelBufferAccess& reference, const ConstPixelBufferAccess& result, float threshold, CompareLogMode … 52 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, CompareLogMode … 53 …ferAccess& reference, const ConstPixelBufferAccess& result, const Vec4& threshold, CompareLogMode … 54 …onst Vec4& reference, const ConstPixelBufferAccess& result, const Vec4& threshold, CompareLogMode … 55 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, CompareLogMode … 56 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, const tcu::IVec… 57 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, const tcu::IVec… 59 …fferAccess& reference, const ConstPixelBufferAccess& result, const RGBA threshold, CompareLogMode …
|
D | tcuBilinearImageCompare.cpp | 114 …lBufferAccess& reference, const ConstPixelBufferAccess& result, const RGBA threshold, int x, int y) in comparePixelRGBA8() argument 127 if (compareThreshold(resPix, readRGBA8(reference, x1, y1), threshold) || in comparePixelRGBA8() 128 compareThreshold(resPix, readRGBA8(reference, x0, y1), threshold) || in comparePixelRGBA8() 129 compareThreshold(resPix, readRGBA8(reference, x2, y1), threshold) || in comparePixelRGBA8() 130 compareThreshold(resPix, readRGBA8(reference, x0, y0), threshold) || in comparePixelRGBA8() 131 compareThreshold(resPix, readRGBA8(reference, x1, y0), threshold) || in comparePixelRGBA8() 132 compareThreshold(resPix, readRGBA8(reference, x2, y0), threshold) || in comparePixelRGBA8() 133 compareThreshold(resPix, readRGBA8(reference, x0, y2), threshold) || in comparePixelRGBA8() 134 compareThreshold(resPix, readRGBA8(reference, x1, y2), threshold) || in comparePixelRGBA8() 135 compareThreshold(resPix, readRGBA8(reference, x2, y2), threshold)) in comparePixelRGBA8() [all …]
|
D | tcuImageCompare.cpp | 91 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, const tcu::IVec… in findNumPositionDeviationFailingPixels() argument 125 const bool isOk = boolAll(lessThanEqual(diff, threshold)); in findNumPositionDeviationFailingPixels() 144 const bool isOk = boolAll(lessThanEqual(diff, threshold)); in findNumPositionDeviationFailingPixels() 167 const bool isOk = boolAll(lessThanEqual(diff, threshold)); in findNumPositionDeviationFailingPixels() 217 …xelBufferAccess& reference, const ConstPixelBufferAccess& result, float threshold, CompareLogMode … in fuzzyCompare() argument 222 bool isOk = difference <= threshold; in fuzzyCompare() 236 … comparison failed: difference = " << difference << ", threshold = " << threshold << TestLog::EndM… in fuzzyCompare() 286 …r* imageSetDesc, const Surface& reference, const Surface& result, float threshold, CompareLogMode … in fuzzyCompare() argument 288 …re(log, imageSetName, imageSetDesc, reference.getAccess(), result.getAccess(), threshold, logMode); in fuzzyCompare() 488 …erAccess& reference, const ConstPixelBufferAccess& result, const UVec4& threshold, CompareLogMode … in floatUlpThresholdCompare() argument [all …]
|
/external/lisa/tools/analysis/ |
D | run_binder_transaction_analysis.py | 24 def run_queue_analysis(trace, threshold): argument 39 trace.analysis.binder_transaction.plot_tasks(df, threshold, "__comm_x", 44 def run_buffer_analysis(trace, threshold): argument 58 trace.analysis.binder_transaction.plot_tasks(df, threshold, 64 def run_alloc_analysis(trace, threshold): argument 78 ymax=threshold) 109 df = run_queue_analysis(trace, args.threshold) 111 df = run_buffer_analysis(trace, args.threshold) 113 df = run_alloc_analysis(trace, args.threshold)
|
/external/libxcam/modules/isp/iq/ |
D | x3a_ciq_tnr_tuning_handler.cpp | 93 …config.threshold[0] = linear_interpolate_p2 (tuning[i_prev].y_threshold, tuning[i_curr].y_threshol… in analyze() 96 …config.threshold[1] = linear_interpolate_p2 (tuning[i_prev].uv_threshold, tuning[i_curr].uv_thresh… in analyze() 99 config.threshold[2] = 0.0; in analyze() 101 config.gain, config.threshold[0], config.threshold[1]); in analyze() 111 …config.threshold[0] = linear_interpolate_p2 (tuning[i_prev].r_threshold, tuning[i_curr].r_threshol… in analyze() 114 …config.threshold[1] = linear_interpolate_p2 (tuning[i_prev].g_threshold, tuning[i_curr].g_threshol… in analyze() 117 …config.threshold[2] = linear_interpolate_p2 (tuning[i_prev].b_threshold, tuning[i_curr].b_threshol… in analyze() 121 config.gain, config.threshold[0], config.threshold[1]); in analyze()
|
/external/robolectric/v1/src/main/java/com/xtremelabs/robolectric/shadows/ |
D | ShadowAutoCompleteTextView.java | 19 private int threshold = 2; field in ShadowAutoCompleteTextView 34 return threshold; in getThreshold() 38 public void setThreshold(int threshold) { in setThreshold() argument 39 if (threshold <= 0) { in setThreshold() 40 threshold = 1; in setThreshold() 42 this.threshold = threshold; in setThreshold()
|
/external/llvm/test/Transforms/LoopUnroll/ |
D | full-unroll-heuristics.ll | 3 ; 1) -unroll-threshold 4 ; 3) -unroll-percent-dynamic-cost-saved-threshold and 8 ; * If size of unrolled loop exceeds the absoulte threshold, we don't unroll 10 ; * If size of unrolled loop is below the '-unroll-threshold', then we'll 20 …ll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-th… 21 …ll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-th… 22 …ll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-th… 23 …ll-max-iteration-count-to-analyze=1000 -unroll-threshold=100 -unroll-percent-dynamic-cost-saved-th… 25 ; If the absolute threshold is too low, or if we can't optimize away requested 33 ; Also, we should unroll if the 'unroll-threshold' is big enough:
|
/external/libxcam/cl_kernel/ |
D | kernel_3d_denoise.cl | 5 * threshold: Noise variances of observed image 51 float threshold, 107 gain = (grad.s0 < threshold) ? gain : 2.0f * gain; 112 gain = (grad.s4 < threshold) ? gain : 2.0f * gain; 125 float threshold, 173 average_slice(ref[0], *observe, restore, sum_weight, gain, threshold, sg_id, sg_lid); 179 average_slice(ref[1], *observe, restore, sum_weight, gain, threshold, sg_id, sg_lid); 182 …average_slice((float8)(ref[0].hi, ref[1].lo), *observe, restore, sum_weight, gain, threshold, sg_i… 188 average_slice(ref[0], *observe, restore, sum_weight, gain, threshold, sg_id, sg_lid); 194 average_slice(ref[1], *observe, restore, sum_weight, gain, threshold, sg_id, sg_lid); [all …]
|
/external/pdfium/core/fpdftext/ |
D | cpdf_textpage.cpp | 34 float NormalizeThreshold(float threshold) { in NormalizeThreshold() argument 35 if (threshold < 300) in NormalizeThreshold() 36 return threshold / 2.0f; in NormalizeThreshold() 37 if (threshold < 500) in NormalizeThreshold() 38 return threshold / 4.0f; in NormalizeThreshold() 39 if (threshold < 700) in NormalizeThreshold() 40 return threshold / 5.0f; in NormalizeThreshold() 41 return threshold / 6.0f; in NormalizeThreshold() 757 float threshold = prev_width > this_width ? prev_width / 4 : this_width / 4; in ProcessTextObject() local 762 if (fabs(this_pos.y - prev_pos.y) > threshold * 2) { in ProcessTextObject() [all …]
|
/external/libvpx/libvpx/test/ |
D | set_roi.cc | 32 unsigned int threshold[MAX_MB_SEGMENTS] = { 0, 100, 200, 300 }; in TEST() local 66 delta_q, delta_lf, threshold); in TEST() 101 if (threshold[i] != breakout) { in TEST() 102 EXPECT_EQ(threshold[i], breakout) << "breakout threshold error"; in TEST() 133 rand_deltas, delta_lf, threshold); in TEST() 142 delta_q, rand_deltas, threshold); in TEST() 152 cpi.common.mb_cols, delta_q, delta_lf, threshold); in TEST() 157 cpi.common.mb_cols - 1, delta_q, delta_lf, threshold); in TEST()
|
/external/python/cpython2/Lib/distutils/ |
D | log.py | 16 def __init__(self, threshold=WARN): argument 17 self.threshold = threshold 23 if level >= self.threshold: 61 old = _global_log.threshold 62 _global_log.threshold = level
|
/external/swiftshader/third_party/LLVM/test/Transforms/SimplifyCFG/ |
D | PhiEliminate3.ll | 4 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=1 | grep N: 5 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=2 | not grep N: 6 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=2 | grep M: 7 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=7 | not grep M: 24 ; This phi should be foldable if threshold >= 2 29 ; This phi should be foldable if threshold >= 7
|
/external/llvm/test/Transforms/SimplifyCFG/ |
D | PhiEliminate3.ll | 4 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=1 | grep N: 5 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=2 | not grep N: 6 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=2 | grep M: 7 ; RUN: opt < %s -simplifycfg -S -phi-node-folding-threshold=7 | not grep M: 24 ; This phi should be foldable if threshold >= 2 29 ; This phi should be foldable if threshold >= 7
|
/external/python/cpython3/Lib/distutils/ |
D | log.py | 16 def __init__(self, threshold=WARN): argument 17 self.threshold = threshold 23 if level >= self.threshold: 65 old = _global_log.threshold 66 _global_log.threshold = level
|
/external/valgrind/massif/tests/ |
D | peak.post.exp | 45 ->00.85% (16B) in 1+ places, all below ms_print's threshold (01.00%) 57 ->00.44% (16B) in 1+ places, all below ms_print's threshold (01.00%) 69 ->00.30% (16B) in 1+ places, all below ms_print's threshold (01.00%) 81 ->00.23% (16B) in 1+ places, all below ms_print's threshold (01.00%) 93 ->00.18% (16B) in 1+ places, all below ms_print's threshold (01.00%) 105 ->00.15% (16B) in 1+ places, all below ms_print's threshold (01.00%) 117 ->00.13% (16B) in 1+ places, all below ms_print's threshold (01.00%) 129 ->00.11% (16B) in 1+ places, all below ms_print's threshold (01.00%) 141 ->00.10% (16B) in 1+ places, all below ms_print's threshold (01.00%) 153 ->00.09% (16B) in 1+ places, all below ms_print's threshold (01.00%) [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_CompareAndBitpack.pbtxt | 6 Values to compare against `threshold` and bitpack. 10 name: "threshold" 24 The type of the input and threshold. 27 summary: "Compare values of `input` to `threshold` and pack resulting bits into a `uint8`." 29 Each comparison returns a boolean `true` (if `input_value > threshold`) 42 codes = compare_and_threshold(tf.matmul(x, codebook), threshold=0.)
|
/external/autotest/client/cros/image_comparison/ |
D | upload_on_fail_comparer.py | 23 def __init__(self, local_comparer, remote_comparer, threshold=0): argument 34 self.threshold = threshold 77 if (diffpx > self.threshold): 78 logging.debug('Threshold diff pixels is %d', self.threshold)
|
D | verifier.py | 29 def __init__(self, image_comparer, stop_on_first_failure, threshold=0, argument 44 self.threshold = threshold 69 log_msgs = ["Threshold for diff pixel count = %d" % self.threshold] 93 if diff_pixels > self.threshold:
|
/external/antlr/antlr-3.4/tool/src/main/java/org/antlr/misc/ |
D | Barrier.java | 36 protected int threshold; field in Barrier 40 threshold = t; in Barrier() 49 if ( count==threshold ) { in waitForRelease() 54 else while ( count<threshold ) { in waitForRelease()
|
/external/tensorflow/tensorflow/contrib/estimator/python/estimator/ |
D | head.py | 302 for threshold in thresholds: 303 if (threshold <= 0.0) or (threshold >= 1.0): 305 'thresholds must be in (0, 1) range. Given: {}'.format(threshold)) 556 for threshold in self._thresholds: 557 accuracy_key = keys.ACCURACY_AT_THRESHOLD % threshold 563 threshold=threshold, 566 precision_key = keys.PRECISION_AT_THRESHOLD % threshold 572 threshold=threshold, 575 recall_key = keys.RECALL_AT_THRESHOLD % threshold 581 threshold=threshold,
|
/external/tensorflow/tensorflow/core/lib/random/ |
D | simple_philox_test.cc | 100 uint32 threshold = 1L << 30; in TEST() local 106 if (rnd < threshold) { in TEST() 111 EXPECT_LT(fabs((threshold + 0.0) / range - (count + 0.0) / kTrials), 0.005); in TEST() 119 uint64 threshold = 1LL << 60; in TEST() local 125 if (rnd < threshold) { in TEST() 130 EXPECT_LT(fabs((threshold + 0.0) / range - (count + 0.0) / kTrials), 0.005); in TEST()
|
/external/autotest/client/tests/monotonic_time/ |
D | control | 21 # time interface does not go backwards by more than 'threshold'. 23 # Note that the threshold value has the same resolution as the 31 duration=300, threshold=0) 34 duration=300, threshold=0) 37 duration=300, threshold=0)
|