/external/tensorflow/tensorflow/python/kernel_tests/random/ |
D | parameterized_truncated_normal_op_test.py | 55 minval = None variable in TruncatedNormalMoments 58 def __init__(self, mean, stddev, minval, maxval): argument 63 self.minval = np.double(max(-10, minval)) 87 np.power(self.minval, k - 1) * dist.pdf(self.minval)) 88 denominator = dist.cdf(self.maxval) - dist.cdf(self.minval) 124 minval, argument 137 minval=0, 141 shape, new_seed, mean, stddev, minval, maxval).eval() 144 shape, mean, stddev, minval, maxval).eval() 147 expected_moments = TruncatedNormalMoments(mean, stddev, minval, maxval) [all …]
|
D | stateless_random_ops_test.py | 94 random_ops.random_uniform, dict(minval=2.2, maxval=7.1)), 139 def wrap(op, minval, maxval, shape, shape_dtype, dtype, seed): argument 143 seed=seed, shape=shape_, minval=minval, maxval=maxval, dtype=dtype) 147 for minval, maxval in minval_maxval: 151 yield ('uniform_%s_%s' % (minval, maxval), 153 minval, maxval, shape, shape_dtype, dtype), 154 functools.partial(wrap, random_ops.random_uniform, minval, 489 shape=shape, seed=[1, 2], minval=array_ops.zeros(shape, 'int32'), 498 shape=shape, seed=[1, 2], minval=0,
|
/external/mesa3d/src/util/ |
D | format_srgb.h | 98 } almostone, minval, f; in util_format_linear_float_to_srgb_8unorm() local 102 minval.ui = (127-13) << 23; in util_format_linear_float_to_srgb_8unorm() 109 if (!(x > minval.f)) in util_format_linear_float_to_srgb_8unorm() 110 x = minval.f; in util_format_linear_float_to_srgb_8unorm() 116 tab = util_format_linear_to_srgb_helper_table[(f.ui - minval.ui) >> 20]; in util_format_linear_float_to_srgb_8unorm()
|
/external/tensorflow/tensorflow/python/ops/ |
D | stateless_random_ops.py | 84 minval=None, maxval=None) 122 minval=None, maxval=None) 141 minval=0, argument 205 if (minval is None) != (maxval is None): 208 if minval is not None and dtype in (dtypes.uint32, dtypes.uint64): 213 [shape, seed, minval, maxval]) as name: 215 if dtype.is_integer and minval is None: 226 minval = ops.convert_to_tensor(minval, dtype=dtype, name="min") 232 shape, key=key, counter=counter, minval=minval, maxval=maxval, 236 shape, seed=seed, minval=minval, maxval=maxval, name=name) [all …]
|
D | stateful_random_ops.py | 741 def uniform(self, shape, minval=0, maxval=None, argument 786 if (minval is None) != (maxval is None): 789 "maxval={}".format(dtype, minval, maxval)) 793 [shape, minval, maxval]) as name: 795 if dtype.is_integer and minval is None: 797 minval = ops.convert_to_tensor(minval, dtype=dtype, name="min") 806 minval=minval, 812 minval=minval, maxval=maxval, name=name) 815 return math_ops.add(rnd * (maxval - minval), minval, name=name)
|
D | random_ops.py | 219 minval=0, argument 295 with ops.name_scope(name, "random_uniform", [shape, minval, maxval]) as name: 299 minval_is_zero = isinstance(minval, int) and minval == 0 302 minval = ops.convert_to_tensor(minval, dtype=dtype, name="min") 307 shape, minval, maxval, seed=seed1, seed2=seed2, name=name) 315 result = math_ops.add(result * (maxval - minval), minval, name=name)
|
D | init_ops_v2.py | 329 def __init__(self, minval=-0.05, maxval=0.05, seed=None): argument 330 self.minval = minval 353 return self._random_generator.random_uniform(shape, self.minval, 358 "minval": self.minval, 1075 def random_uniform(self, shape, minval, maxval, dtype): argument 1082 shape=shape, minval=minval, maxval=maxval, dtype=dtype, seed=self.seed)
|
D | stateful_random_ops_test.py | 401 minval = 128 417 minval2 = constant_op.constant(minval, dtype=dtype) 420 shape, minval=minval2, maxval=maxval2, seed=seed1, seed2=seed2) 422 return gen.uniform(shape, minval=minval, maxval=maxval, dtype=dtype) 471 minval = 2 476 shape=[size], dtype=dtype, minval=minval, maxval=maxval).numpy() 477 self.assertTrue(np.all(x >= minval)) 569 gen.uniform(shape=shape, minval=array_ops.zeros(shape, "int32"), 578 shape=shape, minval=0, maxval=array_ops.ones(shape, "int32") * 100, 696 r1 = g.uniform(shape=shape, dtype=dtype, minval=None) [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_StatefulUniformInt.pbtxt | 23 name: "minval" 48 The generated values are uniform integers in the range `[minval, maxval)`. 49 The lower bound `minval` is included in the range, while the upper bound 52 The random integers are slightly biased unless `maxval - minval` is an exact 53 power of two. The bias is small for values of `maxval - minval` significantly
|
D | api_def_RandomUniformInt.pbtxt | 10 name: "minval" 43 The generated values are uniform integers in the range `[minval, maxval)`. 44 The lower bound `minval` is included in the range, while the upper bound 47 The random integers are slightly biased unless `maxval - minval` is an exact 48 power of two. The bias is small for values of `maxval - minval` significantly
|
D | api_def_StatelessRandomUniformInt.pbtxt | 17 name: "minval" 42 The generated values follow a uniform distribution in the range `[minval, maxval)`. 44 The outputs are a deterministic function of `shape`, `seed`, `minval`, and `maxval`.
|
D | api_def_StatelessRandomUniformIntV2.pbtxt | 29 name: "minval" 54 The generated values follow a uniform distribution in the range `[minval, maxval)`. 56 The outputs are a deterministic function of `shape`, `key`, `counter`, `alg`, `minval` and `maxval`.
|
/external/libopus/celt/ |
D | mathops.h | 84 opus_val16 minval = 0; in celt_maxabs16() local 88 minval = MIN16(minval, x[i]); in celt_maxabs16() 90 return MAX32(EXTEND32(maxval),-EXTEND32(minval)); in celt_maxabs16() 100 opus_val32 minval = 0; in celt_maxabs32() local 104 minval = MIN32(minval, x[i]); in celt_maxabs32() 106 return MAX32(maxval, -minval); in celt_maxabs32()
|
/external/openssh/openbsd-compat/ |
D | strtonum.c | 34 strtonum(const char *numstr, long long minval, long long maxval, in strtonum() argument 52 if (minval > maxval) in strtonum() 58 else if ((ll == LLONG_MIN && errno == ERANGE) || ll < minval) in strtonum()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | parameterized_truncated_normal_op.cc | 100 T minval = minvals((minvals.dimension(0) == 1) ? 0 : b); in operator ()() local 111 stddev > T(0) && minval < maxval && in operator ()() 112 (Eigen::numext::isfinite(minval) || in operator ()() 121 if ((Eigen::numext::isinf(minval) && minval < T(0)) || maxval < mean) { in operator ()() 123 std::swap(minval, maxval); in operator ()() 128 const T normMin = (minval - mean) / stddev; in operator ()() 379 T mean, stddev, minval, maxval; in operator ()() local 383 minval = minvals(minvals_batch_indices[batch_idx]); in operator ()() 388 minval = minvals(batch_idx); in operator ()() 394 stddev > T(0) && minval < maxval && in operator ()() [all …]
|
D | parameterized_truncated_normal_op_gpu.cu.cc | 96 T minval = minvals[single_minval ? 0 : batch_id]; in TruncatedNormalKernel() local 101 if (Eigen::numext::isinf(minval) || maxval < mean) { in TruncatedNormalKernel() 104 T temp = minval; in TruncatedNormalKernel() 105 minval = maxval; in TruncatedNormalKernel() 113 const T normMin = (minval - mean) / stddev; in TruncatedNormalKernel()
|
/external/OpenCL-CTS/test_conformance/commonfns/ |
D | test_clamp.cpp | 80 static int verify_clamp(float *x, float *minval, float *maxval, float *outptr, int n) in verify_clamp() argument 87 t = fminf( fmaxf( x[ i ], minval[ i ] ), maxval[ i ] ); in verify_clamp() 90 …log_error( "%d) verification error: clamp( %a, %a, %a) = *%a vs. %a\n", i, x[i], minval[i], maxval… in verify_clamp() 98 static int verify_clamp_double(double *x, double *minval, double *maxval, double *outptr, int n) in verify_clamp_double() argument 105 t = fmin( fmax( x[ i ], minval[ i ] ), maxval[ i ] ); in verify_clamp_double() 108 …log_error( "%d) verification error: clamp( %a, %a, %a) = *%a vs. %a\n", i, x[i], minval[i], maxval… in verify_clamp_double()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | ctc_loss_op_test.py | 321 [batch_size, max_label_length], minval=1, maxval=num_labels, 326 [batch_size], minval=2, maxval=max_label_length, dtype=dtypes.int64) 372 [batch_size, label_length], minval=1, maxval=num_labels, 376 [batch_size], minval=2, maxval=label_length, dtype=dtypes.int64) 425 [batch_size, label_length], minval=1, maxval=num_labels, 429 [batch_size], minval=2, maxval=label_length, dtype=dtypes.int64) 479 minval=0, 484 minval=2, 542 [batch_size, label_length], minval=0, maxval=num_labels-1, 546 [batch_size], minval=2, maxval=label_length, dtype=dtypes.int64) [all …]
|
/external/tensorflow/tensorflow/python/keras/initializers/ |
D | initializers_v2.py | 271 def __init__(self, minval=-0.05, maxval=0.05, seed=None): argument 272 self.minval = minval 295 return self._random_generator.random_uniform(shape, self.minval, 300 'minval': self.minval, 976 def random_uniform(self, shape, minval, maxval, dtype): argument 983 shape=shape, minval=minval, maxval=maxval, dtype=dtype, seed=self.seed)
|
D | initializers_v1.py | 56 def __init__(self, minval=-0.05, maxval=0.05, seed=None, argument 59 minval=minval, maxval=maxval, seed=seed, dtype=dtype)
|
/external/python/cpython3/Modules/ |
D | audioop.c | 21 fbound(double val, double minval, double maxval) in fbound() argument 26 else if (val < minval + 1.0) { in fbound() 27 val = minval; in fbound() 938 double maxval, minval; in audioop_mul_impl() local 945 minval = (double) minvals[width]; in audioop_mul_impl() 954 int ival = fbound(val * factor, minval, maxval); in audioop_mul_impl() 979 double maxval, minval; in audioop_tomono_impl() local 993 minval = (double) minvals[width]; in audioop_tomono_impl() 1004 int ival = fbound(val, minval, maxval); in audioop_tomono_impl() 1029 double maxval, minval; in audioop_tostereo_impl() local [all …]
|
/external/python/cpython2/Modules/ |
D | audioop.c | 33 fbound(double val, double minval, double maxval) in fbound() argument 38 else if (val < minval + 1.0) { in fbound() 39 val = minval; in fbound() 784 double factor, fval, maxval, minval; in audioop_mul() local 794 minval = (double) minvals[size]; in audioop_mul() 807 val = fbound(fval, minval, maxval); in audioop_mul() 820 double fac1, fac2, fval, maxval, minval; in audioop_tomono() local 835 minval = (double) minvals[size]; in audioop_tomono() 851 val1 = fbound(fval, minval, maxval); in audioop_tomono() 864 double fac1, fac2, fval, maxval, minval; in audioop_tostereo() local [all …]
|
/external/tensorflow/tensorflow/lite/micro/kernels/ |
D | elu.cc | 50 int32_t minval = std::numeric_limits<T>::min(); in PopulateLookupTable() local 51 for (int32_t val = minval; val <= maxval; ++val) { in PopulateLookupTable() 60 static_cast<T>(std::max(std::min(maxval, quantized), minval))); in PopulateLookupTable()
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | prng.cc | 464 XlaOp ConvertRandomBitsToUniformFloatingPoint(XlaOp bits, XlaOp minval, in ConvertRandomBitsToUniformFloatingPoint() argument 469 builder->GetShapePtr(minval)); in ConvertRandomBitsToUniformFloatingPoint() 495 return values * (maxval - minval) + minval; in ConvertRandomBitsToUniformFloatingPoint() 499 XlaOp ConvertRandomBitsToUniformInt(XlaOp bits, XlaOp minval, XlaOp maxval, in ConvertRandomBitsToUniformInt() argument 504 BitcastConvertType(minval, unsigned_type); in ConvertRandomBitsToUniformInt() 509 return minval + BitcastConvertType(dist_div_2, type) + in ConvertRandomBitsToUniformInt() 583 XlaOp minval, XlaOp maxval, in UniformFloatingPointDistribution() argument 588 return {ConvertRandomBitsToUniformFloatingPoint(bits, minval, maxval), in UniformFloatingPointDistribution() 593 BitGeneratorTy bit_generator, XlaOp minval, in UniformIntDistribution() argument 607 ConvertRandomBitsToUniformInt(bits, minval, maxval, type, unsigned_type), in UniformIntDistribution()
|
D | prng.h | 72 XlaOp minval, XlaOp maxval, 78 BitGeneratorTy bit_generator, XlaOp minval,
|