Home
last modified time | relevance | path

Searched refs:dtype_ (Results 1 – 25 of 60) sorted by relevance

123

/external/tensorflow/tensorflow/core/kernels/
Dscoped_allocator_ops.cc31 OP_REQUIRES_OK(context, context->GetAttr("T", &dtype_)); in ScopedAllocatorOp()
41 ScopedAllocatorMgr::PopulateFields(id_, shapes_, dtype_, &fields_); in ScopedAllocatorOp()
43 num_elements_ = num_bytes / DataTypeSize(dtype_); in ScopedAllocatorOp()
44 OP_REQUIRES(context, num_bytes % DataTypeSize(dtype_) == 0, in ScopedAllocatorOp()
47 " must be divisible by size of datatype ", dtype_)); in ScopedAllocatorOp()
76 DataType dtype_; member in tensorflow::ScopedAllocatorOp
96 OP_REQUIRES_OK(context, context->GetAttr("T", &dtype_)); in ScopedAllocatorConcatOp()
107 OP_REQUIRES(context, backing_tensor.dtype() == dtype_, in Compute()
111 DataTypeString(dtype_))); in Compute()
119 Tensor output(dtype_); in Compute()
[all …]
Dmatmul_op.h72 dtype_(dtype), in MatmulParameters()
96 dtype_, ", ", device_id_); in ToString()
105 return std::make_tuple(transa_, transb_, m_, n_, k_, dtype_, device_id_); in get_data_as_tuple()
113 DataType dtype_; variable
Ddeserialize_sparse_string_op.cc46 OP_REQUIRES_OK(context, context->GetAttr("dtype", &dtype_)); in DeserializeSparseOp()
86 serialized_sparse_t(2), dtype_, 0 /* index */, in Compute()
109 serialized_sparse_t(i, 2), dtype_, i, &output_indices, in Compute()
181 switch (dtype_) { in Compute()
188 "DeserializeSparse Unhandled data type: ", dtype_)); in Compute()
281 DataType dtype_; member in tensorflow::__anon5184465f0111::DeserializeSparseOp
Ddeserialize_sparse_variant_op.cc32 OP_REQUIRES_OK(context, context->GetAttr("dtype", &dtype_)); in DeserializeSparseOp()
263 switch (dtype_) { in Compute()
270 "DeserializeSparse Unhandled data type: ", dtype_)); in Compute()
345 if (dtype_ != (*output_values)->dtype()) { in GetAndValidateSparseTensorIndicesAndValues()
347 "Requested SparseTensor of type ", DataTypeString(dtype_), in GetAndValidateSparseTensorIndicesAndValues()
362 DataType dtype_; member in tensorflow::__anon84dafedd0111::DeserializeSparseOp
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dtraining_ops.cc76 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in ResourceApplyProximalGradientDescent()
82 OP_REQUIRES_OK(ctx, ctx->ReadVariableInput(0, dtype_, &var_shape, &var)); in Compile()
107 OP_REQUIRES_OK(ctx, ctx->AssignVariable(0, dtype_, var)); in Compile()
111 DataType dtype_; member in tensorflow::__anon5d72be6c0111::ResourceApplyProximalGradientDescent
277 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in ResourceApplyProximalAdagrad()
283 OP_REQUIRES_OK(ctx, ctx->ReadVariableInput(0, dtype_, &var_shape, &var)); in Compile()
285 ctx->ReadVariableInput(1, dtype_, &accum_shape, &accum)); in Compile()
318 OP_REQUIRES_OK(ctx, ctx->AssignVariable(0, dtype_, var)); in Compile()
319 OP_REQUIRES_OK(ctx, ctx->AssignVariable(1, dtype_, accum)); in Compile()
323 DataType dtype_; member in tensorflow::__anon5d72be6c0111::ResourceApplyProximalAdagrad
[all …]
Dstateless_random_ops.cc72 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatelessRandomUniformOp()
90 xla_shape, dtype_, seed, xla::ConstantR0<float>(builder, 0.0), in Compile()
92 uniform = MaybeConvertF32ToBF16(uniform, dtype_); in Compile()
97 DataType dtype_; member in tensorflow::__anon4e4710680111::StatelessRandomUniformOp
113 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatelessRandomUniformIntOp()
138 OP_REQUIRES_OK(ctx, TensorShapeToXLAShape(dtype_, shape, &xla_shape)); in Compile()
140 StatelessRandomUniformImpl(xla_shape, dtype_, seed, minval, maxval); in Compile()
145 DataType dtype_; member in tensorflow::__anon4e4710680111::StatelessRandomUniformIntOp
161 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatelessRandomNormalOp()
177 xla_shape, dtype_, seed, in Compile()
[all …]
Dtensor_array_ops.cc137 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in TensorArrayOp()
165 xla::XlaOp zero = XlaHelpers::Zero(b, dtype_); in Compile()
171 /*name=*/absl::StrCat("TensorArray: ", tensor_array_name_), dtype_, in Compile()
182 DataType dtype_; member in tensorflow::__anon81dc30090111::TensorArrayOp
194 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in TensorArrayWriteOp()
207 MaybeInitializeTensorArray(b, resource, dtype_, elem_shape)); in Compile()
226 start_indices, dtype_); in Compile()
238 DataType dtype_; member in tensorflow::__anon81dc30090111::TensorArrayWriteOp
248 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in TensorArrayReadOp()
258 CheckTensorArrayIsInitialized(name(), resource, dtype_)); in Compile()
[all …]
Dtensor_list_ops.cc101 OP_REQUIRES_OK(ctx, ctx->GetAttr("element_dtype", &dtype_)); in TensorListReserveOp()
109 OP_REQUIRES_OK(ctx, CreateZerosList(ctx, 0, num_elements, dtype_, &buffer)); in Compile()
120 DataType dtype_; member in tensorflow::__anonb598bda60111::TensorListReserveOp
133 OP_REQUIRES_OK(ctx, ctx->GetAttr("element_dtype", &dtype_)); in EmptyTensorListOp()
146 CreateZerosList(ctx, 0, max_num_elements, dtype_, &buffer)); in Compile()
156 DataType dtype_; member in tensorflow::__anonb598bda60111::EmptyTensorListOp
209 OP_REQUIRES_OK(ctx, ctx->GetAttr("element_dtype", &dtype_)); in TensorListGetItemOp()
238 DataType dtype_; member in tensorflow::__anonb598bda60111::TensorListGetItemOp
248 OP_REQUIRES_OK(ctx, ctx->GetAttr("element_dtype", &dtype_)); in TensorListStackOp()
258 DataType dtype_; member in tensorflow::__anonb598bda60111::TensorListStackOp
[all …]
Dretval_op.cc33 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in RetvalOp()
42 if (dtype_ != DT_VARIANT) { in Compile()
43 OP_REQUIRES(ctx, input.dtype() == dtype_, in Compile()
46 " vs. expect ", DataTypeString(dtype_))); in Compile()
61 DataType dtype_; member in tensorflow::__anon00382dab0111::RetvalOp
Dstack_ops.cc94 OP_REQUIRES_OK(ctx, ctx->GetAttr("elem_type", &dtype_)); in StackOp()
112 /*name=*/absl::StrCat("Stack: ", stack_name_), dtype_, max_size)); in Compile()
117 DataType dtype_; member in tensorflow::__anon86d884060111::StackOp
130 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in StackPushOp()
141 OP_REQUIRES_OK(ctx, MaybeInitializeStack(b, resource, dtype_, elem_shape)); in Compile()
167 DataType dtype_; member in tensorflow::__anon86d884060111::StackPushOp
177 OP_REQUIRES_OK(ctx, ctx->GetAttr("elem_type", &dtype_)); in StackPopOp()
221 DataType dtype_; member in tensorflow::__anon86d884060111::StackPopOp
Darg_op.cc33 OP_REQUIRES_OK(ctx, ctx->GetAttr("T", &dtype_)); in XlaArgOp()
44 OP_REQUIRES(ctx, val.dtype() == dtype_, in Compile()
47 " vs. expect ", DataTypeString(dtype_))); in Compile()
65 DataType dtype_; member in tensorflow::XlaArgOp
Dempty_op.cc34 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in EmptyOp()
35 OP_REQUIRES_OK(ctx, DataTypeToPrimitiveType(dtype_, &type_)); in EmptyOp()
58 DataType dtype_; member in tensorflow::__anond2312fac0111::EmptyOp
Dstateful_random_ops.cc250 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatefulStandardNormalOp()
272 normal = MaybeConvertF32ToBF16(normal, dtype_); in Compile()
281 DataType dtype_; member in tensorflow::__anone3ec46780111::StatefulStandardNormalOp
297 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatefulUniformIntOp()
307 TF_RETURN_IF_ERROR(TensorShapeToXLAShape(dtype_, shape, &xla_shape)); in Compile()
316 DataType dtype_; member in tensorflow::__anone3ec46780111::StatefulUniformIntOp
332 OP_REQUIRES_OK(ctx, ctx->GetAttr("dtype", &dtype_)); in StatefulUniformFullIntOp()
340 TF_RETURN_IF_ERROR(TensorShapeToXLAShape(dtype_, shape, &xla_shape)); in Compile()
349 DataType dtype_; member in tensorflow::__anone3ec46780111::StatefulUniformFullIntOp
/external/tensorflow/tensorflow/python/kernel_tests/
Dsvd_op_test.py87 def _GetSvdOpTest(dtype_, shape_, use_static_shape_, compute_uv_, argument
115 diag_s = math_ops.cast(array_ops.matrix_diag(s), dtype=dtype_)
118 zeros = array_ops.zeros(batch_shape + (m - n, n), dtype=dtype_)
121 zeros = array_ops.zeros(batch_shape + (m, n - m), dtype=dtype_)
135 is_complex = dtype_ in (np.complex64, np.complex128)
136 is_single = dtype_ in (np.float32, np.complex64)
143 low=-1.0, high=1.0, size=np.prod(shape_)).reshape(shape_).astype(dtype_)
147 size=np.prod(shape_)).reshape(shape_).astype(dtype_)
153 x_tf = array_ops.placeholder(dtype_)
221 def _GetSvdGradOpTest(dtype_, shape_, compute_uv_, full_matrices_): argument
[all …]
Dqr_op_test.py74 def _GetQrOpTest(dtype_, shape_, full_matrices_, use_static_shape_): argument
76 is_complex = dtype_ in (np.complex64, np.complex128)
77 is_single = dtype_ in (np.float32, np.complex64)
123 low=-1.0, high=1.0, size=np.prod(shape_)).reshape(shape_).astype(dtype_)
127 size=np.prod(shape_)).reshape(shape_).astype(dtype_)
133 x_tf = array_ops.placeholder(dtype_)
142 np_q = np.ndarray(q_dims, dtype_)
166 def _GetQrGradOpTest(dtype_, shape_, full_matrices_): argument
171 a = np.random.uniform(low=-1.0, high=1.0, size=shape_).astype(dtype_)
172 if dtype_ in [np.complex64, np.complex128]:
[all …]
Dtensordot_op_test.py138 def _get_tensordot_tests(dtype_, rank_a_, rank_b_, num_dims_, dynamic_shape_): argument
156 size=np.prod(a_shape)).reshape(a_shape).astype(dtype_)
159 size=np.prod(b_shape)).reshape(b_shape).astype(dtype_)
164 if dtype_ == np.float16:
166 elif dtype_ == np.float32 or dtype_ == np.complex64:
175 a = array_ops.placeholder(dtype_)
176 b = array_ops.placeholder(dtype_)
193 if dtype_ == np.float16:
195 elif dtype_ == np.float32 or dtype_ == np.complex64:
201 low=-1.0, high=1.0, size=np.prod(shape)).reshape(shape).astype(dtype_)
[all …]
Dlinalg_grad_test.py62 def _GetMatrixUnaryFunctorGradientTest(functor_, dtype_, shape_, **kwargs_): argument
70 size=np.prod(shape_)).reshape(shape_).astype(dtype_)
79 epsilon = np.finfo(dtype_).eps
83 tol = 1e-6 if dtype_ == np.float64 else 0.05
102 dtype_, argument
117 size=np.prod(shape_)).reshape(shape_).astype(dtype_)
122 size=np.prod(shape_)).reshape(shape_).astype(dtype_)
127 epsilon = np.finfo(dtype_).eps
131 tol = 1e-6 if dtype_ == np.float64 else float32_tol_fudge * 0.05
Dself_adjoint_eig_op_test.py122 def _GetSelfAdjointEigTest(dtype_, shape_, compute_v_): argument
145 np_dtype = dtype_.as_numpy_dtype
148 if dtype_.is_complex:
153 if dtype_ in (dtypes_lib.float32, dtypes_lib.complex64):
184 def _GetSelfAdjointEigGradTest(dtype_, shape_, compute_v_): argument
190 np_dtype = dtype_.as_numpy_dtype
195 if dtype_.is_complex:
209 if dtype_ in (dtypes_lib.float32, dtypes_lib.complex64):
219 if dtype_.is_complex:
Dmatrix_exponential_op_test.py247 for dtype_ in [np.float32, np.float64, np.complex64, np.complex128]:
250 name = "%s_%d_%d" % (dtype_.__name__, len(batch_), size_)
252 _TestRandomSmall(dtype_, batch_, size_))
255 for dtype_ in [np.float32, np.complex64]:
257 name = "%s_%d_%d" % (dtype_.__name__, len(shape_), int(scale_*10))
259 _TestL1Norms(dtype_, shape_, scale_))
260 for dtype_ in [np.float64, np.complex128]:
262 name = "%s_%d_%d" % (dtype_.__name__, len(shape_), int(scale_*100))
264 _TestL1Norms(dtype_, shape_, scale_))
Dnorm_op_test.py67 def _GetNormOpTest(dtype_, shape_, ord_, axis_, keep_dims_, use_static_shape_): argument
78 tf_matrix = array_ops.placeholder(dtype_)
94 matrix = np.random.randn(*shape_).astype(dtype_)
95 if dtype_ in (np.complex64, np.complex128):
96 matrix += 1j * np.random.randn(*shape_).astype(dtype_)
/external/tensorflow/tensorflow/compiler/jit/
Dxla_device_ops.cc34 OP_REQUIRES_OK(c, c->GetAttr("dtype", &dtype_)); in XlaAssignVariableOp()
38 OP_REQUIRES(context, dtype_ == context->input(1).dtype(), in Compute()
41 DataTypeString(dtype_), " and ", in Compute()
56 *ptr = new Var(dtype_); in Compute()
63 OP_REQUIRES(context, variable->tensor()->dtype() == dtype_, in Compute()
67 DataTypeString(dtype_))); in Compute()
/external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/
Dlinear_equations_test.py41 def _get_linear_equations_tests(dtype_, use_static_shape_, shape_): argument
46 low=-1.0, high=1.0, size=np.prod(shape_)).reshape(shape_).astype(dtype_)
54 low=-1.0, high=1.0, size=shape_[0]).astype(dtype_)
56 tol = 1e-6 if dtype_ == np.float64 else 1e-3
65 a = array_ops.placeholder(dtype_)
66 rhs = array_ops.placeholder(dtype_)
67 x = array_ops.placeholder(dtype_)
68 jacobi = array_ops.placeholder(dtype_)
Dleast_squares_test.py41 def _get_least_squares_tests(dtype_, use_static_shape_, shape_): argument
46 low=-1.0, high=1.0, size=np.prod(shape_)).reshape(shape_).astype(dtype_)
48 low=-1.0, high=1.0, size=shape_[0]).astype(dtype_)
49 tol = 1e-12 if dtype_ == np.float64 else 1e-6
56 a = array_ops.placeholder(dtype_)
57 rhs = array_ops.placeholder(dtype_)
Dlanczos_test.py42 def _get_lanczos_tests(dtype_, use_static_shape_, shape_, orthogonalize_, argument
48 low=-1.0, high=1.0, size=np.prod(shape_)).reshape(shape_).astype(dtype_)
49 tol = 1e-12 if dtype_ == np.float64 else 1e-5
55 a = array_ops.placeholder(dtype_)
/external/tensorflow/tensorflow/compiler/tf2xla/
Dxla_expression.cc36 e.dtype_ = value.dtype(); in Constant()
44 e.dtype_ = dtype; in XlaOp()
52 e.dtype_ = DT_VARIANT; in TensorList()
60 e.dtype_ = DT_RESOURCE; in Resource()

123