/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_OneHot.pbtxt | 80 [5.0 0.0 0.0] // one_hot(0) 81 [0.0 0.0 5.0] // one_hot(2) 82 [0.0 0.0 0.0] // one_hot(-1) 83 [0.0 5.0 0.0] // one_hot(1) 102 // ^ one_hot(0) 103 // ^ one_hot(2) 104 // ^ one_hot(-1) 105 // ^ one_hot(1) 121 [1.0, 0.0, 0.0] // one_hot(0) 122 [0.0, 0.0, 1.0] // one_hot(2) [all …]
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/ |
D | input_data.py | 89 def _extract_labels(f, one_hot=False, num_classes=10): argument 112 if one_hot: 129 one_hot=False, argument 159 self.one_hot = one_hot 200 if self.one_hot: 269 one_hot=False, argument 280 one_hot=one_hot, 305 train_labels = _extract_labels(f, one_hot=one_hot) 315 test_labels = _extract_labels(f, one_hot=one_hot)
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | np_utils_test.py | 38 for label, one_hot, expected_shape in zip(labels, 42 self.assertEqual(one_hot.shape, expected_shape) 44 self.assertTrue(np.all(one_hot.sum(axis=-1) == 1)) 47 np.argmax(one_hot, -1).reshape(label.shape) == label))
|
/external/tensorflow/tensorflow/python/eager/benchmarks/resnet50/ |
D | resnet50_test_util.py | 45 one_hot = tf.one_hot(labels, num_classes) 47 return images, one_hot
|
D | resnet50_graph_test.py | 44 one_hot = np.zeros((batch_size, num_classes)).astype(np.float32) 45 one_hot[np.arange(batch_size), labels] = 1. 46 return images, one_hot
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | one_hot_op.cc | 65 xla::XlaOp one_hot; in Compile() local 69 ctx->Input(3), &one_hot)); in Compile() 70 ctx->SetOutput(0, one_hot); in Compile()
|
/external/tensorflow/tensorflow/python/ops/ |
D | ctc_ops.py | 531 initial_state_log_probs = array_ops.one_hot( 538 label_final_state_mask = array_ops.one_hot( 556 one_hot = array_ops.one_hot(labels, depth=num_labels) 557 one_hot = array_ops.expand_dims(one_hot, axis=0) 559 state_log_probs = math_ops.reduce_sum(ilabel_log_probs * one_hot, axis=3) 572 one_hot = array_ops.one_hot( 577 one_hot = array_ops.expand_dims(one_hot, axis=0) 579 label_olabels = math_ops.reduce_logsumexp(label_states + one_hot, axis=2) 1217 one_hot = array_ops.one_hot( 1223 return math_ops.reduce_logsumexp(states + one_hot, axis=-1)
|
/external/tensorflow/tensorflow/python/keras/preprocessing/ |
D | text.py | 61 def one_hot(input_text, function 88 return text.one_hot(input_text, n, filters=filters, lower=lower, split=split)
|
D | text_test.py | 32 encoded = preprocessing_text.one_hot(text, 5) 39 encoded = preprocessing_text.one_hot(text, 5)
|
D | dataset_utils.py | 217 label_ds = label_ds.map(lambda x: array_ops.one_hot(x, num_classes))
|
/external/tensorflow/tensorflow/lite/testing/op_tests/ |
D | one_hot.py | 47 out = tf.one_hot(indices=indices, depth=depth) 54 out = tf.one_hot(
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | one_hot.cc | 26 namespace one_hot { namespace 202 one_hot::Prepare, in Register_ONE_HOT() 203 one_hot::Eval, in Register_ONE_HOT()
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_one_hot_op_test.py | 131 array_ops.one_hot( 175 expected = array_ops.one_hot(
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.keras.preprocessing.text.pbtxt | 12 name: "one_hot"
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.keras.preprocessing.text.pbtxt | 12 name: "one_hot"
|
/external/tensorflow/tensorflow/core/kernels/fuzzing/ |
D | BUILD | 75 tf_ops_fuzz_target_lib("one_hot")
|
/external/tensorflow/tensorflow/compiler/tf2xla/ |
D | xla_helpers.cc | 85 const xla::XlaOp& off_value, xla::XlaOp* one_hot) { in OneHot() argument 99 *one_hot = xla::Select( in OneHot()
|
D | xla_helpers.h | 65 const xla::XlaOp& off_value, xla::XlaOp* one_hot);
|
/external/tensorflow/tensorflow/python/keras/tests/ |
D | memory_checker_test.py | 70 f = array_ops.one_hot(states, dtype='float32', depth=3)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | one_hot_op_test.py | 41 array_ops.one_hot(dtype=dtype, **inputs) 43 ans = array_ops.one_hot(dtype=dtype, **inputs) 461 tensor_one_hot = array_ops.one_hot(tensor, depth=10, axis=0)
|
/external/tensorflow/tensorflow/python/keras/integration_test/ |
D | forwardprop_test.py | 45 mask = tf.one_hot(element_index, primal_vector_length) 88 full_onehot = tf.one_hot(index, total_size)
|
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/ |
D | mnist_train.py | 145 labels = tf.one_hot(features['label'], num_classes)
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | nary_ops_test.py | 131 op = array_ops.one_hot(indices, 140 op = array_ops.one_hot(indices,
|
/external/tensorflow/tensorflow/python/debug/examples/v2/ |
D | debug_mnist_v2.py | 152 labels = tf.one_hot(labels, depth=10, dtype=tf.float32)
|
/external/tensorflow/tensorflow/python/ops/distributions/ |
D | multinomial.py | 266 x = math_ops.reduce_sum(array_ops.one_hot(x, depth=k), axis=-2) # [n, k]
|