Home
last modified time | relevance | path

Searched refs:input_c (Results 1 – 21 of 21) sorted by relevance

/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_CudnnRNNBackprop.pbtxt20 input_c: For LSTM, a 3-D tensor with the shape of
29 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
40 input_c_backprop: The backprop to input_c in the forward pass. Has the same
41 shape as input_c.
Dapi_def_CudnnRNNBackpropV2.pbtxt23 input_c: For LSTM, a 3-D tensor with the shape of
32 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
44 input_c_backprop: The backprop to input_c in the forward pass. Has the same
45 shape as input_c.
Dapi_def_CudnnRNNBackpropV3.pbtxt25 input_c: For LSTM, a 3-D tensor with the shape of
36 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
49 input_c_backprop: The backprop to input_c in the forward pass. Has the same
50 shape as input_c.
Dapi_def_CudnnRNN.pbtxt21 input_c: For LSTM, a 3-D tensor with the shape of
30 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
Dapi_def_CudnnRNNV2.pbtxt22 input_c: For LSTM, a 3-D tensor with the shape of
31 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
Dapi_def_CudnnRNNV3.pbtxt25 input_c: For LSTM, a 3-D tensor with the shape of
36 output_c: The same shape as input_c for LSTM. An empty tensor for other models.
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
Dcudnn_rnn_ops_benchmark.py103 input_c = variables.Variable(
111 input_c=input_c,
115 [params, input_data, input_h, input_c])
Dcudnn_rnn_test.py178 input_c = np.random.randn(num_layers * dir_count, batch_size,
180 initial_state = (input_h, input_c)
194 input_c = np.zeros((num_layers * dir_count, batch_size,
196 initial_state = (input_h, input_c)
1243 input_c = variables.Variable(
1247 initial_state = (input_h, input_c)
/external/tensorflow/tensorflow/python/ops/
Dcudnn_rnn_grad.py33 input_c=op.inputs[2],
58 input_c=op.inputs[2],
86 input_c=op.inputs[2],
/external/tensorflow/tensorflow/core/kernels/
Dcudnn_rnn_ops.cc564 const Tensor** input_c, const Tensor** params, in ExtractForwardInput() argument
569 TF_RETURN_IF_ERROR(context->input("input_c", input_c)); in ExtractForwardInput()
618 if ((*input_h)->shape() != (*input_c)->shape()) { in ExtractForwardInput()
622 (*input_c)->shape().DebugString()); in ExtractForwardInput()
641 const Tensor** input_c, const Tensor** params, in ExtractForwardInput() argument
646 input_c, params, model_shapes); in ExtractForwardInput()
733 const Tensor* input_c, const Tensor* params, in DoForward() argument
758 input_c_data = AsDeviceMemory<T>(input_c); in DoForward()
791 const Tensor* input, const Tensor* input_h, const Tensor* input_c, in DoBackward() argument
820 input_c_data = AsDeviceMemory<T>(input_c); in DoBackward()
[all …]
/external/tensorflow/tensorflow/python/keras/layers/
Dcudnn_recurrent.py300 input_c=0,
469 input_c = initial_state[1]
471 input_c = array_ops.expand_dims(input_c, axis=0)
499 input_c=input_c,
Drecurrent_v2.py423 input_c=0,
785 def cudnn_lstm(inputs, input_h, input_c, kernel, recurrent_kernel, bias, argument
791 input_c = array_ops.expand_dims(input_c, axis=0)
806 inputs, input_h=input_h, input_c=input_c, params=params, is_training=True)
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/ops/
Dcudnn_rnn_ops.py954 input_c, argument
1015 "input_c": input_c,
1046 input_c, argument
1095 return _cudnn_rnn(inputs, input_h, input_c, params, is_training, CUDNN_LSTM,
1150 input_c = array_ops.constant([], dtype=input_h.dtype)
1152 inputs, input_h, input_c, params, is_training, rnn_mode, sequence_lengths,
1593 input_c, argument
1630 input_c,
1733 input_c, argument
1769 input_c,
/external/libaom/libaom/test/
Dfft_test.cc202 std::vector<std::complex<float> > input_c = fft2d(&expected[0], n); in TEST_P() local
204 input_[2 * i + 0] = input_c[i].real(); in TEST_P()
205 input_[2 * i + 1] = input_c[i].imag(); in TEST_P()
/external/tensorflow/tensorflow/lite/kernels/internal/reference/
Dreference_ops.h2556 for (int input_c = begin_input_c; input_c < end_input_c; ++input_c) { in LocalResponseNormalization() local
2557 const float input_val = input_data[i * depth + input_c]; in LocalResponseNormalization()
/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.pbtxt7233 name: "input_c"
7350 name: "input_c"
7488 name: "input_c"
7630 name: "input_c"
8104 name: "input_c"
8225 name: "input_c"
/external/tensorflow/tensorflow/core/ops/compat/
Dops_history.v1.pbtxt16695 name: "input_c"
16812 name: "input_c"
16950 name: "input_c"
17092 name: "input_c"
17238 name: "input_c"
17712 name: "input_c"
17833 name: "input_c"
17958 name: "input_c"
Dops_history.v2.pbtxt16637 name: "input_c"
16754 name: "input_c"
16892 name: "input_c"
17034 name: "input_c"
17501 name: "input_c"
17622 name: "input_c"