/external/tensorflow/tensorflow/lite/kernels/ |
D | bidirectional_sequence_lstm_test.cc | 414 BidirectionalLSTMOpModel lstm( in TEST_P() local 488 lstm.SetInputToInputWeights({-0.45018822, -0.02338299, -0.0870589, in TEST_P() 492 lstm.SetInputToCellWeights({-0.50013041, 0.1370284, 0.11810488, 0.2013163, in TEST_P() 496 lstm.SetInputToForgetWeights({0.09701663, 0.20334584, -0.50592935, in TEST_P() 500 lstm.SetInputToOutputWeights({-0.25065863, -0.28290087, 0.04613829, in TEST_P() 504 lstm.SetInputGateBias({0., 0., 0., 0.}); in TEST_P() 506 lstm.SetCellBias({0., 0., 0., 0.}); in TEST_P() 508 lstm.SetForgetGateBias({1., 1., 1., 1.}); in TEST_P() 510 lstm.SetOutputGateBias({0., 0., 0., 0.}); in TEST_P() 512 lstm.SetRecurrentToInputWeights( in TEST_P() [all …]
|
D | unidirectional_sequence_lstm_test.cc | 343 UnidirectionalLSTMOpModel* lstm, float tolerance = 1e-5, in VerifyGoldens() argument 347 const int num_inputs = lstm->num_inputs(); in VerifyGoldens() 358 lstm->SetInput(((i * num_batches) + b) * num_inputs, batch_start, in VerifyGoldens() 367 lstm->SetInput(b * input_sequence_size * num_inputs, batch_start, in VerifyGoldens() 372 lstm->Invoke(); in VerifyGoldens() 374 const int num_outputs = lstm->num_outputs(); in VerifyGoldens() 396 EXPECT_THAT(lstm->GetOutput(), in VerifyGoldens() 458 UnidirectionalLSTMOpModel lstm( in TEST_F() local 493 lstm.SetInputToInputWeights(input_to_input_weights_); in TEST_F() 494 lstm.SetInputToCellWeights(input_to_cell_weights_); in TEST_F() [all …]
|
D | lstm_test.cc | 370 LSTMOpModel* lstm, float tolerance = 1e-5) { in VerifyGoldens() argument 373 const int num_inputs = lstm->num_inputs(); in VerifyGoldens() 382 lstm->SetInput(b * lstm->num_inputs(), batch_start, batch_end); in VerifyGoldens() 385 lstm->Invoke(); in VerifyGoldens() 387 const int num_outputs = lstm->num_outputs(); in VerifyGoldens() 394 EXPECT_THAT(lstm->GetOutput(), in VerifyGoldens() 456 LSTMOpModel lstm(n_batch, n_input, n_cell, n_output, in TEST_F() local 487 lstm.SetInputToInputWeights(input_to_input_weights_); in TEST_F() 488 lstm.SetInputToCellWeights(input_to_cell_weights_); in TEST_F() 489 lstm.SetInputToForgetWeights(input_to_forget_weights_); in TEST_F() [all …]
|
D | optional_tensor_test.cc | 237 LSTMOpModel lstm(n_batch, n_input, n_cell, n_output, in TEST() local 268 lstm.SetInputToCellWeights({-0.49770179, -0.27711356, -0.09624726, 0.05100781, in TEST() 272 lstm.SetInputToForgetWeights({-0.55291498, -0.42866567, 0.13056988, in TEST() 276 lstm.SetInputToOutputWeights({0.10725588, -0.02335852, -0.55932593, in TEST() 280 lstm.SetCellBias({0., 0., 0., 0.}); in TEST() 282 lstm.SetForgetGateBias({1., 1., 1., 1.}); in TEST() 284 lstm.SetOutputGateBias({0., 0., 0., 0.}); in TEST() 286 lstm.SetRecurrentToCellWeights( in TEST() 292 lstm.SetRecurrentToForgetWeights( in TEST() 297 lstm.SetRecurrentToOutputWeights( in TEST() [all …]
|
D | lstm.cc | 38 namespace lstm { namespace 880 static TfLiteRegistration r = {lstm::Init, lstm::Free, lstm::Prepare, in Register_LSTM() 881 lstm::Eval}; in Register_LSTM()
|
D | Android.bp | 77 "lstm.cc",
|
/external/tensorflow/tensorflow/lite/delegates/nnapi/ |
D | nnapi_delegate_test.cc | 2488 LSTMOpModel* lstm, float tolerance = 1e-5) { in VerifyGoldens() argument 2491 const int num_inputs = lstm->num_inputs(); in VerifyGoldens() 2500 lstm->SetInput(b * lstm->num_inputs(), batch_start, batch_end); in VerifyGoldens() 2503 lstm->Invoke(); in VerifyGoldens() 2505 const int num_outputs = lstm->num_outputs(); in VerifyGoldens() 2512 EXPECT_THAT(lstm->GetOutput(), in VerifyGoldens() 2574 LSTMOpModel lstm(n_batch, n_input, n_cell, n_output, in TEST_F() local 2606 lstm.SetInputToInputWeights(input_to_input_weights_); in TEST_F() 2607 lstm.SetInputToCellWeights(input_to_cell_weights_); in TEST_F() 2608 lstm.SetInputToForgetWeights(input_to_forget_weights_); in TEST_F() [all …]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | lstm_test.py | 27 from tensorflow.compiler.tests import lstm 80 weights = init_weights(lstm.LSTMCellWeightsShape(num_inputs, num_nodes)) 86 m, c = lstm.LSTMCell(weights, m_prev, c_prev, x, pad) 144 weights = array_ops.zeros(lstm.LSTMCellWeightsShape(num_inputs, num_nodes)) 151 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad]) 153 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad] * 2) 155 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad] * 4) 164 weights = init_weights(lstm.LSTMCellWeightsShape(num_inputs, num_nodes)) 171 out_seq = lstm.LSTMLayer('lstm', weights, m_init, c_init, x_seq, pad_seq) 242 out_seq, weights = lstm.BuildLSTMLayer(FLAGS.batch_size, FLAGS.seq_length,
|
D | BUILD | 1173 name = "lstm", 1175 srcs = ["lstm.py"], 1190 ":lstm",
|
/external/gemmlowp/test/ |
D | benchmark_meta_gemm.cc | 292 std::vector<Shape> lstm; in main() local 293 lstm.push_back(Shape(1, 500, 320)); in main() 294 lstm.push_back(Shape(1, 100, 500)); in main() 295 lstm.push_back(Shape(1, 500, 500)); in main() 296 lstm.push_back(Shape(1, 500, 100)); in main() 297 lstm.push_back(Shape(1, 2000, 100)); in main() 299 for (auto& shape : lstm) { in main() 327 for (auto& shape : lstm) { in main()
|
/external/tensorflow/tensorflow/contrib/timeseries/examples/ |
D | lstm_test.py | 21 from tensorflow.contrib.timeseries.examples import lstm 38 all_times, predicted_values) = lstm.train_and_predict(
|
D | BUILD | 127 name = "lstm", 128 srcs = ["lstm.py"], 137 srcs = ["lstm.py"],
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | serialization_test.py | 74 lstm = layer(5, return_sequences=True) 75 config = keras.layers.serialize(lstm)
|
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/ |
D | cudnn_rnn_test.py | 287 lstm = cudnn_rnn.CudnnLSTM(num_layers, num_units, 294 outputs1, _ = lstm(inputs) 296 outputs2, _ = lstm(inputs) 302 lstm = cudnn_rnn.CudnnLSTM(num_layers, num_units, 309 outputs3, _ = lstm(inputs) 358 lstm = cudnn_rnn.CudnnLSTM(num_layers, num_units, 363 outputs, _ = lstm(inputs) 396 lstm = cudnn_rnn.CudnnLSTM(num_layers, num_units, 401 outputs = lstm(inputs)
|
/external/tensorflow/tensorflow/lite/python/ |
D | lite.py | 27 from tensorflow.lite.experimental.examples.lstm.rnn import dynamic_rnn # pylint: disable=unused-im… 28 from tensorflow.lite.experimental.examples.lstm.rnn_cell import TFLiteLSTMCell # pylint: disable=u… 29 from tensorflow.lite.experimental.examples.lstm.rnn_cell import TfLiteRNNCell # pylint: disable=un…
|
D | BUILD | 74 "//tensorflow/lite/experimental/examples/lstm:tflite_lstm_ops",
|
/external/tensorflow/tensorflow/contrib/timeseries/ |
D | README.md | 16 - More advanced custom model building (`examples/lstm.py`)
|
/external/tensorflow/tensorflow/python/grappler/ |
D | hierarchical_controller.py | 762 next_c_forward, next_h_forward = lstm(signal_forward, prev_c_forward, 767 next_c_backward, next_h_backward = lstm( 804 next_c, next_h = lstm(signal, prev_c, prev_h, w_lstm, forget_bias) 887 next_c, next_h = lstm(signal, prev_c, prev_h, w_lstm, forget_bias) 1095 def lstm(x, prev_c, prev_h, w_lstm, forget_bias): function
|
/external/tensorflow/tensorflow/lite/ |
D | build_def.bzl | 276 "lstm", 343 "lstm", # TODO(b/117510976): Restore when lstm flex conversion works.
|
D | tflite_static.bp | 83 "kernels/lstm.cc",
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.lite.experimental.nn.-t-f-lite-l-s-t-m-cell.pbtxt | 3 is_instance: "<class \'tensorflow.lite.experimental.examples.lstm.rnn_cell.TFLiteLSTMCell\'>"
|
D | tensorflow.lite.experimental.nn.-tf-lite-r-n-n-cell.pbtxt | 3 is_instance: "<class \'tensorflow.lite.experimental.examples.lstm.rnn_cell.TfLiteRNNCell\'>"
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.lite.experimental.nn.-tf-lite-r-n-n-cell.pbtxt | 3 is_instance: "<class \'tensorflow.lite.experimental.examples.lstm.rnn_cell.TfLiteRNNCell\'>"
|
D | tensorflow.lite.experimental.nn.-t-f-lite-l-s-t-m-cell.pbtxt | 3 is_instance: "<class \'tensorflow.lite.experimental.examples.lstm.rnn_cell.TFLiteLSTMCell\'>"
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/ |
D | bidirectional_sequence_lstm_test.py | 23 from tensorflow.lite.experimental.examples.lstm.rnn import bidirectional_dynamic_rnn
|