Home
last modified time | relevance | path

Searched refs:off_value (Results 1 – 25 of 38) sorted by relevance

12

/external/tensorflow/tensorflow/python/kernel_tests/
Done_hot_op_test.py62 off_value = np.asarray(-1.0, dtype=dtype)
74 off_value=off_value,
83 off_value=off_value,
135 off_value = np.asarray(-1.0, dtype=dtype)
148 off_value=off_value,
157 off_value=off_value,
187 off_value = np.asarray(-1.0, dtype=dtype)
199 off_value=off_value,
208 off_value=off_value,
218 off_value = np.asarray(-1.0, dtype=dtype)
[all …]
/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_one_hot_op_test.py58 off_value=4,
89 off_value=None, argument
100 off_value=off_value,
122 off_value=None, argument
135 off_value=off_value,
149 dict(indices_shape=[5, 2, 7], depth=3, on_value=True, off_value=False),
156 off_value=None, argument
179 off_value=off_value,
191 off_value=off_value,
Dragged_array_ops.py520 off_value=None, argument
534 [indices, depth, on_value, off_value, axis]):
538 array_ops.one_hot(indices.flat_values, depth, on_value, off_value, axis,
/external/tensorflow/tensorflow/lite/kernels/
Done_hot.cc42 off_value = GetInput(context, node, kOffValueTensor); in OneHotContext()
56 const TfLiteTensor* off_value; member
76 const T off_value = *GetTensorData<T>(op_context.off_value); in OneHotComputeImpl() local
91 : off_value; in OneHotComputeImpl()
150 TF_LITE_ENSURE_EQ(context, NumElements(op_context.off_value), 1); in Prepare()
152 TF_LITE_ENSURE_TYPES_EQ(context, op_context.off_value->type, in Prepare()
Done_hot_test.cc37 T off_value = 0, TensorType indices_type = TensorType_INT32) { in OneHotOpModel() argument
49 PopulateTensor<T>(off, {off_value}); in OneHotOpModel()
/external/tensorflow/tensorflow/core/kernels/
Done_hot_op.h42 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());
Done_hot_op.cc55 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, \
Done_hot_op_test.cc44 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/
Done_hot.py52 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/
Dapi_def_OneHot.pbtxt22 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/core/ops/compat/ops_history_v1/
DOneHot.pbtxt16 name: "off_value"
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/
DOneHot.pbtxt16 name: "off_value"
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/pad/
Dops_defs.py56 indices=i, depth=len(shape), on_value=True, off_value=False, axis=-1)
106 indices=i, depth=len(shape), on_value=True, off_value=False, axis=-1)
/external/tensorflow/tensorflow/compiler/tf2xla/
Dxla_helpers.cc85 const xla::XlaOp& off_value, xla::XlaOp* one_hot) { in OneHot() argument
102 xla::Broadcast(off_value, output_shape.dim_sizes())); in OneHot()
Dxla_helpers.h65 const xla::XlaOp& off_value, xla::XlaOp* one_hot);
/external/tensorflow/tensorflow/compiler/tests/
Dnary_ops_test.py133 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/
Darray_ops.py4181 off_value=None, argument
4294 [indices, depth, on_value, off_value, axis, dtype]) as name:
4296 off_exists = off_value is not None
4301 off_value = ops.convert_to_tensor(off_value, dtype_hint=dtype)
4304 off_dtype = off_value.dtype.base_dtype if off_exists else None
4328 off_value = ops.convert_to_tensor(0, dtype, name="off_value")
4335 return gen_array_ops.one_hot(indices, depth, on_value, off_value, axis,
Dctc_ops.py535 off_value=log_0,
576 off_value=math_ops.log(0.0))
1221 off_value=math_ops.log(0.0),
/external/tensorflow/tensorflow/compiler/mlir/tfr/python/
Dtfr_gen_test.py95 indices=[0, 2, -1, x1], depth=y1, on_value=True, off_value=False)
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/
Dlegalize_patterns.td180 (TF_OneHotOp $indices, $depth, $on_value, $off_value, $axis),
181 (TFL_OneHotOp $indices, $depth, $on_value, $off_value,
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/
Dtf_ops_n_z.cc129 if (!IsOfRankOrUnranked(op.off_value(), 0)) { in Verify()
147 Value off_value, IntegerAttr axis) { in InferOneHotOpType() argument
169 Value depth, Value on_value, Value off_value, in build() argument
172 InferOneHotOpType(indices, depth, on_value, off_value, axis), indices, in build()
173 depth, on_value, off_value, axis); in build()
/external/tensorflow/tensorflow/python/ops/parallel_for/
Darray_test.py173 return (array_ops.one_hot(indices_i, depth=4, on_value=2., off_value=-2.),
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/
Dtf-ops.mlir2877 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<f32>, %off_value: …
2878 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,…
2884 func @testOneHot(%indices: tensor<3xi32>, %on_value: tensor<f32>, %off_value: tensor<f32>) -> tenso…
2887 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,…
2893 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<2xi32>, %on_value: tensor<f32>, %off_value
2895 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,…
2901 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<2xf32>, %off_value
2903 …%result = "tf.OneHot"(%indices, %depth, %on_value, %off_value) {axis = -1 : i64} : (tensor<3xi32>,…
2909 func @testOneHot(%indices: tensor<3xi32>, %depth: tensor<i32>, %on_value: tensor<f32>, %off_value: …
2910 // expected-error @+1 {{requires off_value to be a scalar}}
[all …]
/external/tensorflow/tensorflow/python/feature_column/
Dfeature_column.py2438 off_value=0.)
3153 off_value=0.0)
Dfeature_column_v2.py2725 off_value=0.)
4108 dense_id_tensor, depth=size, on_value=1.0, off_value=0.0)

12