/external/tensorflow/tensorflow/python/kernel_tests/ |
D | substr_op_test.py | 42 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 …]
|
D | sets_test.py | 40 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 …]
|
D | confusion_matrix_test.py | 59 def _testBasic(self, dtype): argument 123 def _testDifferentLabelsInPredictionAndTarget(self, dtype): argument 140 def testInt32DifferentLabels(self, dtype=np.int32): argument 144 def testInt64DifferentLabels(self, dtype=np.int64): argument 147 def _testMultipleLabels(self, dtype): argument 164 def testInt32MultipleLabels(self, dtype=np.int32): argument 168 def testInt64MultipleLabels(self, dtype=np.int64): argument
|
D | split_op_test.py | 39 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
|
D | one_hot_op_test.py | 55 def _testBasic(self, dtype): argument 85 def _testDefaultBasic(self, dtype): argument 125 def _testBatch(self, dtype): argument 156 def _testDefaultValuesBatch(self, dtype): argument 176 def _testValueTypeBatch(self, dtype): argument 208 def _testEmpty(self, dtype): argument
|
D | batch_matmul_op_test.py | 100 def _rand(self, shape, dtype): argument 107 def _testNonEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument 124 def _testEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument 137 def _GetBatchMatmulOpTest(dtype, adjoint_a, adjoint_b, use_static_shape): argument 174 def _compare(self, b, n, k, m, dtype, adjoint_a, adjoint_b): argument 187 def _GetBatchMatmulGradientTest(dtype, adjoint_a, adjoint_b): argument
|
/external/tensorflow/tensorflow/contrib/sparsemax/python/kernel_tests/ |
D | sparsemax_test.py | 72 def _tf_sparsemax(self, z, dtype, use_gpu): argument 79 def _test_sparsemax_against_numpy(self, dtype, random, use_gpu): argument 90 def _test_sparsemax_of_nan(self, dtype, random, use_gpu): argument 103 def _test_sparsemax_of_inf(self, dtype, random, use_gpu): argument 130 def _test_sparsemax_of_zero(self, dtype, random, use_gpu): argument 140 def _test_sparsemax_of_to_inf(self, dtype, random, use_gpu): argument 160 def _test_constant_add(self, dtype, random, use_gpu): argument 172 def _test_permutation(self, dtype, random, use_gpu): argument 188 def _test_diffrence(self, dtype, random, use_gpu): argument 207 def _test_two_dimentional(self, dtype, random, use_gpu): argument [all …]
|
D | sparsemax_loss_test.py | 81 def _tf_sparsemax(self, z, dtype, use_gpu): argument 88 def _tf_sparsemax_loss(self, z, q, dtype, use_gpu): argument 99 def _test_sparsemax_loss_against_numpy(self, dtype, random, use_gpu): argument 112 def _test_sparsemax_loss_of_nan(self, dtype, random, use_gpu): argument 121 def _test_sparsemax_loss_of_inf(self, dtype, random, use_gpu): argument 148 def _test_constant_add(self, dtype, random, use_gpu): argument 167 def _test_sparsemax_loss_positive(self, dtype, random, use_gpu): argument 178 def _test_sparsemax_loss_zero(self, dtype, random, use_gpu): argument 197 def _test_gradient_against_estimate(self, dtype, random, use_gpu): argument 213 def _test_gradient_against_numpy(self, dtype, random, use_gpu): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | convert_to_tensor_or_ragged_tensor_op_test.py | 45 def testConvertRaggedTensor(self, pylist, dtype=None, preferred_dtype=None): argument 66 dtype=None, argument 104 dtype=None, argument 125 dtype=None, argument 139 def testConvertTensor(self, pylist, dtype=None, preferred_dtype=None): argument 160 dtype=None, argument 192 dtype=None, argument 211 dtype=None, argument
|
D | ragged_factory_ops.py | 34 def constant(pylist, dtype=None, ragged_rank=None, inner_shape=None, name=None): argument 80 def constant_value(pylist, dtype=None, ragged_rank=None, inner_shape=None): argument 127 def _inner_factory(pylist, dtype, shape, name=None): # pylint: disable=unused-argument argument 134 def _constant_value(ragged_factory, inner_factory, pylist, dtype, ragged_rank, argument
|
/external/tensorflow/tensorflow/python/keras/ |
D | metrics.py | 135 def __init__(self, name=None, dtype=None, **kwargs): argument 187 def dtype(self): member in Metric 242 dtype=None): argument 260 def __init__(self, reduction, name, dtype=None): argument 379 def __init__(self, name='sum', dtype=None): argument 421 def __init__(self, name='mean', dtype=None): argument 467 def __init__(self, normalizer, name=None, dtype=None): argument 516 def __init__(self, fn, name=None, dtype=None, **kwargs): argument 594 def __init__(self, name='accuracy', dtype=None): argument 630 def __init__(self, name='binary_accuracy', dtype=None, threshold=0.5): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | init_ops.py | 58 def __call__(self, shape, dtype=None, partition_info=None): argument 109 def __init__(self, dtype=dtypes.float32): argument 112 def __call__(self, shape, dtype=None, partition_info=None): argument 130 def __init__(self, dtype=dtypes.float32): argument 133 def __call__(self, shape, dtype=None, partition_info=None): argument 231 def __init__(self, value=0, dtype=dtypes.float32, verify_shape=False): argument 241 def __call__(self, shape, dtype=None, partition_info=None, verify_shape=None): argument 278 def __init__(self, minval=0, maxval=None, seed=None, dtype=dtypes.float32): argument 284 def __call__(self, shape, dtype=None, partition_info=None): argument 320 def __init__(self, mean=0.0, stddev=1.0, seed=None, dtype=dtypes.float32): argument [all …]
|
D | random_ops.py | 52 dtype=dtypes.float32, argument 93 dtype=dtypes.float32, argument 147 dtype=dtypes.float32, argument 193 dtype=dtypes.float32, argument 361 def categorical(logits, num_samples, dtype=None, seed=None, name=None): argument 388 def multinomial_categorical_impl(logits, num_samples, dtype, seed): argument 404 dtype=dtypes.float32, argument 485 def random_poisson(lam, shape, dtype=dtypes.float32, seed=None, name=None): argument 524 def random_poisson_v2(shape, lam, dtype=dtypes.float32, seed=None, name=None): argument
|
D | stateless_random_ops.py | 42 dtype=dtypes.float32, argument 109 dtype=dtypes.float32, argument 146 dtype=dtypes.float32, argument 228 dtype=dtypes.int64, argument 263 def stateless_multinomial_categorical_impl(logits, num_samples, dtype, seed): argument
|
D | init_ops_v2.py | 51 def __call__(self, shape, dtype=None): argument 96 def __call__(self, shape, dtype=dtypes.float32): argument 105 def __call__(self, shape, dtype=dtypes.float32): argument 197 def __call__(self, shape, dtype=None): argument 238 def __call__(self, shape, dtype=dtypes.float32): argument 283 def __call__(self, shape, dtype=dtypes.float32): argument 330 def __call__(self, shape, dtype=dtypes.float32): argument 401 def __call__(self, shape, dtype=dtypes.float32): argument 475 def __call__(self, shape, dtype=dtypes.float32): argument 527 def __call__(self, shape, dtype=dtypes.float32): argument [all …]
|
/external/tensorflow/tensorflow/python/framework/ |
D | constant_op.py | 71 def convert_to_eager_tensor(value, ctx, dtype=None): argument 119 value, dtype=None, shape=None, name="Const", verify_shape=False): argument 183 def constant(value, dtype=None, shape=None, name="Const"): argument 249 value, dtype, shape, name, verify_shape, allow_broadcast): argument 301 def _constant_tensor_conversion_function(v, dtype=None, name=None, argument 318 dtype=None, argument 351 dtype=None, argument
|
/external/tensorflow/tensorflow/contrib/rnn/python/kernel_tests/ |
D | lstm_ops_test.py | 56 dtype=dtypes.float16, argument 81 def __call__(self, shape, dtype=dtypes.float16, partition_info=None): argument 98 def _get_initializer(init_bound, dtype, seed): argument 107 def blocks_match(sess, use_peephole, dtype=dtypes.float32, cell_clip=None): argument 404 dtype=dtypes.float32, argument 427 def testLSTMBasicToBlock(self, dtype, rtol, atol): argument 432 def testLSTMBasicToBlockPeeping(self, dtype, rtol, atol): argument 437 def testLSTMBasicToBlockCellClip(self, dtype, rtol, atol): argument
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | ftrl_test.py | 34 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
|
D | random_ops_test.py | 41 def _testRngIsNotConstant(self, rng, dtype): argument 60 def rng(dtype): argument 69 def rng(dtype): argument 92 def rng(dtype): argument
|
/external/tensorflow/tensorflow/contrib/optimizer_v2/ |
D | rmsprop_test.py | 91 def testDense(self, dtype, param_value): argument 169 def testMinimizeSparseResourceVariable(self, dtype): argument 191 def testMinimizeSparseResourceVariableCentered(self, dtype): argument 215 def testSparse(self, dtype, param_value): argument 291 def testWithoutMomentum(self, dtype): argument 357 def testWithMomentum(self, dtype): argument
|
/external/tensorflow/tensorflow/python/training/ |
D | warm_starting_util_test.py | 540 partitioner = lambda shape, dtype: [1] * len(shape) argument 569 partitioner = lambda shape, dtype: [1] * len(shape) argument 603 partitioner = lambda shape, dtype: [1] * len(shape) argument 639 partitioner = lambda shape, dtype: [1] * len(shape) argument 684 partitioner = lambda shape, dtype: [1] * len(shape) argument 727 partitioner = lambda shape, dtype: [1] * len(shape) argument 798 partitioner = lambda shape, dtype: [1] * len(shape) argument 870 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument 996 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument 1056 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument [all …]
|
D | slot_creator.py | 51 def _create_slot_var(primary, val, scope, validate_shape, shape, dtype): argument 131 def create_slot_with_initializer(primary, initializer, shape, dtype, name, argument 170 def create_zeros_slot(primary, name, dtype=None, colocate_with_primary=True): argument
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | initializers.py | 31 def xavier_initializer(uniform=True, seed=None, dtype=dtypes.float32): argument 63 seed=None, dtype=dtypes.float32): argument 117 def _initializer(shape, dtype=dtype, partition_info=None): argument
|
/external/tensorflow/tensorflow/python/ops/signal/ |
D | window_ops.py | 34 def hann_window(window_length, periodic=True, dtype=dtypes.float32, name=None): argument 59 def hamming_window(window_length, periodic=True, dtype=dtypes.float32, argument 85 dtype, a, b): argument
|
/external/tensorflow/tensorflow/core/util/ |
D | example_proto_helper.cc | 30 Status CheckValidType(const DataType& dtype) { in CheckValidType() 42 Status CheckTypesMatch(const Feature& feature, const DataType& dtype, in CheckTypesMatch() 62 const string& key, const DataType& dtype, in FeatureDenseCopy() 117 const DataType& dtype, const Feature& feature) { in FeatureSparseCopy() 154 const DataType& dtype = in.dtype(); in CopyIntoSparseTensor() local 189 void RowDenseCopy(const std::size_t& out_index, const DataType& dtype, in RowDenseCopy() 228 const DataType& dtype = feature_config.dtype; in SingleExampleProtoToTensors() local 270 const DataType& dtype = feature_config.dtype; in SingleExampleProtoToTensors() local 348 const DataType& dtype = config.dtype; in BatchExampleProtoToTensors() local 371 const DataType& dtype = feature_config.dtype; in BatchExampleProtoToTensors() local
|