Home
last modified time | relevance | path

Searched refs:sequence_lengths (Results 1 – 24 of 24) sorted by relevance

/external/tensorflow/tensorflow/contrib/crf/python/kernel_tests/
Dcrf_test.py35 sequence_lengths): argument
37 inputs[i][tag_indices[i]] for i in range(sequence_lengths))
40 for i in range(sequence_lengths - 1))
61 for sequence_lengths, inputs, tag_indices in zip(sequence_lengths_list,
68 sequence_lengths=array_ops.expand_dims(sequence_lengths, 0),
73 inputs, transition_params, tag_indices, sequence_lengths)
97 for sequence_lengths, inputs, tag_bitmap in zip(
103 sequence_lengths=array_ops.expand_dims(sequence_lengths, 0),
109 for single_index_bitmap in tag_bitmap[:sequence_lengths]
113 sequence_lengths)
[all …]
/external/tensorflow/tensorflow/contrib/crf/python/ops/
Dcrf.py74 def crf_sequence_score(inputs, tag_indices, sequence_lengths, argument
97 sequence_scores = array_ops.where(math_ops.less_equal(sequence_lengths, 0),
104 unary_scores = crf_unary_score(tag_indices, sequence_lengths, inputs)
105 binary_scores = crf_binary_score(tag_indices, sequence_lengths,
119 def crf_multitag_sequence_score(inputs, tag_bitmap, sequence_lengths, argument
159 sequence_lengths=sequence_lengths,
171 def crf_log_norm(inputs, sequence_lengths, transition_params): argument
192 log_norm = array_ops.where(math_ops.less_equal(sequence_lengths, 0),
206 constant_op.constant(0, dtype=sequence_lengths.dtype),
207 sequence_lengths - 1)
[all …]
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
Drnn_common.py182 def select_last_activations(activations, sequence_lengths): argument
196 'select_last_activations', values=[activations, sequence_lengths]):
201 if sequence_lengths is None:
202 sequence_lengths = padded_length
205 indices = math_ops.range(batch_size) * padded_length + sequence_lengths - 1
212 def mask_activations_and_labels(activations, labels, sequence_lengths): argument
232 values=[activations, labels, sequence_lengths]):
236 if sequence_lengths is None:
242 mask = array_ops.sequence_mask(sequence_lengths, padded_length)
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/ops/
Dcudnn_rnn_ops.py958 sequence_lengths=None, argument
1026 if sequence_lengths is not None:
1027 args["sequence_lengths"] = sequence_lengths
1033 sequence_lengths = array_ops.fill([batch_size], max_time)
1034 args["sequence_lengths"] = sequence_lengths
1049 sequence_lengths=None, argument
1096 sequence_lengths, time_major, input_mode, direction,
1105 sequence_lengths=None, argument
1152 inputs, input_h, input_c, params, is_training, rnn_mode, sequence_lengths,
1161 sequence_lengths=None, argument
[all …]
/external/tensorflow/tensorflow/core/util/ctc/
Dctc_beam_search_test.cc119 int sequence_lengths[batch_size] = {timesteps}; in TEST() local
151 Eigen::Map<const Eigen::ArrayXi> seq_len(&sequence_lengths[0], batch_size); in TEST()
194 int sequence_lengths[batch_size] = {timesteps}; in TEST() local
201 Eigen::Map<const Eigen::ArrayXi> seq_len(&sequence_lengths[0], batch_size); in TEST()
264 int sequence_lengths[batch_size] = {timesteps}; in TEST() local
296 Eigen::Map<const Eigen::ArrayXi> seq_len(&sequence_lengths[0], batch_size); in TEST()
/external/tensorflow/tensorflow/contrib/crf/
DREADME.md27 sequence_lengths = np.full(num_examples, num_words - 1, dtype=np.int32)
35 sequence_lengths_t = tf.constant(sequence_lengths)
60 np.expand_dims(sequence_lengths, axis=1))
61 total_labels = np.sum(sequence_lengths)
/external/tensorflow/tensorflow/contrib/seq2seq/python/ops/
Ddecoder.py115 def finalize(self, outputs, final_state, sequence_lengths): argument
234 def finalize(self, outputs, final_state, sequence_lengths): argument
381 def body(time, outputs_ta, state, inputs, finished, sequence_lengths): argument
405 array_ops.fill(array_ops.shape(sequence_lengths), time + 1),
406 sequence_lengths)
Dbeam_search_decoder.py335 def finalize(self, outputs, final_state, sequence_lengths): argument
352 del sequence_lengths
1007 sequence_lengths=new_prediction_lengths,
1157 def _get_scores(log_probs, sequence_lengths, length_penalty_weight, argument
1182 sequence_lengths=sequence_lengths, penalty_factor=length_penalty_weight)
1241 def _length_penalty(sequence_lengths, penalty_factor): argument
1265 (5. + math_ops.cast(sequence_lengths, dtypes.float32))**penalty_factor,
/external/tensorflow/tensorflow/python/feature_column/
Dsequence_feature_column.py133 sequence_lengths = []
141 sequence_lengths.append(sequence_length)
144 fc._verify_static_batch_size_equality(sequence_lengths,
146 sequence_length = _assert_all_equal_and_return(sequence_lengths)
/external/tensorflow/tensorflow/contrib/feature_column/python/feature_column/
Dsequence_feature_column.py111 sequence_lengths = []
128 sequence_lengths.append(sequence_length)
131 fc._verify_static_batch_size_equality(sequence_lengths, ordered_columns)
132 sequence_length = _assert_all_equal_and_return(sequence_lengths)
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/layers/
Dcudnn_rnn.py380 sequence_lengths=None, argument
434 inputs, h, c, self.kernel, sequence_lengths, time_major, training)
498 def _forward(self, inputs, h, c, opaque_params, sequence_lengths, time_major, argument
507 sequence_lengths=sequence_lengths,
/external/tensorflow/tensorflow/core/kernels/
Dcudnn_rnn_ops.cc642 const Tensor** sequence_lengths, in ExtractForwardInput() argument
644 TF_RETURN_IF_ERROR(context->input("sequence_lengths", sequence_lengths)); in ExtractForwardInput()
737 const Tensor* sequence_lengths, bool time_major, in DoForward() argument
746 if (sequence_lengths != nullptr) { in DoForward()
748 sequence_lengths->template flat<int>().data(), model_shapes.batch_size); in DoForward()
800 Tensor* params_backprop, const Tensor* sequence_lengths, bool time_major, in DoBackward() argument
808 if (sequence_lengths != nullptr) { in DoBackward()
810 sequence_lengths->template flat<int>().data(), model_shapes.batch_size); in DoBackward()
1281 const Tensor* sequence_lengths = nullptr; in ComputeAndReturnAlgorithm() local
1287 &sequence_lengths, &model_shapes)); in ComputeAndReturnAlgorithm()
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_CudnnRNNV3.pbtxt7 buffer. Accepts one extra input "sequence_lengths" than CudnnRNN.
31 sequence_lengths: a vector of lengths of each input sequence.
Dapi_def_CudnnRNNBackpropV3.pbtxt7 "sequence_lengths" input than CudnnRNNBackprop.
31 sequence_lengths: a vector of lengths of each input sequence.
/external/tensorflow/tensorflow/contrib/recurrent/python/ops/
Dfunctional_rnn.py179 def _ApplyLengthsToBatch(sequence_lengths, tf_output): argument
188 array_ops.reshape(sequence_lengths, [-1, 1]), [1, max_time])
/external/tensorflow/tensorflow/python/ops/
Dcudnn_rnn_grad.py88 sequence_lengths=op.inputs[4],
/external/tensorflow/tensorflow/python/kernel_tests/
Dctc_loss_op_test.py294 sequence_lengths = constant_op.constant([], dtype=dtypes.int32)
303 sess.run(_ctc_loss_v2(labels, inputs, sequence_lengths))
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
Dcudnn_rnn_ops_test.py152 sequence_lengths=lengths,
650 sequence_lengths=lengths,
/external/tensorflow/tensorflow/tools/api/golden/v1/
Dtensorflow.raw_ops.pbtxt745 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'output\',…
765 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'rnn_mode\…
/external/tensorflow/tensorflow/tools/api/golden/v2/
Dtensorflow.raw_ops.pbtxt745 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'output\',…
765 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'rnn_mode\…
/external/tensorflow/tensorflow/go/op/
Dwrappers.go4798 … tf.Output, input_h tf.Output, input_c tf.Output, params tf.Output, sequence_lengths tf.Output, ou…
4809 …input, input_h, input_c, params, sequence_lengths, output, output_h, output_c, output_backprop, ou…
17225 … tf.Output, input_h tf.Output, input_c tf.Output, params tf.Output, sequence_lengths tf.Output, op…
17236 input, input_h, input_c, params, sequence_lengths,
/external/tensorflow/tensorflow/core/ops/compat/
Dops_history.v1.pbtxt17100 name: "sequence_lengths"
17246 name: "sequence_lengths"
17841 name: "sequence_lengths"
17966 name: "sequence_lengths"
Dops_history.v2.pbtxt17042 name: "sequence_lengths"
17630 name: "sequence_lengths"
/external/tensorflow/tensorflow/core/ops/
Dops.pbtxt7638 name: "sequence_lengths"
8233 name: "sequence_lengths"