/external/v8/src/builtins/ |
D | math.tq | 9 labels SmiResult(Smi), Float64Result(float64) { 17 goto Float64Result(Convert<float64>(h)); 32 extern macro Float64Abs(float64): float64; 34 constexpr float64 generates '0.0 - kSmiMinValue'; 57 } label Float64Result(f: float64) { 63 extern macro Float64Ceil(float64): float64; 70 } label Float64Result(f: float64) { 76 extern macro Float64Floor(float64): float64; 83 } label Float64Result(f: float64) { 89 extern macro Float64Round(float64): float64; [all …]
|
D | convert.tq | 44 FromConstexpr<Number, constexpr float64>(f: constexpr float64): Number { 81 FromConstexpr<float64, constexpr int31>(i: constexpr int31): float64 { 84 FromConstexpr<float64, constexpr float64>(i: constexpr float64): float64 { 244 Convert<float64, HeapNumber>(h: HeapNumber): float64 { 247 Convert<float64, Number>(n: Number): float64 { 253 Convert<float64, int32>(f: int32): float64 { 256 Convert<float64, float32>(f: float32): float64 { 259 Convert<float64_or_hole, float64>(f: float64): float64_or_hole { 263 return Convert<float64_or_hole>(Convert<float64>(n)); 265 Convert<float32, float64>(f: float64): float32 { [all …]
|
D | number.tq | 171 const number: float64 = Convert<float64>(h); 195 const number: float64 = Convert<float64>(h); 228 return (Convert<float64>(h) == 0) ? SmiConstant(0) : h; 250 extern macro TruncateFloat64ToWord32(float64): uint32; 267 const asFloat64: float64 = Convert<float64>(h); 274 const kMaxAbsValue: float64 = 2147483648.0; 275 const absInput: float64 = math::Float64Abs(asFloat64); 351 goto Float64s(SmiToFloat64(left), Convert<float64>(right)); 368 goto Float64s(Convert<float64>(left), SmiToFloat64(right)); 371 goto Float64s(Convert<float64>(left), Convert<float64>(right)); [all …]
|
D | base.tq | 108 type float64 generates 'TNode<Float64T>' constexpr 'double'; 117 // float64_or_hole is just a float64 that may be the hole-representing 118 // signalling NaN bit-pattern. So it's memory size is that of float64 and 121 macro Value(): float64 labels IfHole { 127 macro ValueUnsafeAssumeNotHole(): float64 { 133 value: float64; 212 const V8_INFINITY: constexpr float64 generates 'V8_INFINITY'; 213 const MINUS_V8_INFINITY: constexpr float64 generates '-V8_INFINITY'; 367 const kMaxSafeInteger: constexpr float64 generates 'kMaxSafeInteger'; 368 const kMaxUInt32Double: constexpr float64 generates 'kMaxUInt32Double'; [all …]
|
/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/ |
D | vktSpvAsmUtils.cpp | 447 std::vector<double> float64; in getFloat64s() local 449 float64.reserve(count); in getFloat64s() 454 float64.push_back(0.f); in getFloat64s() 455 float64.push_back(-0.f); in getFloat64s() 457 float64.push_back(std::numeric_limits<double>::infinity()); in getFloat64s() 458 float64.push_back(-std::numeric_limits<double>::infinity()); in getFloat64s() 460 float64.push_back(std::numeric_limits<double>::signaling_NaN()); in getFloat64s() 461 float64.push_back(-std::numeric_limits<double>::signaling_NaN()); in getFloat64s() 463 float64.push_back(std::numeric_limits<double>::quiet_NaN()); in getFloat64s() 464 float64.push_back(-std::numeric_limits<double>::quiet_NaN()); in getFloat64s() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/signal/ |
D | spectral_ops_test.py | 155 (512, 64, 32, 64, np.float64, 1e-8), 157 (512, 64, 64, 64, np.float64, 1e-8), 159 (512, 72, 64, 64, np.float64, 1e-8), 161 (512, 64, 25, 64, np.float64, 1e-8), 163 (512, 25, 15, 36, np.float64, 1e-8), 165 (123, 23, 5, 42, np.float64, 1e-8)) 175 (4096, 256, 32, 256, np.float64, 1e-8, 1e-8), 178 (4096, 256, 64, 256, np.float64, 1e-8, 1e-8), 181 (4096, 128, 25, 128, np.float64, 5e-4, 1e-8), 184 (4096, 127, 32, 128, np.float64, 1e-3, 1e-8), [all …]
|
D | mel_ops_test.py | 140 (20, 129, 8000, False, 125.0, 3800.0, dtypes.float64), 141 (20, 129, 8000, True, 125.0, 3800.0, dtypes.float64), 143 (20, 129, 8000.0, False, 125.0, 3800.0, dtypes.float64), 144 (20, 129, 8000.0, True, 125.0, 3800.0, dtypes.float64), 146 (80, 1025, 24000.0, False, 80.0, 12000.0, dtypes.float64)) 160 @parameterized.parameters(dtypes.float32, dtypes.float64) 187 @parameterized.parameters(dtypes.float32, dtypes.float64)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | cast_op_test.py | 42 elif dtype == np.float64: 43 return dtypes.float64 72 np.float32, np.float64, np.int64, np.complex64, np.complex128 76 np.float32, np.float64, np.int32, np.int64, np.complex64, 91 if x.dtype == np.float32 or x.dtype == np.float64: 102 f8 = np.finfo(np.float64) 140 self._compare(i4.min, np.float64, i4.min, False) 141 self._compare(i4.max, np.float64, i4.max, False) 142 self._compare(i8.min, np.float64, i8.min, False) 143 self._compare(i8.max, np.float64, i8.max, False) [all …]
|
D | gather_nd_op_test.py | 53 self._testSimpleDtype(np.float64) 258 inputs = constant_op.constant([[1, 2], [3, 4]], dtype=dtypes.float64) 261 grad_vals = constant_op.constant([1, 2], dtype=dtypes.float64) 263 expected_grads = np.array([[1, 0], [0, 2]], dtype=np.float64) 270 inputs = constant_op.constant([[1, 2], [3, 4]], dtype=dtypes.float64) 273 grad_vals = constant_op.constant([[1, 2], [3, 4]], dtype=dtypes.float64) 275 expected_grads = np.array([[3, 4], [1, 2]], dtype=np.float64) 285 [[[1, 3], [5, 7]], [[2, 4], [6, 8]]], dtype=dtypes.float64) 289 [[[1, 2], [3, 4]], [[5, 6], [7, 8]]], dtype=dtypes.float64) 292 [[[5, 6], [1, 2]], [[3, 4], [7, 8]]], dtype=np.float64) [all …]
|
D | relu_op_test.py | 66 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]: 75 for t in [np.float16, np.float32, np.float64]: 164 dtype=np.float64, 192 assert x.dtype == dtypes.float64 200 dtype=np.float64, 253 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]: 283 dtype=np.float64, 311 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]: 321 for t in [np.float16, np.float32, np.float64]: 343 dtype=np.float64, [all …]
|
D | bias_op_base.py | 86 if np_inputs.dtype in [np.float16, np.float32, np.float64, np.int32]: 118 for t in [np.float16, np.float32, np.float64]: 125 for t in [np.float16, np.float32, np.float64]: 138 for t in [np.float16, np.float32, np.float64]: 186 if dtype == dtypes.float64: 195 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64): 205 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64): 214 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64): 237 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64): 256 np.random.randn(*shape), np.random.randn(shape[-1]), dtypes.float64, [all …]
|
D | cwise_ops_test.py | 81 elif dtype in (np.float64, np.complex128): 98 dtypes = [np.float16, np.float32, np.float64, np.int32, np.int64] 131 for t in [np.float16, np.float32, np.float64, np.int32, np.int64]: 175 np.float64, 206 dtypes = [np.float16, np.float32, np.float64, np.int32, np.int64] 360 elif x.dtype == np.float64: 384 elif x.dtype == np.float64: 392 np.float16, np.float32, np.float64, np.int32, np.int64, np.complex64, 398 if t in [np.float16, np.float32, np.float64]: 407 np.float16, np.float32, np.float64, np.int32, np.int64, np.complex64, [all …]
|
D | init_ops_test.py | 258 for dtype in [dtypes.float32, dtypes.float64]: 265 for dtype in [dtypes.float32, dtypes.float64]: 288 for dtype in [dtypes.float32, dtypes.float64]: 297 for dtype in [dtypes.float32, dtypes.float64]: 322 for dtype in [dtypes.float32, dtypes.float64, dtypes.int64]: 329 for dtype in [dtypes.float32, dtypes.float64, dtypes.int32, dtypes.int64]: 344 for dtype in [dtypes.float32, dtypes.float64]: 356 for dtype in [dtypes.float32, dtypes.float64]: 511 zero_float64 = math_ops.cast(0, dtypes.float64) 516 self.assertEqual(math_ops.range(zero_float64, 0, 1).dtype, dtypes.float64) [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
D | linear_operator_low_rank_update_test.py | 190 self._atol[dtypes.float64] = 1e-10 191 self._rtol[dtypes.float64] = 1e-10 214 self._atol[dtypes.float64] = 1e-9 215 self._rtol[dtypes.float64] = 1e-9 233 self._atol[dtypes.float64] = 1e-10 234 self._rtol[dtypes.float64] = 1e-10 257 self._atol[dtypes.float64] = 1e-9 258 self._rtol[dtypes.float64] = 1e-9 310 base_operator = linalg.LinearOperatorIdentity(num_rows=3, dtype=np.float64) 318 num_rows=3, batch_shape=[4], dtype=np.float64) [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | math_grad_test.py | 198 for dtype in [dtypes.float32, dtypes.float64]: 206 for dtype in [dtypes.float32, dtypes.float64]: 214 for dtype in [dtypes.float32, dtypes.float64]: 222 for dtype in [dtypes.float32, dtypes.float64]: 230 for dtype in [dtypes.float32, dtypes.float64]: 238 for dtype in [dtypes.float32, dtypes.float64]: 251 for dtype in [dtypes.float32, dtypes.float64]: 264 for dtype in [dtypes.float32, dtypes.float64]: 272 for dtype in [dtypes.float32, dtypes.float64]: 280 for dtype in [dtypes.float32, dtypes.float64]: [all …]
|
/external/angle/third_party/glslang/src/Test/ |
D | spv.float64.frag | 113 f64v = f64vec3(bv); // bool -> float64 114 bv = bvec3(f64v); // float64 -> bool 116 f64v = f64vec3(f16v); // float16 -> float64 117 f16v = f16vec3(f64v); // float64 -> float16 119 i8v = i8vec3(f64v); // float64 -> int8 120 i16v = i16vec3(f64v); // float64 -> int16 121 i32v = i32vec3(f64v); // float64 -> int32 122 i64v = i64vec3(f64v); // float64 -> int64 124 u8v = u8vec3(f64v); // float64 -> uint8 125 u16v = u16vec3(f64v); // float64 -> uint16 [all …]
|
/external/deqp-deps/glslang/Test/ |
D | spv.float64.frag | 113 f64v = f64vec3(bv); // bool -> float64 114 bv = bvec3(f64v); // float64 -> bool 116 f64v = f64vec3(f16v); // float16 -> float64 117 f16v = f16vec3(f64v); // float64 -> float16 119 i8v = i8vec3(f64v); // float64 -> int8 120 i16v = i16vec3(f64v); // float64 -> int16 121 i32v = i32vec3(f64v); // float64 -> int32 122 i64v = i64vec3(f64v); // float64 -> int64 124 u8v = u8vec3(f64v); // float64 -> uint8 125 u16v = u16vec3(f64v); // float64 -> uint16 [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | special_math_test.py | 98 p = np.linspace(0., 1.0, 50).astype(np.float64) 147 self._baseNdtriFiniteGradientTest(np.float64) 186 expected.astype(np.float64)[expected < 0], 187 actual.astype(np.float64)[expected < 0], 212 expected.astype(np.float64)[expected < 0], 213 actual.astype(np.float64)[expected < 0], 223 self._test_grid(np.float64, self._grid64, self._error64) 340 expected.astype(np.float64)[expected < 0], 341 grad_eval.astype(np.float64)[expected < 0], 352 self._test_grad_accuracy(np.float64, self._grid, self._error64) [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/random/ |
D | random_gamma_test.py | 70 self._testMoments(dtypes.float64) 86 if dt == dtypes.float64: 119 dtypes.float64: stats.gamma(alpha).cdf(np.finfo(np.float64).tiny) 123 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 144 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 161 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 173 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 185 for dtype in dtypes.float16, dtypes.float32, dtypes.float64: 228 for dt in [dtypes.float16, dtypes.float32, dtypes.float64]:
|
D | random_ops_test.py | 82 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 98 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 111 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 129 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 136 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 149 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 181 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 201 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 216 for dt in dtypes.float16, dtypes.float32, dtypes.float64: 224 for dt in dtypes.float16, dtypes.float32, dtypes.float64: [all …]
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | range_test.py | 37 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 50 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 63 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 78 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 91 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 106 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 119 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64 134 dtypes.int32, dtypes.int64, dtypes.float32, dtypes.float64
|
D | dataset_test.py | 445 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64), 452 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64), 459 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64), 466 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64), 473 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64), 480 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)), 488 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)), 495 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)), 513 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
|
/external/tensorflow/tensorflow/python/training/ |
D | slot_creator_test.py | 68 v, name="slot", dtype=dtypes.float64) 74 self.assertEqual(dtypes.float64, slot.dtype.base_dtype) 86 dtype=dtypes.float64), 90 v, name="slot", dtype=dtypes.float64) 96 self.assertEqual(dtypes.float64, slot.dtype.base_dtype) 116 v = random_ops.random_uniform([2], dtype=dtypes.float64) 120 v, name="slot", dtype=dtypes.float64) 126 self.assertEqual(dtypes.float64, slot.dtype.base_dtype)
|
/external/tensorflow/tensorflow/python/debug/lib/ |
D | debug_v2_ops_test.py | 265 x = np.zeros([9701], dtype=np.float64) 285 output_dtype=dtypes.float64)) 295 output_dtype=dtypes.float64)) 306 output_dtype=dtypes.float64)), x._id 342 output_dtype=dtypes.float64)), x._id 355 x = np.zeros([9701], dtype=np.float64) 369 output_dtype=dtypes.float64)), x._id 379 x = np.zeros([100, 100, 50], dtype=np.float64) 403 output_dtype=dtypes.float64)), x._id 440 output_dtype=dtypes.float64)), x._id [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | noise_test.py | 51 assert dtype in (dtypes_module.float32, dtypes_module.float64) 76 self._train_model(dtypes_module.float64, 'gaussian_noise') 82 self._train_model(dtypes_module.float64, 'gaussian_dropout') 88 self._train_model(dtypes_module.float64, 'alpha_noise')
|