/external/tensorflow/tensorflow/python/kernel_tests/ |
D | substr_op_test.py | 30 def _testScalarString(self, dtype): argument 52 def _testVectorStrings(self, dtype): argument 63 def _testMatrixStrings(self, dtype): argument 77 def _testElementWisePosLen(self, dtype): argument 91 def _testBroadcast(self, dtype): argument 127 def _testBadBroadcast(self, dtype): argument 138 def _testOutOfRangeError(self, dtype): argument 185 def _testMismatchPosLenShapes(self, dtype): argument 201 def _testAll(self, dtype): argument
|
D | sets_test.py | 40 def _values(values, dtype): argument 46 def _constant(values, dtype): argument 50 def _dense_to_sparse(dense, dtype): argument 77 def _test_set_size_2d(self, dtype): argument 90 def _test_set_size_duplicates_2d(self, dtype): argument 107 def _test_set_size_3d(self, dtype, invalid_indices=False): argument 170 def _test_set_intersection_multirow_2d(self, dtype): argument 206 def _test_dense_set_intersection_multirow_2d(self, dtype): argument 230 def _test_set_intersection_duplicates_2d(self, dtype): argument 281 def _test_set_intersection_3d(self, dtype, invalid_indices=False): argument [all …]
|
D | split_op_test.py | 39 def _makeData(self, shape, dtype): argument 125 def _RunAndVerifyVariable(self, dtype, large_num_splits=False): argument 156 def _testHugeNumberOfTensorsVariable(self, dtype): argument 177 def _testGradientsSimpleVariable(self, dtype): argument 262 def _RunAndVerify(self, dtype, large_num_splits=False): argument 293 def _testGradientsSimple(self, dtype): argument
|
D | confusion_matrix_test.py | 59 def _testBasic(self, dtype): argument 123 def _testDifferentLabelsInPredictionAndTarget(self, dtype): argument 139 def testInt32DifferentLabels(self, dtype=np.int32): argument 142 def testInt64DifferentLabels(self, dtype=np.int64): argument 145 def _testMultipleLabels(self, dtype): argument 161 def testInt32MultipleLabels(self, dtype=np.int32): argument 164 def testInt64MultipleLabels(self, dtype=np.int64): 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 | 99 def _rand(self, shape, dtype): argument 106 def _testNonEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument 123 def _testEmpty(self, dtype, adjoint_a, adjoint_b, use_static_shape): argument 136 def _GetBatchMatmulOpTest(dtype, adjoint_a, adjoint_b, use_static_shape): argument 176 def _compare(self, b, n, k, m, dtype, adjoint_a, adjoint_b): argument 189 def _GetBatchMatmulGradientTest(dtype, adjoint_a, adjoint_b): argument
|
/external/tensorflow/tensorflow/python/ops/ |
D | init_ops.py | 55 def __call__(self, shape, dtype=None, partition_info=None): argument 93 def __init__(self, dtype=dtypes.float32): argument 96 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 201 def __init__(self, value=0, dtype=dtypes.float32, verify_shape=False): argument 211 def __call__(self, shape, dtype=None, partition_info=None, verify_shape=None): argument 243 def __init__(self, minval=0, maxval=None, seed=None, dtype=dtypes.float32): argument 249 def __call__(self, shape, dtype=None, partition_info=None): argument 280 def __init__(self, mean=0.0, stddev=1.0, seed=None, dtype=dtypes.float32): argument [all …]
|
D | random_ops.py | 51 dtype=dtypes.float32, argument 92 dtype=dtypes.float32, argument 144 dtype=dtypes.float32, argument 189 dtype=dtypes.float32, argument 365 dtype=dtypes.float32, argument 430 def random_poisson(lam, shape, dtype=dtypes.float32, seed=None, name=None): argument
|
D | histogram_ops.py | 42 dtype=dtypes.int32, argument 108 dtype=dtypes.int32, argument
|
D | matmul_benchmark_test.py | 32 def BuildGraphTest(n, m, k, transpose_a, transpose_b, dtype): argument 46 def RunGraphTest(n, m, k, transpose_a, transpose_b, dtype): argument 71 def _VerifyBuildGraph(self, n, m, k, transpose_a, transpose_b, dtype): argument 104 def _VerifyRunGraph(self, n, m, k, transpose_a, transpose_b, dtype): argument
|
D | partitioned_variables.py | 111 def _partitioner(shape, dtype): argument 180 def _partitioner(shape, dtype): argument 241 shape, slicing, initializer, dtype=dtypes.float32, 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_zero(self, dtype, random, use_gpu): argument 100 def _test_sparsemax_of_inf(self, dtype, random, use_gpu): argument 120 def _test_constant_add(self, dtype, random, use_gpu): argument 132 def _test_permutation(self, dtype, random, use_gpu): argument 148 def _test_diffrence(self, dtype, random, use_gpu): argument 167 def _test_two_dimentional(self, dtype, random, use_gpu): argument 180 def _test_gradient_against_estimate(self, dtype, random, use_gpu): argument 193 def _test_gradient_against_numpy(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_constant_add(self, dtype, random, use_gpu): argument 131 def _test_sparsemax_loss_positive(self, dtype, random, use_gpu): argument 142 def _test_sparsemax_loss_zero(self, dtype, random, use_gpu): argument 161 def _test_gradient_against_estimate(self, dtype, random, use_gpu): argument 177 def _test_gradient_against_numpy(self, dtype, random, use_gpu): argument 196 def _test_dtype(self, dtype): argument
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | ftrl_test.py | 35 def initVariableAndGradient(self, dtype): argument 43 def equivAdagradTest_FtrlPart(self, steps, dtype): argument 63 def equivAdagradTest_AdagradPart(self, steps, dtype): argument 78 def equivGradientDescentTest_FtrlPart(self, steps, dtype): argument 98 def equivGradientDescentTest_GradientDescentPart(self, steps, dtype): argument
|
D | random_ops_test.py | 35 def _testRngIsNotConstant(self, rng, dtype): argument 54 def rng(dtype): argument 62 def rng(dtype): argument
|
/external/tensorflow/tensorflow/python/estimator/ |
D | warm_starting_util_test.py | 318 partitioner = lambda shape, dtype: [1] * len(shape) argument 349 partitioner = lambda shape, dtype: [1] * len(shape) argument 384 partitioner = lambda shape, dtype: [1] * len(shape) argument 421 partitioner = lambda shape, dtype: [1] * len(shape) argument 467 partitioner = lambda shape, dtype: [1] * len(shape) argument 511 partitioner = lambda shape, dtype: [1] * len(shape) argument 583 partitioner = lambda shape, dtype: [1] * len(shape) argument 656 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument 784 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument 845 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument [all …]
|
/external/tensorflow/tensorflow/python/framework/ |
D | constant_op.py | 89 def convert_to_eager_tensor(value, ctx, dtype=None): argument 135 def constant(value, dtype=None, shape=None, name="Const", verify_shape=False): argument 232 def _constant_tensor_conversion_function(v, dtype=None, name=None, argument 249 dtype=None, argument 282 dtype=None, 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/contrib/signal/python/ops/ |
D | window_ops.py | 32 def hann_window(window_length, periodic=True, dtype=dtypes.float32, name=None): argument 56 def hamming_window(window_length, periodic=True, dtype=dtypes.float32, argument 82 dtype, a, b): argument
|
/external/tensorflow/tensorflow/contrib/bayesflow/python/kernel_tests/ |
D | variable_utils_test.py | 123 dtype = np.float16 variable in WrapCallableTest16 127 dtype = np.float32 variable in WrapCallableTest32 131 dtype = np.float64 variable in WrapCallableTest64
|
/external/tensorflow/tensorflow/python/training/ |
D | slot_creator.py | 51 def _create_slot_var(primary, val, scope, validate_shape, shape, dtype): argument 118 def create_slot_with_initializer(primary, initializer, shape, dtype, name, argument 153 def create_zeros_slot(primary, name, dtype=None, colocate_with_primary=True): 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
|
/external/tensorflow/tensorflow/contrib/labeled_tensor/python/ops/ |
D | io_ops.py | 43 def __init__(self, axes, dtype, default_value=None): argument 53 def dtype(self): member in FixedLenFeature 155 def placeholder(dtype, axes, name=None): argument
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | unary_ops.cc | 126 DataType dtype, in Round() 150 DataType dtype, in Sigmoid() 164 xla::ComputationBuilder* b, DataType dtype, in Softplus()
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | special_math_test.py | 55 def _make_grid(dtype, grid_spec): argument 109 def _baseNdtriFiniteGradientTest(self, dtype): argument 140 def _test_grid(self, dtype, grid_spec, error_spec): argument 146 def _test_grid_log(self, dtype, grid_spec, error_spec): argument 173 def _test_grid_no_log(self, dtype, grid_spec, error_spec): argument 256 def _test_grad_finite(self, dtype): argument 266 def _test_grad_accuracy(self, dtype, grid_spec, error_spec): argument 380 def _test_grid_log(self, dtype, scipy_dtype, grid_spec, error_spec): argument
|