Home
last modified time | relevance | path

Searched defs:dtype (Results 1 – 25 of 758) sorted by relevance

12345678910>>...31

/external/tensorflow/tensorflow/python/kernel_tests/
Dbincount_op_test.py149 def test_bincount_all_count(self, dtype): argument
165 def test_bincount_all_count_with_weights(self, dtype): argument
183 def test_bincount_all_binary(self, dtype): argument
200 def test_bincount_all_binary_with_weights(self, dtype): argument
213 def _test_bincount_col_count(self, num_rows, num_cols, size, dtype): argument
226 def _test_bincount_col_binary(self, num_rows, num_cols, size, dtype): argument
243 dtype): argument
273 def test_col_reduce_shared_memory(self, dtype): argument
285 def test_col_reduce_global_memory(self, dtype): argument
297 def test_col_reduce_shared_memory_with_weights(self, dtype): argument
[all …]
Dsubstr_op_test.py42 def testScalarString(self, dtype, pos, unit): argument
64 def testScalarString_EdgeCases(self, dtype, unit): argument
128 def testVectorStrings(self, dtype, pos, unit): argument
151 def testMatrixStrings(self, dtype, unit): argument
201 def testElementWisePosLen(self, dtype, unit): argument
242 def testBroadcast(self, dtype, unit): argument
324 def testBadBroadcast(self, dtype, unit): argument
344 def testOutOfRangeError_Scalar(self, dtype, pos, unit): argument
368 def testOutOfRangeError_VectorScalar(self, dtype, pos, unit): argument
389 def testOutOfRangeError_MatrixMatrix(self, dtype, unit): argument
[all …]
Dsets_test.py40 def _values(values, dtype): argument
46 def _constant(values, dtype): argument
50 def _dense_to_sparse(dense, dtype): argument
78 def _test_set_size_2d(self, dtype): argument
92 def _test_set_size_duplicates_2d(self, dtype): argument
110 def _test_set_size_3d(self, dtype, invalid_indices=False): argument
174 def _test_set_intersection_multirow_2d(self, dtype): argument
211 def _test_dense_set_intersection_multirow_2d(self, dtype): argument
236 def _test_set_intersection_duplicates_2d(self, dtype): argument
288 def _test_set_intersection_3d(self, dtype, invalid_indices=False): argument
[all …]
Dlinalg_ops_test.py39 def _RandomPDMatrix(n, rng, dtype=np.float64): argument
211 def test_eye_no_placeholder(self, num_rows, num_columns, batch_shape, dtype): argument
242 self, num_rows, num_columns, batch_shape, dtype): argument
320 dtype = np.float32 variable in MatrixRankStatic32Test
326 dtype = np.float64 variable in MatrixRankDynamic64Test
383 dtype = np.float32 variable in PinvTestDynamic32DefaultRcond
390 dtype = np.float64 variable in PinvTestStatic64DefaultRcond
397 dtype = np.float32 variable in PinvTestDynamic32CustomtRcond
404 dtype = np.float64 variable in PinvTestStatic64CustomRcond
418 dtype = np.float32 variable in _LUReconstruct
[all …]
Dbatch_matmul_op_test.py35 def GetRandomNormalInput(shape, dtype): argument
78 def _testNonEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument
98 def _testBroadcasting(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument
116 def _testEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument
131 def _GetBatchMatmulOpTest(dtype, adjoint_a, adjoint_b, use_static_shape): argument
142 def _GetBatchMatmulOpBroadcastingTest(dtype, adjoint_a, adjoint_b, argument
178 def _compare(self, a_shape, b_shape, dtype, adjoint_a, adjoint_b): argument
185 def _GetBatchMatmulGradientTest(dtype, adjoint_a, adjoint_b): argument
197 def _GetBatchMatmulGradientWithBroadcastingTest(dtype, adjoint_a, adjoint_b): argument
Done_hot_op_test.py36 dtype=None, argument
58 def _testBasic(self, dtype): argument
88 def _testDefaultBasic(self, dtype): argument
131 def _testBatch(self, dtype): argument
162 def _testDefaultValuesBatch(self, dtype): argument
182 def _testValueTypeBatch(self, dtype): argument
214 def _testEmpty(self, dtype): argument
/external/tensorflow/tensorflow/compiler/tests/
Dspecial_math_test.py91 def adjust_tolerance_for_tpu(self, dtype, rtol, atol): argument
99 def _test_range(self, low, high, dtype, rtol, atol, is_negative=False): argument
115 def testSmallX(self, dtype, rtol, atol): argument
121 def testGreaterThanNegativeTwentyExponent(self, dtype, rtol, atol): argument
127 def testGreaterThanNegativeTenExponent(self, dtype, rtol, atol): argument
133 def testGreaterThanNegativeFiveExponent(self, dtype, rtol, atol): argument
139 def testXGreaterThanOneTenth(self, dtype, rtol, atol): argument
145 def testXGreaterThanOne(self, dtype, rtol, atol): argument
161 def adjust_tolerance_for_tpu(self, dtype, rtol, atol): argument
217 def testLargeXSmallQ(self, dtype, rtol, atol): argument
[all …]
Dstateful_random_ops_test.py159 def testXLAEqualsCPU(self, dtype): argument
207 def _testRngIsNotConstant(self, rng, dtype): argument
215 def check_dtype(self, dtype): argument
221 def testUniformIsNotConstant(self, alg, dtype): argument
225 def rng(dtype): argument
232 def testNormalIsNotConstant(self, alg, dtype): argument
236 def rng(dtype): argument
242 def testUniformIsInRange(self, alg, dtype): argument
255 def testNormalIsFinite(self, alg, dtype): argument
263 def testDistributionOfUniform(self, alg, dtype): argument
[all …]
Dftrl_test.py34 def initVariableAndGradient(self, dtype): argument
42 def equivAdagradTest_FtrlPart(self, steps, dtype): argument
62 def equivAdagradTest_AdagradPart(self, steps, dtype): argument
77 def equivGradientDescentTest_FtrlPart(self, steps, dtype): argument
97 def equivGradientDescentTest_GradientDescentPart(self, steps, dtype): argument
/external/tensorflow/tensorflow/python/ops/
Dinit_ops.py58 def __call__(self, shape, dtype=None, partition_info=None): argument
173 def __init__(self, dtype=dtypes.float32): argument
176 def __call__(self, shape, dtype=None, partition_info=None): argument
210 def __init__(self, dtype=dtypes.float32): argument
213 def __call__(self, shape, dtype=None, partition_info=None): argument
373 def __init__(self, value=0, dtype=dtypes.float32, verify_shape=False): argument
383 def __call__(self, shape, dtype=None, partition_info=None, verify_shape=None): argument
509 def __init__(self, minval=0, maxval=None, seed=None, dtype=dtypes.float32): argument
515 def __call__(self, shape, dtype=None, partition_info=None): argument
639 def __init__(self, mean=0.0, stddev=1.0, seed=None, dtype=dtypes.float32): argument
[all …]
Dspecial_math_ops_test.py193 def test_dawsn_odd(self, dtype): argument
200 def test_dawsn_small(self, dtype): argument
210 def test_dawsn_larger(self, dtype): argument
242 def test_expint_small(self, dtype): argument
252 def test_expint_larger(self, dtype): argument
278 def test_fresnel_cos_odd(self, dtype): argument
285 def test_fresnel_cos_small(self, dtype): argument
295 def test_fresnel_cos_larger(self, dtype): argument
323 def test_fresnel_sin_odd(self, dtype): argument
330 def test_fresnel_sin_small(self, dtype): argument
[all …]
Drandom_ops.py50 dtype=dtypes.float32, argument
110 dtype=dtypes.float32, argument
166 dtype=dtypes.float32, argument
221 dtype=dtypes.float32, argument
503 def categorical(logits, num_samples, dtype=None, seed=None, name=None): argument
530 def multinomial_categorical_impl(logits, num_samples, dtype, seed): argument
557 dtype=dtypes.float32, argument
648 def random_poisson(lam, shape, dtype=dtypes.float32, seed=None, name=None): argument
688 def random_poisson_v2(shape, lam, dtype=dtypes.float32, seed=None, name=None): argument
Dbincount_ops_test.py523 def test_sparse_input_all_count(self, dtype): argument
543 def test_sparse_input_all_count_with_weights(self, dtype): argument
568 def test_sparse_input_all_binary(self, dtype): argument
589 def test_sparse_input_col_reduce_count(self, dtype): argument
615 def test_sparse_input_col_reduce_binary(self, dtype): argument
645 def test_ragged_input_count(self, dtype): argument
664 def test_ragged_input_binary(self, dtype): argument
684 def test_ragged_input_count_with_weights(self, dtype): argument
705 def test_ragged_input_count_np(self, dtype): argument
725 def test_ragged_input_count_np_with_weights(self, dtype): argument
Dbincount_ops.py40 dtype=dtypes.int32, argument
227 dtype=dtypes.int32): argument
454 def validate_dense_weights(values, weights, dtype=None): argument
468 def validate_sparse_weights(values, weights, dtype=None): argument
502 def validate_ragged_weights(values, weights, dtype=None): argument
Dstateful_random_ops_test.py408 def compare(dtype, old, new): argument
435 def old_normal(dtype, seed1, seed2): argument
438 def new_normal(dtype, gen): argument
440 def old_truncated_normal(dtype, seed1, seed2): argument
443 def new_truncated_normal(dtype, gen): argument
445 def old_uniform_int(dtype, seed1, seed2): argument
450 def new_uniform_int(dtype, gen): argument
452 def old_uniform(dtype, seed1, seed2): argument
455 def new_uniform(dtype, gen): argument
485 def testGPUEqualsCPU(self, dtype): argument
[all …]
Dinit_ops_v2.py52 def __call__(self, shape, dtype=None, **kwargs): argument
136 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
182 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
274 def __call__(self, shape, dtype=None, **kwargs): argument
335 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
403 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
472 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
567 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
658 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
730 def __call__(self, shape, dtype=dtypes.float32, **kwargs): argument
[all …]
/external/tensorflow/tensorflow/python/ops/signal/
Dwindow_ops.py35 def _check_params(window_length, dtype): argument
58 def kaiser_window(window_length, beta=12., dtype=dtypes.float32, name=None): argument
99 dtype=dtypes.float32, name=None): argument
126 def vorbis_window(window_length, dtype=dtypes.float32, name=None): argument
151 def hann_window(window_length, periodic=True, dtype=dtypes.float32, name=None): argument
177 def hamming_window(window_length, periodic=True, dtype=dtypes.float32, argument
204 dtype, a, b): argument
/external/tensorflow/tensorflow/python/ops/ragged/
Dconvert_to_tensor_or_ragged_tensor_op_test.py55 def testConvertRaggedTensor(self, pylist, dtype=None, preferred_dtype=None): argument
81 dtype=None, argument
119 dtype=None, argument
140 dtype=None, argument
154 def testConvertTensor(self, pylist, dtype=None, preferred_dtype=None): argument
175 dtype=None, argument
207 dtype=None, argument
226 dtype=None, argument
/external/tensorflow/tensorflow/python/ops/linalg/
Dlinear_operator_test_util.py137 self, shapes_info, dtype, use_placeholder, argument
284 def _test_to_dense(use_placeholder, shapes_info, dtype): argument
298 def _test_det(use_placeholder, shapes_info, dtype): argument
313 def _test_log_abs_det(use_placeholder, shapes_info, dtype): argument
334 dtype, argument
406 dtype, argument
426 dtype, argument
443 def _test_adjoint(use_placeholder, shapes_info, dtype): argument
459 def _test_cholesky(use_placeholder, shapes_info, dtype): argument
478 def _test_eigvalsh(use_placeholder, shapes_info, dtype): argument
[all …]
/external/tensorflow/tensorflow/python/framework/
Dconstant_op.py78 def convert_to_eager_tensor(value, ctx, dtype=None): argument
111 value, dtype=None, shape=None, name="Const", verify_shape=False): argument
175 def constant(value, dtype=None, shape=None, name="Const"): argument
276 value, dtype, shape, name, verify_shape, allow_broadcast): argument
306 def _constant_eager_impl(ctx, value, dtype, shape, verify_shape): argument
343 def _constant_tensor_conversion_function(v, dtype=None, name=None, argument
356 dtype=None, argument
389 dtype=None, argument
/external/tensorflow/tensorflow/python/keras/
Dmetrics.py147 def __init__(self, name=None, dtype=None, **kwargs): argument
234 def dtype(self): member in Metric
294 dtype=None): argument
364 def __init__(self, reduction, name, dtype=None): argument
485 def __init__(self, name='sum', dtype=None): argument
527 def __init__(self, name='mean', dtype=None): argument
570 def __init__(self, normalizer, name=None, dtype=None): argument
640 def __init__(self, fn, name=None, dtype=None, **kwargs): argument
740 def __init__(self, name='accuracy', dtype=None): argument
784 def __init__(self, name='binary_accuracy', dtype=None, threshold=0.5): argument
[all …]
/external/tensorflow/tensorflow/python/keras/initializers/
Dinitializers_v2.py77 def __call__(self, shape, dtype=None, **kwargs): argument
134 def __call__(self, shape, dtype=None, **kwargs): argument
171 def __call__(self, shape, dtype=None, **kwargs): argument
220 def __call__(self, shape, dtype=None, **kwargs): argument
273 def __call__(self, shape, dtype=None, **kwargs): argument
336 def __call__(self, shape, dtype=None, **kwargs): argument
401 def __call__(self, shape, dtype=None, **kwargs): argument
491 def __call__(self, shape, dtype=None, **kwargs): argument
578 def __call__(self, shape, dtype=None, **kwargs): argument
645 def __call__(self, shape, dtype=None, **kwargs): argument
[all …]
/external/tensorflow/tensorflow/python/training/
Dwarm_starting_util_test.py542 partitioner = lambda shape, dtype: [1] * len(shape) argument
571 partitioner = lambda shape, dtype: [1] * len(shape) argument
605 partitioner = lambda shape, dtype: [1] * len(shape) argument
641 partitioner = lambda shape, dtype: [1] * len(shape) argument
686 partitioner = lambda shape, dtype: [1] * len(shape) argument
729 partitioner = lambda shape, dtype: [1] * len(shape) argument
800 partitioner = lambda shape, dtype: [1] * len(shape) argument
872 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument
998 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument
1058 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument
[all …]
/external/tensorflow/tensorflow/compiler/xla/python/
Dxla_client_test.py204 def testConstantScalarSum(self, dtype): argument
215 def testConstantVectorMul(self, dtype): argument
227 def testConstantVectorScalarDiv(self, dtype): argument
239 def testConstantVectorScalarPow(self, dtype): argument
256 def testBroadcastedIota(self, dtype): argument
289 def testSum2D(self, dtype): argument
321 def testSum2DWith1DBroadcastDim0(self, dtype): argument
338 def testSum2DWith1DBroadcastDim1(self, dtype): argument
355 def testConstantAxpy(self, dtype): argument
479 def testScalarTimesVector(self, dtype): argument
[all …]
/external/tensorflow/tensorflow/python/ops/numpy_ops/
Dnp_array_ops.py51 def empty(shape, dtype=float): # pylint: disable=redefined-outer-name argument
56 def empty_like(a, dtype=None): argument
61 def zeros(shape, dtype=float): # pylint: disable=redefined-outer-name argument
68 def zeros_like(a, dtype=None): # pylint: disable=missing-docstring argument
81 def ones(shape, dtype=float): # pylint: disable=redefined-outer-name argument
88 def ones_like(a, dtype=None): argument
97 def eye(N, M=None, k=0, dtype=float): # pylint: disable=invalid-name,missing-docstring argument
128 def identity(n, dtype=float): argument
133 def full(shape, fill_value, dtype=None): # pylint: disable=redefined-outer-name argument
144 def full_like(a, fill_value, dtype=None, order='K', subok=True, shape=None): # pylint: disable=mis… argument
[all …]

12345678910>>...31