Home
last modified time | relevance | path

Searched refs:float64 (Results 1 – 25 of 424) sorted by relevance

12345678910>>...17

/external/oboe/samples/RhythmGame/third_party/glm/detail/
Dglm.cpp20 template struct tvec1<float64, lowp>;
31 template struct tvec1<float64, mediump>;
42 template struct tvec1<float64, highp>;
54 template struct tvec2<float64, lowp>;
65 template struct tvec2<float64, mediump>;
76 template struct tvec2<float64, highp>;
88 template struct tvec3<float64, lowp>;
99 template struct tvec3<float64, mediump>;
110 template struct tvec3<float64, highp>;
122 template struct tvec4<float64, lowp>;
[all …]
Dtype_float.hpp12 typedef double float64; typedef
56 typedef double float64; typedef
62 GLM_STATIC_ASSERT(sizeof(glm::float64) == 8, "float64 size isn't 8 bytes on this platform");
/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/
DvktSpvAsmUtils.cpp447 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/ops/numpy_ops/
Dnp_arrays_test.py63 [np.float32, np.int32, np.float64],
64 [np.int32, np.float32, np.float64],
66 [np.float64, np.float32, np.float64],
67 [np.float32, np.float64, np.float64]]
101 _truediv_types = [[np.int32, np.int32, np.float64],
102 [np.int64, np.int32, np.float64],
103 [np.int32, np.int64, np.float64],
104 [np.float32, np.int32, np.float64],
105 [np.int32, np.float32, np.float64],
107 [np.float64, np.float32, np.float64],
[all …]
Dnp_dtypes_test.py38 np_dtypes._result_type(np.zeros([], np.float64), 1.1))
43 self.assertEqual(dtypes.float64, np_dtypes.default_float_type())
44 self.assertEqual(dtypes.float64, np_dtypes._result_type(1.1))
51 self.assertEqual(dtypes.float64,
52 np_dtypes._result_type(np.zeros([], np.float64), 1.1))
/external/tensorflow/tensorflow/python/kernel_tests/
Dcast_op_test.py40 elif dtype == np.float64:
41 return dtypes.float64
71 np.float32, np.float64, np.int64, np.complex64, np.complex128
75 np.float32, np.float64, np.int32, np.int64, np.complex64,
90 if x.dtype == np.float32 or x.dtype == np.float64:
99 f8 = np.finfo(np.float64)
135 self._compare(i4.min, np.float64, i4.min, False)
136 self._compare(i4.max, np.float64, i4.max, False)
137 self._compare(i8.min, np.float64, i8.min, False)
138 self._compare(i8.max, np.float64, i8.max, False)
[all …]
Drelu_op_test.py63 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]:
72 for t in [np.float16, np.float32, np.float64]:
109 for t in [np.float16, np.float32, np.float64]:
140 dtype=np.float64,
168 assert x.dtype == dtypes.float64
176 dtype=np.float64,
229 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]:
244 for t in [np.float16, np.float32, np.float64]:
264 dtype=np.float64,
292 for t in [np.int32, np.int64, np.float16, np.float32, np.float64]:
[all …]
Dgather_nd_op_test.py53 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 …]
Dbias_op_base.py92 if np_inputs.dtype in [np.float16, np.float32, np.float64, np.int32]:
125 for t in [np.float16, np.float32, np.float64]:
131 for t in [np.float16, np.float32, np.float64]:
143 for t in [np.float16, np.float32, np.float64]:
225 if dtype == dtypes.float64:
239 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64):
248 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64):
256 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64):
278 for dtype in (dtypes.float16, dtypes.float32, dtypes.float64):
295 np.random.randn(*shape), np.random.randn(shape[-1]), dtypes.float64,
[all …]
Dcwise_ops_test.py78 elif dtype in (np.float64, np.complex128):
95 dtypes = [np.float16, np.float32, np.float64, np.int32, np.int64]
132 for t in [np.float16, np.float32, np.float64, np.int32, np.int64]:
178 np.float64,
210 dtypes = [np.float16, np.float32, np.float64, np.int32, np.int64]
374 elif x.dtype == np.float64:
398 elif x.dtype == np.float64:
406 np.float16, np.float32, np.float64, np.int32, np.int64, np.complex64,
413 if t in [np.float16, np.float32, np.float64]:
422 np.float16, np.float32, np.float64, np.int32, np.int64, np.complex64,
[all …]
Dtridiagonal_matmul_op_test.py47 dtype=dtypes.float64):
108 def _gradientTest(self, diags, rhs, dtype=dtypes.float64):
129 for dtype in [dtypes.float32, dtypes.float64]:
166 dtype=dtypes.float64)
201 return (variables.Variable(data[:, :, 0], dtype=dtypes.float64),
202 variables.Variable(data[:, :, 1], dtype=dtypes.float64),
203 variables.Variable(data[:, :, 2], dtype=dtypes.float64),
204 variables.Variable(data[:, :, 3:], dtype=dtypes.float64))
/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dspectral_ops_test.py155 (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 …]
Dmel_ops_test.py140 (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)
185 @parameterized.parameters(dtypes.float32, dtypes.float64)
/external/tensorflow/tensorflow/compiler/tests/
Dspecial_math_test.py114 (np.float64, 1e-15, 0.))
120 (np.float64, 1e-15, 0.))
126 (np.float64, 1e-15, 0.))
132 (np.float64, 1e-15, 0.))
138 (np.float64, 3e-14, 0.))
144 (np.float64, 2e-15, 0.))
173 y = _zeta(np.float64(1.), q)
180 y = _zeta(np.float64(0.1), q)
195 (np.float64, 1e-4, 1e-30))
198 if self.device not in ['XLA_GPU', 'XLA_CPU'] and dtype == np.float64:
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_low_rank_update_test.py190 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
320 base_operator = linalg.LinearOperatorIdentity(num_rows=3, dtype=np.float64)
328 num_rows=3, batch_shape=[4], dtype=np.float64)
[all …]
/external/tensorflow/tensorflow/python/ops/
Dmath_grad_test.py198 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/vulkan-deps/glslang/src/Test/
Dspv.float64.frag113 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/
Dspv.float64.frag113 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/random/
Drandom_ops_test.py82 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 …]
Drandom_gamma_test.py70 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]:
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
Dspecial_math_test.py98 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/data/kernel_tests/
Drange_test.py37 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
Ddataset_test.py446 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
453 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
460 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
467 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
474 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
481 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)),
489 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)),
496 ((dtypes.int64, dtypes.int64), (dtypes.float64, dtypes.float64)),
514 (dtypes.int64, (dtypes.float64, dtypes.float64), dtypes.int64),
/external/tensorflow/tensorflow/python/training/
Dslot_creator_test.py70 v, name="slot", dtype=dtypes.float64)
76 self.assertEqual(dtypes.float64, slot.dtype.base_dtype)
88 dtype=dtypes.float64),
92 v, name="slot", dtype=dtypes.float64)
98 self.assertEqual(dtypes.float64, slot.dtype.base_dtype)
118 v = random_ops.random_uniform([2], dtype=dtypes.float64)
122 v, name="slot", dtype=dtypes.float64)
128 self.assertEqual(dtypes.float64, slot.dtype.base_dtype)
200 v, name="slot", dtype=dtypes.float64, copy_xla_sharding=True)
/external/tensorflow/tensorflow/python/keras/layers/
Dnoise_test.py51 assert dtype in (dtypes.float32, dtypes.float64)
76 self._train_model(dtypes.float64, 'gaussian_noise')
82 self._train_model(dtypes.float64, 'gaussian_dropout')
88 self._train_model(dtypes.float64, 'alpha_noise')

12345678910>>...17