/external/tensorflow/tensorflow/python/kernel_tests/ |
D | one_hot_op_test.py | 59 off_value = np.asarray(-1.0, dtype=dtype) 71 off_value=off_value, 80 off_value=off_value, 129 off_value = np.asarray(-1.0, dtype=dtype) 142 off_value=off_value, 151 off_value=off_value, 181 off_value = np.asarray(-1.0, dtype=dtype) 193 off_value=off_value, 202 off_value=off_value, 212 off_value = np.asarray(-1.0, dtype=dtype) [all …]
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | one_hot.cc | 40 off_value = GetInput(context, node, kOffValueTensor); in OneHotContext() 54 const TfLiteTensor* off_value; member 74 const T off_value = *GetTensorData<T>(op_context.off_value); in OneHotComputeImpl() local 89 : off_value; in OneHotComputeImpl() 146 TF_LITE_ENSURE_EQ(context, NumElements(op_context.off_value), 1); in Prepare() 148 TF_LITE_ENSURE_EQ(context, op_context.off_value->type, op_context.dtype); in Prepare()
|
D | one_hot_test.cc | 34 T off_value = 0, TensorType indices_type = TensorType_INT32) { in OneHotOpModel() argument 46 PopulateTensor<T>(off, {off_value}); in OneHotOpModel()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | one_hot_op.h | 42 const typename TTypes<T>::ConstScalar& off_value) in OneGenerator() argument 43 : indices_(indices), on_value_(on_value), off_value_(off_value) {} in OneGenerator() 67 const typename TTypes<T>::ConstScalar& off_value, in Compute() 69 generator::OneGenerator<T, TI> generator(indices, on_value, off_value); in Compute() 79 const typename TTypes<T>::ConstScalar& off_value, 82 output->device(d) = output->constant(off_value());
|
D | one_hot_op.cc | 55 const Tensor& off_value = ctx->input(3); in Compute() local 72 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(off_value.shape()), in Compute() 74 off_value.shape().DebugString())); in Compute() 94 auto off_value_t = off_value.scalar<T>(); in Compute() 154 const typename TTypes<T>::ConstScalar& off_value, \
|
D | one_hot_op_test.cc | 44 Tensor off_value(DT_FLOAT, TensorShape({})); in OneHot() local 45 off_value.scalar<float>()() = 0.0f; in OneHot() 52 test::graph::Constant(g, off_value), in OneHot()
|
/external/tensorflow/tensorflow/lite/testing/op_tests/ |
D | one_hot.py | 52 off_value = tf.compat.v1.placeholder( 58 off_value=off_value, 61 return [indices, depth, on_value, off_value], [out]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_OneHot.pbtxt | 22 name: "off_value" 42 while all other locations take value `off_value`. 73 off_value = 0.0 91 off_value = 3.0 113 off_value = 0.0
|
/external/tensorflow/tensorflow/compiler/tf2xla/ |
D | xla_helpers.cc | 87 const xla::XlaOp& off_value, xla::XlaOp* one_hot) { in OneHot() argument 104 xla::Broadcast(off_value, output_shape.dim_sizes())); in OneHot()
|
D | xla_helpers.h | 64 const xla::XlaOp& off_value, xla::XlaOp* one_hot);
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | OneHot.pbtxt | 16 name: "off_value"
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_array_ops.py | 527 off_value=None, argument 540 array_ops.one_hot(indices.flat_values, depth, on_value, off_value, axis,
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | nary_ops_test.py | 133 on_value=np.float32(7), off_value=np.float32(3)) 142 on_value=np.int32(2), off_value=np.int32(1),
|
/external/tensorflow/tensorflow/python/ops/ |
D | ctc_ops.py | 530 off_value=log_0, 571 off_value=math_ops.log(0.0)) 1184 off_value=math_ops.log(0.0),
|
D | array_ops.py | 3803 off_value=None, argument 3914 [indices, depth, on_value, off_value, axis, dtype]) as name: 3916 off_exists = off_value is not None 3921 ops.convert_to_tensor(off_value).dtype.base_dtype 3946 off_value = ops.convert_to_tensor(0, dtype, name="off_value") 3953 return gen_array_ops.one_hot(indices, depth, on_value, off_value, axis,
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
D | tf-ops.mlir | 1598 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<f32>, %off_value: … 1599 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,… 1605 func @testOneHot(%indices: tensor<3xi32>, %on_value: tensor<f32>, %off_value: tensor<f32>) -> tenso… 1608 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,… 1614 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<2xi32>, %on_value: tensor<f32>, %off_value… 1616 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,… 1622 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<2xf32>, %off_value… 1624 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,… 1630 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<f32>, %off_value: … 1631 // expected-error @+1 {{requires off_value to be a scalar}} [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
D | legalize_patterns.td | 142 def : Pat<(TF_OneHotOp $indices, $depth, $on_value, $off_value, $axis), 143 (TFL_OneHotOp $indices, $depth, $on_value, $off_value,
|
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/ |
D | categorical_encoding.py | 220 inputs, depth=out_depth, on_value=True, off_value=False)
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/ |
D | tf_ops.cc | 1405 if (!IsOfRankOrUnranked(op.off_value(), 0)) { in Verify() 1423 Value off_value, IntegerAttr axis) { in InferOneHotOpType() argument 1445 Value depth, Value on_value, Value off_value, in build() argument 1448 InferOneHotOpType(indices, depth, on_value, off_value, axis), indices, in build() 1449 depth, on_value, off_value, axis); in build()
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | array_test.py | 154 return (array_ops.one_hot(indices_i, depth=4, on_value=2., off_value=-2.),
|
D | pfor.py | 1962 off_value = pfor_input.unstacked_input(3) 1967 array_ops.one_hot(indices, depth, on_value, off_value, axis), True)
|
/external/tensorflow/tensorflow/python/feature_column/ |
D | feature_column.py | 2413 off_value=0.) 3128 off_value=0.0)
|
D | feature_column_v2.py | 3012 off_value=0.) 4381 dense_id_tensor, depth=size, on_value=1.0, off_value=0.0)
|
/external/tensorflow/tensorflow/compiler/mlir/xla/transforms/ |
D | legalize_tf.cc | 2814 Value off_value = rewriter.create<BroadcastOp>( in matchAndRewrite() local 2815 loc, op.getType(), op.off_value(), in matchAndRewrite() 2818 on_value, off_value); in matchAndRewrite()
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.pbtxt | 841 …argspec: "args=[\'indices\', \'depth\', \'on_value\', \'off_value\', \'axis\', \'dtype\', \'name\'…
|