/external/tensorflow/tensorflow/core/kernels/ |
D | reverse_sequence_op.cc | 46 const Tensor& seq_lens = context->input(1); in CheckErrors() local 48 auto seq_lens_t = seq_lens.vec<Tlen>(); in CheckErrors() 64 OP_REQUIRES(context, seq_lens.NumElements() == input.dim_size(batch_dim), in CheckErrors() 66 "), ", "(", seq_lens.NumElements(), in CheckErrors() 80 const Tensor& seq_lens = context->input(1); in CheckErrorsGPU() local 91 OP_REQUIRES(context, seq_lens.NumElements() == input.dim_size(batch_dim), in CheckErrorsGPU() 93 "), ", "(", seq_lens.NumElements(), in CheckErrorsGPU() 120 const Tensor& seq_lens = context->input(1); in Compute() local 123 OP_REQUIRES(context, TensorShapeUtils::IsVector(seq_lens.shape()), in Compute() 125 seq_lens.dims())); in Compute() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | ctc_decoder_ops_test.py | 51 seq_lens, argument 63 inputs_t, sequence_length=seq_lens, **decoder_args) 138 seq_lens = np.array([seq_len_0, seq_len_1], dtype=np.int32) 172 self._testCTCDecoder(ctc_ops.ctc_greedy_decoder, inputs, seq_lens, 204 seq_lens = np.array([seq_len_0], dtype=np.int32) 232 seq_lens, 245 seq_lens,
|
D | ctc_loss_op_test.py | 84 seq_lens, argument 95 inputs=inputs_t, labels=labels, sequence_length=seq_lens) 229 seq_lens = np.array([5, 5], dtype=np.int32) 243 self._testCTCLoss(inputs, seq_lens, labels, loss_truth, grad_truth) 255 seq_lens = np.array([2, 2], dtype=np.int32) 264 inputs=inputs_t, labels=labels, sequence_length=seq_lens) 268 sequence_length=seq_lens, 279 seq_lens = np.array([2, 2], dtype=np.int32) 284 inputs=inputs_t, labels=labels, sequence_length=seq_lens)
|
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/ |
D | padded_batch_dataset_serialization_test.py | 34 def build_dataset(seq_lens): argument 35 return dataset_ops.Dataset.from_tensor_slices(seq_lens).map( 46 def build_dataset(seq_lens): argument 53 return dataset_ops.Dataset.from_tensor_slices(seq_lens).map(
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | padded_batch_test.py | 51 def testPaddedBatchDataset(self, seq_lens, batch_size, padded_shapes, argument 63 dataset = dataset_ops.Dataset.from_tensor_slices(seq_lens).map( 69 num_full_batches = len(seq_lens) // batch_size 78 seq_len = seq_lens[(i * batch_size) + j] 82 if not drop_remainder and len(seq_lens) % batch_size > 0: 85 self.assertEqual((len(seq_lens) % batch_size, padded_len), result.shape) 86 for j in range(len(seq_lens) % batch_size): 87 seq_len = seq_lens[num_full_batches * batch_size + j]
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | reverse_sequence_op.cc | 62 const auto seq_lens = context->Input(1); in Compile() local 75 xla::XlaOp back = xla::Sub(seq_lens, xla::ScalarLike(seq_lens, 1)); in Compile()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_ReverseSequence.pbtxt | 62 # while entries past seq_lens are copied through: 84 # while entries past seq_lens are copied through:
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | randomized_tests.cc | 2746 std::vector<int32> seq_lens(batch_size); in TEST_F() local 2748 absl::c_generate(seq_lens, [&]() { return d(generator()); }); in TEST_F() 2753 .Input(test::AsTensor<int32>(seq_lens)) in TEST_F()
|