/external/llvm-project/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 -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-max-percent-threshold-… 21 …ll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=20 -unroll-max-percent-threshold-… 22 …ll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=20 -unroll-max-percent-threshold-… 24 …)' -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-max-percent-threshold-… 25 …)' -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=20 -unroll-max-percent-threshold-… 26 …)' -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=20 -unroll-max-percent-threshold-… [all …]
|
D | partial-unroll-const-bounds.ll | 1 …artial-threshold=20 -unroll-threshold=20 -loop-unroll -unroll-allow-partial -unroll-runtime -unrol… 2 …nroll-partial-threshold=20 -unroll-threshold=20 -unroll-allow-partial -unroll-runtime -unroll-allo… 5 …nroll-partial-threshold=20 -unroll-threshold=20 -unroll-allow-partial -unroll-runtime -unroll-allo… 7 ; The Loop TripCount is 9. However unroll factors 3 or 9 exceed given threshold.
|
D | opt-levels.ll | 1 … %s -S -passes="default<O2>" -unroll-runtime=true -unroll-threshold-default=0 -unroll-threshold-ag… 2 … %s -S -passes="default<O3>" -unroll-runtime=true -unroll-threshold-default=0 -unroll-threshold-ag… 3 … %s -S -passes="default<Os>" -unroll-runtime=true -unroll-threshold-default=0 -unroll-threshold-ag… 4 … %s -S -passes="default<Oz>" -unroll-runtime=true -unroll-threshold-default=0 -unroll-threshold-ag… 8 ; the default threshold to 0.
|
/external/llvm-project/llvm/test/Transforms/Inline/ARM/ |
D | inline-fp.ll | 7 ; NOFP-DAG: single not inlined into test_single because too costly to inline (cost=125, threshold=7… 8 ; NOFP-DAG: single not inlined into test_single because too costly to inline (cost=125, threshold=7… 9 ; NOFP-DAG: single_cheap inlined into test_single_cheap with (cost=-15, threshold=75) 10 ; NOFP-DAG: single_cheap inlined into test_single_cheap with (cost=-15015, threshold=75) 11 ; NOFP-DAG: double not inlined into test_double because too costly to inline (cost=125, threshold=7… 12 ; NOFP-DAG: double not inlined into test_double because too costly to inline (cost=125, threshold=7… 13 …_soft not inlined into test_single_force_soft because too costly to inline (cost=125, threshold=75) 14 …_soft not inlined into test_single_force_soft because too costly to inline (cost=125, threshold=75) 15 … not inlined into test_single_force_soft_fneg because too costly to inline (cost=100, threshold=75) 16 … not inlined into test_single_force_soft_fneg because too costly to inline (cost=100, threshold=75) [all …]
|
/external/skqp/src/gpu/gradients/ |
D | GrDualIntervalGradientColorizer.fp | 8 // Models two intervals (so 4 colors), that are connected at a specific threshold point. 10 // Bias and scale for 0 to threshold 14 // Bias and scale for threshold to 1 18 layout(tracked) in uniform half threshold; 24 if (t < threshold) { 40 float threshold); 45 …olor4f& c0, const SkPMColor4f& c1, const SkPMColor4f& c2, const SkPMColor4f& c3, float threshold) { 46 // Derive scale and biases from the 4 colors and threshold 49 auto scale01 = (vc1 - vc0) / threshold; 54 auto scale23 = (vc3 - vc2) / (1 - threshold); [all …]
|
D | GrDualIntervalGradientColorizer.cpp | 34 auto threshold = _outer.threshold(); in emitCode() local 35 (void)threshold; in emitCode() 83 float thresholdValue = _outer.threshold(); in onSetData() 132 float threshold) { in Make() argument 136 auto scale01 = (vc1 - vc0) / threshold; in Make() 141 auto scale23 = (vc3 - vc2) / (1 - threshold); in Make() 142 auto bias23 = vc2 - threshold * scale23; in Make() 147 {bias23[0], bias23[1], bias23[2], bias23[3]}, threshold)); in Make()
|
/external/skia/src/gpu/gradients/ |
D | GrDualIntervalGradientColorizer.fp | 8 // Models two intervals (so 4 colors), that are connected at a specific threshold point. 10 // Bias and scale for 0 to threshold 14 // Bias and scale for threshold to 1 18 layout(tracked) in uniform half threshold; 24 if (t < threshold) { 40 float threshold); 45 …olor4f& c0, const SkPMColor4f& c1, const SkPMColor4f& c2, const SkPMColor4f& c3, float threshold) { 46 // Derive scale and biases from the 4 colors and threshold 49 auto scale01 = (vc1 - vc0) / threshold; 54 auto scale23 = (vc3 - vc2) / (1 - threshold); [all …]
|
/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… 58 …ferAccess& reference, const ConstPixelBufferAccess& result, const float threshold, CompareLogMode … [all …]
|
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/llvm-project/llvm/test/Transforms/LoopUnroll/AMDGPU/ |
D | unroll-threshold.ll | 3 ; Check the handling of amdgpu.loop.unroll.threshold metadata which can be used to 4 ; set the default threshold for a loop. This metadata overrides both the AMDGPU 5 ; default, and any value specified by the amdgpu-unroll-threshold function attribute 6 ; (which sets a threshold for all loops in the function). 9 ; unroll threshold 35 ; unroll threshold is increased by use of the amdgpu.loop.unroll.threshold metadata 58 ; unroll threshold specified using the amdgpu-unroll-threshold function attribute 59 ; is overridden by a low threshold using the amdgpu.loop.unroll.threshold metadata 83 ; unroll threshold specified using the amdgpu-unroll-threshold function attribute 84 ; is overridden by a high threshold using the amdgpu.loop.unroll.threshold metadata [all …]
|
/external/llvm-project/llvm/test/Transforms/Inline/ |
D | optimization-remarks-yaml.ll | 2 ; RUN: -pass-remarks-with-hotness -pass-remarks-hotness-threshold 15 \ 8 ; Verify that remarks that don't meet the hotness threshold are not output. 10 ; RUN: -pass-remarks-with-hotness -pass-remarks-hotness-threshold 100 \ 11 ; RUN: -pass-remarks-output=%t.threshold 2>&1 | \ 13 ; RUN: test ! -s %t.threshold 15 ; RUN: -pass-remarks-with-hotness -pass-remarks-hotness-threshold 100 \ 16 ; RUN: -pass-remarks-output=%t.threshold 18 ; RUN: test ! -s %t.threshold 22 ; RUN: -pass-remarks-with-hotness -pass-remarks-hotness-threshold 15 \ 28 ; Verify that remarks that don't meet the hotness threshold are not output. [all …]
|
D | debuginline-cost-delta.ll | 5 ; CHECK-NEXT: cost before = {{.*}}, cost after = {{.*}}, threshold before = {{.*}}, threshold after… 7 ; CHECK-NEXT: cost before = {{.*}}, cost after = {{.*}}, threshold before = {{.*}}, threshold after… 9 ; CHECK-NEXT: cost before = {{.*}}, cost after = {{.*}}, threshold before = {{.*}}, threshold after… 11 ; CHECK-NEXT: cost before = {{.*}}, cost after = {{.*}}, threshold before = {{.*}}, threshold after…
|
/external/ImageMagick/MagickCore/ |
D | threshold.c | 412 threshold; in KapurThreshold() local 477 threshold=0; in KapurThreshold() 482 threshold=(size_t) j; in KapurThreshold() 490 return(100.0*threshold/MaxIntensity); in KapurThreshold() 502 threshold; in OTSUThreshold() local 548 threshold=0; in OTSUThreshold() 559 threshold=(double) i; in OTSUThreshold() 569 return(100.0*threshold/MaxIntensity); in OTSUThreshold() 595 threshold; in TriangleThreshold() local 635 threshold=0; in TriangleThreshold() [all …]
|
/external/skia/src/gpu/gradients/generated/ |
D | GrDualIntervalGradientColorizer.cpp | 36 auto threshold = _outer.threshold; in emitCode() local 37 (void)threshold; in emitCode() 96 float thresholdValue = _outer.threshold; in onSetData() 127 if (threshold != that.threshold) return false; in onIsEqual() 137 , threshold(src.threshold) { in GrDualIntervalGradientColorizer() 165 threshold); in onDumpInfo() 173 float threshold) { in Make() argument 177 auto scale01 = (vc1 - vc0) / threshold; in Make() 182 auto scale23 = (vc3 - vc2) / (1 - threshold); in Make() 183 auto bias23 = vc2 - threshold * scale23; in Make() [all …]
|
/external/rust/crates/rand/src/rngs/adapter/ |
D | reseeding.rs | 95 pub fn new(rng: R, threshold: u64, reseeder: Rsdr) -> Self { in new() 96 ReseedingRng(BlockRng::new(ReseedingCore::new(rng, threshold, reseeder))) in new() 154 threshold: i64, field 187 fn new(rng: R, threshold: u64, reseeder: Rsdr) -> Self { in new() 195 let threshold = if threshold == 0 { in new() localVariable 197 } else if threshold <= MAX as u64 { in new() 198 threshold as i64 in new() 206 threshold: threshold as i64, in new() 207 bytes_until_reseed: threshold as i64, in new() 215 self.bytes_until_reseed = self.threshold; in reseed() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | roll_op.cc | 83 gtl::InlinedVector<int32, 4> threshold(num_dims); in Compute() local 95 threshold[i] = (ds - shift_mod_sum[i]) % ds; in Compute() 107 input_flat, output_flat, threshold, dim_range, in Compute() 123 const T* input, T* output, const gtl::ArraySlice<int32>& threshold, in DoRoll() argument 125 auto work = [input, output, num_dims, &dim_size, &threshold, &dim_range]( in DoRoll() 136 const int shift = dim_size[i] - threshold[i]; in DoRoll() 152 if (indx == threshold[j]) { // we've reached the threshold in DoRoll() 161 } else if (threshold[j] != 0) { // if threshold is 0 shift is 0 in DoRoll() 187 T* output, const gtl::ArraySlice<int32>& threshold, in DoRollWithMemcpy() argument 190 auto work = [input, output, num_dims, &dim_size, &threshold, &dim_range, isd]( in DoRollWithMemcpy() [all …]
|
D | compare_and_bitpack_op_gpu.cu.cc | 36 const T* __restrict__ threshold, in CompareAndBitpackKernel() argument 45 const T thresh = ldg(threshold); in CompareAndBitpackKernel() 60 const int size, const bool* __restrict__ threshold, in CompareAndBitpackKernel() argument 81 const int size, const float* __restrict__ threshold, in CompareAndBitpackKernel() argument 83 const float thresh = ldg(threshold); in CompareAndBitpackKernel() 97 const int size, const double* __restrict__ threshold, in CompareAndBitpackKernel() argument 99 const double thresh = ldg(threshold); in CompareAndBitpackKernel() 119 typename TTypes<T>::ConstScalar threshold, \ 127 0, d.stream(), total_count, threshold.data(), \
|
/external/kotlinx.coroutines/kotlinx-coroutines-core/common/test/flow/sharing/ |
D | ShareInTest.kt | 126 private fun testWhileSubscribed(threshold: Int, started: SharingStarted) = runTest { in <lambda>() 134 in 0 until threshold -> assertFalse(flowState.started) in <lambda>() 135 threshold -> { in <lambda>() 137 for (i in 1..threshold) { in <lambda>() 141 in threshold + 1..n -> assertTrue(flowState.started) in <lambda>() 147 in threshold + 1..n -> assertTrue(flowState.started) in <lambda>() 148 threshold - 1 -> flowState.awaitStop() // upstream flow must be eventually stopped in <lambda>() 149 in 0..threshold - 2 -> assertFalse(flowState.started) // should have stopped already in <lambda>() 170 in 1..threshold -> log.offer("sub$i: $value") in <lambda>() 190 private fun SharingStarted.Companion.WhileSubscribedAtLeast(threshold: Int): SharingStarted = in <lambda>() [all …]
|
/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/guava/android/guava/src/com/google/common/collect/ |
D | TopKSelector.java | 112 @NullableDecl private T threshold; field in TopKSelector 121 this.threshold = null; in TopKSelector() 133 threshold = elem; in offer() 137 if (comparator.compare(elem, threshold) > 0) { in offer() 138 threshold = elem; in offer() 140 } else if (comparator.compare(elem, threshold) < 0) { in offer() 185 threshold = buffer[minThresholdPosition]; in trim() 187 if (comparator.compare(buffer[i], threshold) > 0) { in trim() 188 threshold = buffer[i]; in trim() 259 threshold = buffer[k - 1]; in topK()
|
/external/llvm-project/llvm/test/tools/llvm-profdata/ |
D | suppl-instr-with-sample.test | 6 RUN: -suppl-min-size-threshold=0 %p/Inputs/mix_instr.proftext -o %t 22 Test when the zero counter ratio of foo is higher than zero-counter-threshold. 25 RUN: -suppl-min-size-threshold=0 -zero-counter-threshold=0.5 \ 26 RUN: -instr-prof-cold-threshold=30 %p/Inputs/mix_instr.proftext -o %t 42 Test when the zero counter ratio of foo is lower than zero-counter-threshold. 45 RUN: -suppl-min-size-threshold=0 -zero-counter-threshold=0.7 \ 46 RUN: -instr-prof-cold-threshold=30 %p/Inputs/mix_instr.proftext -o %t 63 than suppl-min-size-threshold. 66 RUN: -suppl-min-size-threshold=2 -zero-counter-threshold=0.7 \ 67 RUN: -instr-prof-cold-threshold=30 %p/Inputs/mix_instr.proftext -o %t [all …]
|
/external/guava/guava/src/com/google/common/collect/ |
D | TopKSelector.java | 113 private @Nullable T threshold; field in TopKSelector 122 this.threshold = null; in TopKSelector() 134 threshold = elem; in offer() 138 if (comparator.compare(elem, threshold) > 0) { in offer() 139 threshold = elem; in offer() 141 } else if (comparator.compare(elem, threshold) < 0) { in offer() 186 threshold = buffer[minThresholdPosition]; in trim() 188 if (comparator.compare(buffer[i], threshold) > 0) { in trim() 189 threshold = buffer[i]; in trim() 267 threshold = buffer[k - 1]; in topK()
|
/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/llvm-project/llvm/test/Instrumentation/AddressSanitizer/ |
D | instrumentation-with-call-threshold.ll | 2 ; -asan-instrumentation-with-call-threshold 5 ; RUN: opt < %s -asan -asan-module -enable-new-pm=0 -asan-instrumentation-with-call-threshold=1 -S … 6 ; RUN: opt < %s -passes='asan-pipeline' -asan-instrumentation-with-call-threshold=1 -S | FileCheck … 7 ; RUN: opt < %s -asan -asan-module -enable-new-pm=0 -asan-instrumentation-with-call-threshold=0 -S … 8 ; RUN: opt < %s -passes='asan-pipeline' -asan-instrumentation-with-call-threshold=0 -S | FileCheck … 9 ; RUN: opt < %s -asan -asan-module -enable-new-pm=0 -asan-instrumentation-with-call-threshold=0 -as… 10 ; RUN: opt < %s -passes='asan-pipeline' -asan-instrumentation-with-call-threshold=0 -asan-memory-ac… 11 ; RUN: opt < %s -asan -asan-module -enable-new-pm=0 -asan-instrumentation-with-call-threshold=5 -S … 12 ; RUN: opt < %s -passes='asan-pipeline' -asan-instrumentation-with-call-threshold=5 -S | FileCheck …
|