Home
last modified time | relevance | path

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

12345678910>>...24

/external/tensorflow/tensorflow/python/kernel_tests/
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.py45 def _RandomPDMatrix(n, rng, dtype=np.float64): argument
212 def test_eye_no_placeholder(self, num_rows, num_columns, batch_shape, dtype): argument
243 self, num_rows, num_columns, batch_shape, dtype): argument
321 dtype = np.float32 variable in MatrixRankStatic32Test
327 dtype = np.float64 variable in MatrixRankDynamic64Test
384 dtype = np.float32 variable in PinvTestDynamic32DefaultRcond
391 dtype = np.float64 variable in PinvTestStatic64DefaultRcond
398 dtype = np.float32 variable in PinvTestDynamic32CustomtRcond
405 dtype = np.float64 variable in PinvTestStatic64CustomRcond
419 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
141 def _GetBatchMatmulOpBroadcastingTest(dtype, adjoint_a, adjoint_b, argument
176 def _compare(self, a_shape, b_shape, dtype, adjoint_a, adjoint_b): argument
183 def _GetBatchMatmulGradientTest(dtype, adjoint_a, adjoint_b): argument
195 def _GetBatchMatmulGradientWithBroadcastingTest(dtype, adjoint_a, adjoint_b): argument
Dconfusion_matrix_test.py58 def _testBasic(self, dtype): argument
122 def _testDifferentLabelsInPredictionAndTarget(self, dtype): argument
139 def testInt32DifferentLabels(self, dtype=np.int32): argument
143 def testInt64DifferentLabels(self, dtype=np.int64): argument
146 def _testMultipleLabels(self, dtype): argument
163 def testInt32MultipleLabels(self, dtype=np.int32): argument
167 def testInt64MultipleLabels(self, dtype=np.int64): argument
Dsplit_op_test.py39 def _makeData(self, shape, dtype): argument
127 def _RunAndVerifyVariable(self, dtype, large_num_splits=False): argument
158 def _testHugeNumberOfTensorsVariable(self, dtype): argument
199 def _testGradientsSimpleVariable(self, dtype): argument
285 def _RunAndVerify(self, dtype, large_num_splits=False): argument
316 def _testGradientsSimple(self, dtype): argument
/external/tensorflow/tensorflow/python/ops/signal/
Dwindow_ops.py33 def _check_params(window_length, dtype): argument
55 def kaiser_window(window_length, beta=12., dtype=dtypes.float32, name=None): argument
95 dtype=dtypes.float32, name=None): argument
121 def vorbis_window(window_length, dtype=dtypes.float32, name=None): argument
145 def hann_window(window_length, periodic=True, dtype=dtypes.float32, name=None): argument
170 def hamming_window(window_length, periodic=True, dtype=dtypes.float32, argument
197 dtype, a, b): argument
/external/tensorflow/tensorflow/compiler/tests/
Dstateful_random_ops_test.py203 def testXLAEqualsCPU(self, dtype): argument
215 def _testRngIsNotConstant(self, rng, dtype): argument
223 def check_dtype(self, dtype): argument
229 def testUniformIsNotConstant(self, alg, dtype): argument
233 def rng(dtype): argument
240 def testNormalIsNotConstant(self, alg, dtype): argument
244 def rng(dtype): argument
250 def testUniformIsInRange(self, alg, dtype): argument
263 def testNormalIsFinite(self, alg, dtype): argument
271 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
Dspecial_math_test.py56 def testIgammaSmallValues(self, dtype, rtol, atol): argument
71 def testIgammaMediumValues(self, dtype, rtol, atol): argument
83 def testIgammaLargeValues(self, dtype, rtol, atol): 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
Dragged_factory_ops.py37 def constant(pylist, dtype=None, ragged_rank=None, inner_shape=None, argument
89 def constant_value(pylist, dtype=None, ragged_rank=None, inner_shape=None, argument
140 def _inner_factory(pylist, dtype, shape, name=None): # pylint: disable=unused-argument argument
147 def _constant_value(ragged_factory, inner_factory, pylist, dtype, ragged_rank, argument
314 def placeholder(dtype, ragged_rank, value_shape=None, name=None): argument
/external/tensorflow/tensorflow/python/ops/
Dinit_ops.py58 def __call__(self, shape, dtype=None, partition_info=None): argument
108 def __init__(self, dtype=dtypes.float32): argument
111 def __call__(self, shape, dtype=None, partition_info=None): argument
128 def __init__(self, dtype=dtypes.float32): argument
131 def __call__(self, shape, dtype=None, partition_info=None): argument
214 def __init__(self, value=0, dtype=dtypes.float32, verify_shape=False): argument
224 def __call__(self, shape, dtype=None, partition_info=None, verify_shape=None): argument
259 def __init__(self, minval=0, maxval=None, seed=None, dtype=dtypes.float32): argument
265 def __call__(self, shape, dtype=None, partition_info=None): argument
299 def __init__(self, mean=0.0, stddev=1.0, seed=None, dtype=dtypes.float32): argument
[all …]
Drandom_ops.py47 dtype=dtypes.float32, argument
107 dtype=dtypes.float32, argument
162 dtype=dtypes.float32, argument
209 dtype=dtypes.float32, argument
420 def categorical(logits, num_samples, dtype=None, seed=None, name=None): argument
447 def multinomial_categorical_impl(logits, num_samples, dtype, seed): argument
473 dtype=dtypes.float32, argument
563 def random_poisson(lam, shape, dtype=dtypes.float32, seed=None, name=None): argument
602 def random_poisson_v2(shape, lam, dtype=dtypes.float32, seed=None, name=None): argument
Dstateless_random_ops.py41 dtype=dtypes.float32, argument
110 dtype=dtypes.float32, argument
149 dtype=dtypes.float32, argument
234 dtype=dtypes.int64, argument
269 def stateless_multinomial_categorical_impl(logits, num_samples, dtype, seed): argument
Dstateful_random_ops_test.py378 def compare(dtype, old, new): argument
405 def old_normal(dtype, seed1, seed2): argument
408 def new_normal(dtype, gen): argument
410 def old_truncated_normal(dtype, seed1, seed2): argument
413 def new_truncated_normal(dtype, gen): argument
415 def old_uniform_int(dtype, seed1, seed2): argument
420 def new_uniform_int(dtype, gen): argument
422 def old_uniform(dtype, seed1, seed2): argument
425 def new_uniform(dtype, gen): argument
455 def testGPUEqualsCPU(self, dtype): argument
[all …]
Dinit_ops_v2.py51 def __call__(self, shape, dtype=None): argument
117 def __call__(self, shape, dtype=dtypes.float32): argument
157 def __call__(self, shape, dtype=dtypes.float32): argument
245 def __call__(self, shape, dtype=None): argument
305 def __call__(self, shape, dtype=dtypes.float32): argument
369 def __call__(self, shape, dtype=dtypes.float32): argument
434 def __call__(self, shape, dtype=dtypes.float32): argument
525 def __call__(self, shape, dtype=dtypes.float32): argument
616 def __call__(self, shape, dtype=dtypes.float32): argument
686 def __call__(self, shape, 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 …]
/external/tensorflow/tensorflow/python/keras/
Dmetrics.py139 def __init__(self, name=None, dtype=None, **kwargs): argument
200 def dtype(self): member in Metric
255 dtype=None): argument
284 def __init__(self, reduction, name, dtype=None): argument
406 def __init__(self, name='sum', dtype=None): argument
451 def __init__(self, name='mean', dtype=None): argument
496 def __init__(self, normalizer, name=None, dtype=None): argument
548 def __init__(self, fn, name=None, dtype=None, **kwargs): argument
636 def __init__(self, name='accuracy', dtype=None): argument
673 def __init__(self, name='binary_accuracy', dtype=None, threshold=0.5): argument
[all …]
/external/tensorflow/tensorflow/python/framework/
Dconstant_op.py68 def convert_to_eager_tensor(value, ctx, dtype=None): argument
101 value, dtype=None, shape=None, name="Const", verify_shape=False): argument
165 def constant(value, dtype=None, shape=None, name="Const"): argument
262 value, dtype, shape, name, verify_shape, allow_broadcast): argument
314 def _constant_tensor_conversion_function(v, dtype=None, name=None, argument
327 dtype=None, argument
360 dtype=None, argument
Dindexed_slices.py140 def dtype(self): member in IndexedSlices
203 def __init__(self, shape=None, dtype=dtypes.float32, argument
262 def convert_to_tensor_or_indexed_slices(value, dtype=None, name=None): argument
287 dtype=None, argument
323 dtype=None, argument
363 def convert_n_to_tensor_or_indexed_slices(values, dtype=None, name=None): argument
395 def _indexed_slices_to_tensor(value, dtype=None, name=None, as_ref=False): argument
/external/tensorflow/tensorflow/python/ops/linalg/
Dlinear_operator_test_util.py124 self, shapes_info, dtype, use_placeholder, argument
271 def _test_to_dense(use_placeholder, shapes_info, dtype): argument
285 def _test_det(use_placeholder, shapes_info, dtype): argument
300 def _test_log_abs_det(use_placeholder, shapes_info, dtype): argument
321 dtype, argument
357 dtype, argument
375 dtype, argument
390 def _test_adjoint(use_placeholder, shapes_info, dtype): argument
406 def _test_cholesky(use_placeholder, shapes_info, dtype): argument
420 def _test_eigvalsh(use_placeholder, shapes_info, dtype): 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/mlir/tensorflow/utils/
Dconvert_type.cc34 Status ConvertDataType(DataType dtype, Builder builder, Type* type) { in ConvertDataType()
81 Status ConvertScalarTypeToDataType(Type type, DataType* dtype) { in ConvertScalarTypeToDataType()
142 Status ConvertToDataType(Type type, DataType* dtype) { in ConvertToDataType()
174 DataType dtype, in ConvertToMlirTensorType()
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_tridiag_test.py34 self, build_info, dtype, use_placeholder, argument
111 self, build_info, dtype, use_placeholder, argument
132 self, build_info, dtype, use_placeholder, argument
166 self, build_info, dtype, use_placeholder, argument

12345678910>>...24