Home
last modified time | relevance | path

Searched refs:input_h (Results 1 – 20 of 20) sorted by relevance

/external/tensorflow/tensorflow/python/keras/layers/
Dcudnn_recurrent.py275 input_h = initial_state[0]
276 input_h = array_ops.expand_dims(input_h, axis=0)
299 input_h=input_h,
468 input_h = initial_state[0]
470 input_h = array_ops.expand_dims(input_h, axis=0)
498 input_h=input_h,
Drecurrent_v2.py422 input_h=init_h,
785 def cudnn_lstm(inputs, input_h, input_c, kernel, recurrent_kernel, bias, argument
790 input_h = array_ops.expand_dims(input_h, axis=0)
806 inputs, input_h=input_h, input_c=input_c, params=params, is_training=True)
/external/tensorflow/tensorflow/core/kernels/
Dcudnn_rnn_ops.cc563 const Tensor** input, const Tensor** input_h, in ExtractForwardInput() argument
567 TF_RETURN_IF_ERROR(context->input("input_h", input_h)); in ExtractForwardInput()
590 if ((*input_h)->dims() != 3) { in ExtractForwardInput()
595 (*input_h)->dim_size(0) / model_shapes->dir_count; in ExtractForwardInput()
598 (*input_h)->dim_size(1) / model_shapes->dir_count; in ExtractForwardInput()
600 model_shapes->num_units = (*input_h)->dim_size(2); in ExtractForwardInput()
612 if ((*input_h)->shape() != model_shapes->hidden_state_shape) { in ExtractForwardInput()
614 "Invalid input_h shape: ", (*input_h)->shape().DebugString(), " ", in ExtractForwardInput()
618 if ((*input_h)->shape() != (*input_c)->shape()) { in ExtractForwardInput()
621 (*input_h)->shape().DebugString(), " ", in ExtractForwardInput()
[all …]
Dconv_grad_input_ops.cc692 auto input_h = GetTensorDimIndex(data_format, 'H'); in operator ()() local
694 strides[input_h] = row_stride; in operator ()()
696 dilations[input_h] = row_dilation; in operator ()()
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/ops/
Dcudnn_rnn_ops.py953 input_h, argument
1014 "input_h": input_h,
1045 input_h, argument
1095 return _cudnn_rnn(inputs, input_h, input_c, params, is_training, CUDNN_LSTM,
1101 input_h, argument
1150 input_c = array_ops.constant([], dtype=input_h.dtype)
1152 inputs, input_h, input_c, params, is_training, rnn_mode, sequence_lengths,
1158 input_h, argument
1205 return _cudnn_rnn_no_input_c(inputs, input_h, params, is_training, CUDNN_GRU,
1211 input_h, argument
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_CudnnRNNBackprop.pbtxt18 input_h: A 3-D tensor with the shape of [num_layer * dir, batch_size,
28 output_h: The same shape has input_h.
38 input_h_backprop: The backprop to input_h in the forward pass. Has the same
39 shape as input_h.
Dapi_def_CudnnRNNBackpropV2.pbtxt21 input_h: A 3-D tensor with the shape of [num_layer * dir, batch_size,
31 output_h: The same shape has input_h.
42 input_h_backprop: The backprop to input_h in the forward pass. Has the same
43 shape as input_h.
Dapi_def_CudnnRNNBackpropV3.pbtxt22 input_h: If time_major is true, this is a 3-D tensor with the shape of
35 output_h: The same shape has input_h.
47 input_h_backprop: The backprop to input_h in the forward pass. Has the same
48 shape as input_h.
Dapi_def_CudnnRNN.pbtxt19 input_h: A 3-D tensor with the shape of [num_layer * dir, batch_size,
29 output_h: The same shape has input_h.
Dapi_def_CudnnRNNV2.pbtxt20 input_h: A 3-D tensor with the shape of [num_layer * dir, batch_size,
30 output_h: The same shape has input_h.
Dapi_def_CudnnRNNV3.pbtxt22 input_h: If time_major is true, this is a 3-D tensor with the shape of
35 output_h: The same shape has input_h.
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
Dcudnn_rnn_ops_benchmark.py101 input_h = variables.Variable(
110 input_h=input_h,
115 [params, input_data, input_h, input_c])
Dcudnn_rnn_test.py175 input_h = np.random.randn(num_layers * dir_count, batch_size,
180 initial_state = (input_h, input_c)
182 initial_state = (input_h,)
191 input_h = np.zeros((num_layers * dir_count, batch_size,
196 initial_state = (input_h, input_c)
198 initial_state = (input_h,)
1238 input_h = variables.Variable(
1247 initial_state = (input_h, input_c)
1249 initial_state = (input_h,)
/external/tensorflow/tensorflow/python/ops/
Dcudnn_rnn_grad.py32 input_h=op.inputs[1],
57 input_h=op.inputs[1],
85 input_h=op.inputs[1],
/external/tensorflow/tensorflow/tools/api/golden/v1/
Dtensorflow.raw_ops.pbtxt733 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'rnn_mode\', \'input_mode\', \'d…
737 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'output\', \'output_h\', \'outpu…
741 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'output\', \'output_h\', \'outpu…
745 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'output\',…
761 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'rnn_mode\', \'input_mode\', \'d…
765 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'rnn_mode\…
/external/tensorflow/tensorflow/tools/api/golden/v2/
Dtensorflow.raw_ops.pbtxt733 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'rnn_mode\', \'input_mode\', \'d…
737 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'output\', \'output_h\', \'outpu…
741 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'output\', \'output_h\', \'outpu…
745 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'output\',…
761 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'rnn_mode\', \'input_mode\', \'d…
765 …argspec: "args=[\'input\', \'input_h\', \'input_c\', \'params\', \'sequence_lengths\', \'rnn_mode\…
/external/tensorflow/tensorflow/go/op/
Dwrappers.go4798 func CudnnRNNBackpropV3(scope *Scope, input tf.Output, input_h tf.Output, input_c tf.Output, params…
4809 …input, input_h, input_c, params, sequence_lengths, output, output_h, output_c, output_backprop, ou…
4912 func CudnnRNNBackpropV2(scope *Scope, input tf.Output, input_h tf.Output, input_c tf.Output, params…
4923 …input, input_h, input_c, params, output, output_h, output_c, output_backprop, output_h_backprop, o…
5025 func CudnnRNNV2(scope *Scope, input tf.Output, input_h tf.Output, input_c tf.Output, params tf.Outp…
5036 input, input_h, input_c, params,
17225 func CudnnRNNV3(scope *Scope, input tf.Output, input_h tf.Output, input_c tf.Output, params tf.Outp…
17236 input, input_h, input_c, params, sequence_lengths,
21878 func CudnnRNNBackprop(scope *Scope, input tf.Output, input_h tf.Output, input_c tf.Output, params t…
21889 …input, input_h, input_c, params, output, output_h, output_c, output_backprop, output_h_backprop, o…
[all …]
/external/tensorflow/tensorflow/core/ops/
Dops.pbtxt7229 name: "input_h"
7346 name: "input_h"
7484 name: "input_h"
7626 name: "input_h"
8100 name: "input_h"
8221 name: "input_h"
/external/tensorflow/tensorflow/core/ops/compat/
Dops_history.v1.pbtxt16691 name: "input_h"
16808 name: "input_h"
16946 name: "input_h"
17088 name: "input_h"
17234 name: "input_h"
17708 name: "input_h"
17829 name: "input_h"
17954 name: "input_h"
Dops_history.v2.pbtxt16633 name: "input_h"
16750 name: "input_h"
16888 name: "input_h"
17030 name: "input_h"
17497 name: "input_h"
17618 name: "input_h"