Home
last modified time | relevance | path

Searched refs:on_value (Results 1 – 25 of 39) sorted by relevance

12

/external/tensorflow/tensorflow/python/kernel_tests/
Done_hot_op_test.py61 on_value = np.asarray(1.0, dtype=dtype)
73 on_value=on_value,
82 on_value=on_value,
134 on_value = np.asarray(1.0, dtype=dtype)
147 on_value=on_value,
156 on_value=on_value,
186 on_value = np.asarray(1.0, dtype=dtype)
198 on_value=on_value,
207 on_value=on_value,
217 on_value = np.asarray(1.0, dtype=dtype)
[all …]
/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_one_hot_op_test.py57 on_value=8,
88 on_value=None, argument
99 on_value=on_value,
121 on_value=None, argument
134 on_value=on_value,
149 dict(indices_shape=[5, 2, 7], depth=3, on_value=True, off_value=False),
155 on_value=None, argument
178 on_value=on_value,
190 on_value=on_value,
Dragged_array_ops.py519 on_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/core/kernels/
Done_hot_op.h41 const typename TTypes<T>::ConstScalar& on_value, in OneGenerator() argument
43 : indices_(indices), on_value_(on_value), off_value_(off_value) {} in OneGenerator()
66 const typename TTypes<T>::ConstScalar& on_value, in Compute()
69 generator::OneGenerator<T, TI> generator(indices, on_value, off_value); in Compute()
78 const typename TTypes<T>::ConstScalar& on_value,
100 (*output)(i, depth, 0) = on_value();
112 (*output)(d0, depth, d1) = on_value();
Done_hot_op.cc54 const Tensor& on_value = ctx->input(2); in Compute() local
69 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(on_value.shape()), in Compute()
71 on_value.shape().DebugString())); in Compute()
93 auto on_value_t = on_value.scalar<T>(); in Compute()
153 const typename TTypes<T>::ConstScalar& on_value, \
Done_hot_op_test.cc41 Tensor on_value(DT_FLOAT, TensorShape({})); in OneHot() local
42 on_value.scalar<float>()() = 1.0f; in OneHot()
51 test::graph::Constant(g, on_value), in OneHot()
/external/tensorflow/tensorflow/lite/kernels/
Done_hot.cc41 on_value = GetInput(context, node, kOnValueTensor); in OneHotContext()
50 dtype = on_value->type; in OneHotContext()
55 const TfLiteTensor* on_value; member
75 const T on_value = *GetTensorData<T>(op_context.on_value); in OneHotComputeImpl() local
90 ? on_value in OneHotComputeImpl()
149 TF_LITE_ENSURE_EQ(context, NumElements(op_context.on_value), 1); in Prepare()
151 TF_LITE_ENSURE_TYPES_EQ(context, op_context.on_value->type, op_context.dtype); in Prepare()
Done_hot_test.cc36 TensorType dtype, int axis = -1, T on_value = 1, in OneHotOpModel() argument
48 PopulateTensor<T>(on, {on_value}); in OneHotOpModel()
/external/tensorflow/tensorflow/lite/testing/op_tests/
Done_hot.py50 on_value = tf.compat.v1.placeholder(
57 on_value=on_value,
61 return [indices, depth, on_value, off_value], [out]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_OneHot.pbtxt16 name: "on_value"
41 The locations represented by indices in `indices` take value `on_value`,
72 on_value = 5.0
90 on_value = 0.0
112 on_value = 1.0
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/
DOneHot.pbtxt12 name: "on_value"
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/
DOneHot.pbtxt12 name: "on_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.cc84 const xla::XlaOp& indices, const xla::XlaOp& on_value, in OneHot() argument
101 xla::Broadcast(on_value, output_shape.dim_sizes()), in OneHot()
Dxla_helpers.h64 const xla::XlaOp& indices, const xla::XlaOp& on_value,
/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.py4180 on_value=None, argument
4294 [indices, depth, on_value, off_value, axis, dtype]) as name:
4295 on_exists = on_value is not None
4299 on_value = ops.convert_to_tensor(on_value, dtype_hint=dtype)
4303 on_dtype = on_value.dtype.base_dtype if on_exists else None
4324 on_value = ops.convert_to_tensor(1, dtype, name="on_value")
4335 return gen_array_ops.one_hot(indices, depth, on_value, off_value, axis,
Dctc_ops.py534 on_value=0.0,
575 on_value=0.0,
1220 on_value=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/tensorflow/ir/
Dtf_ops_n_z.cc126 if (!IsOfRankOrUnranked(op.on_value(), 0)) { in Verify()
146 static TensorType InferOneHotOpType(Value indices, Value depth, Value on_value, in InferOneHotOpType() argument
149 Type element_ty = on_value.getType().cast<TensorType>().getElementType(); in InferOneHotOpType()
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/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/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…
2902 // expected-error @+1 {{requires on_value to be a scalar}}
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: …
[all …]
/external/tensorflow/tensorflow/python/feature_column/
Dfeature_column.py2437 on_value=1.,
3152 on_value=1.0,
/external/tensorflow/tensorflow/python/ops/distributions/
Dutil.py1346 on_value=count,

12