/external/tensorflow/tensorflow/lite/kernels/ |
D | bidirectional_sequence_rnn.cc | 134 const int max_time = in Prepare() local 263 fw_output_size_array->data[0] = (time_major) ? max_time : batch_size; in Prepare() 264 fw_output_size_array->data[1] = (time_major) ? batch_size : max_time; in Prepare() 273 bw_output_size_array->data[1] = max_time; in Prepare() 298 const int max_time = in EvalFloat() local 327 for (int s = 0; s < max_time; s++) { in EvalFloat() 345 for (int s = max_time - 1; s >= 0; s--) { in EvalFloat() 369 fw_output->data.f + b * fw_output_step * max_time; in EvalFloat() 370 for (int s = 0; s < max_time; s++) { in EvalFloat() 372 input->data.f + b * input_size * max_time + s * input_size; in EvalFloat() [all …]
|
D | unidirectional_sequence_rnn.cc | 73 const int max_time = in Prepare() local 93 output_size_array->data[0] = (time_major) ? max_time : batch_size; in Prepare() 94 output_size_array->data[1] = (time_major) ? batch_size : max_time; in Prepare() 158 const int max_time = in EvalFloat() local 171 for (int s = 0; s < max_time; s++) { in EvalFloat() 187 for (int s = 0; s < max_time; s++) { in EvalFloat() 190 input->data.f + b * input_size * max_time + s * input_size; in EvalFloat() 192 output->data.f + b * num_units * max_time + s * num_units; in EvalFloat() 213 const int max_time = in EvalHybrid() local 251 for (int s = 0; s < max_time; s++) { in EvalHybrid() [all …]
|
D | lstm_eval.cc | 899 int max_time, n_batch; in EvalFloat() local 901 max_time = (time_major) ? input->dims->data[0] : input->dims->data[1]; in EvalFloat() 904 max_time = 1; in EvalFloat() 984 for (int t = 0; t < max_time; t++) { in EvalFloat() 987 const int t_rel = forward_sequence ? t : max_time - t - 1; in EvalFloat() 1018 for (int t = 0; t < max_time; t++) { in EvalFloat() 1021 const int t_rel = forward_sequence ? t : max_time - t - 1; in EvalFloat() 1022 const int time_offset = b * max_time + t_rel; in EvalFloat() 1104 int max_time, n_batch; in EvalHybrid() local 1106 max_time = 1; in EvalHybrid() [all …]
|
/external/ltp/testcases/realtime/func/gtod_latency/ |
D | gtod_infinite.c | 107 nsec_t max_time = START_MAX; in main() local 177 ((diff_time > max_time) || (diff_time > REPORT_MIN))) { in main() 178 if (diff_time > max_time) in main() 179 max_time = diff_time; in main() 184 max_time, ctime(&tt)); in main() 188 max_time = 0; in main()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | rnn_test.py | 759 def graph_creation_static_vs_dynamic_rnn_benchmark(max_time): argument 769 sequence_length = np.random.randint(0, max_time, size=batch_size) 772 for _ in range(max_time) 793 (max_time, delta_static, delta_dynamic, delta_dynamic / delta_static)) 811 def static_vs_dynamic_rnn_benchmark(batch_size, max_time, num_units, use_gpu): argument 817 sequence_length = np.random.randint(0, max_time, size=batch_size) 820 for _ in range(max_time) 845 (batch_size, max_time, num_units, use_gpu, delta_static, delta_dynamic, 873 def half_seq_len_vs_unroll_half_rnn_benchmark(batch_size, max_time, num_units, argument 880 sequence_length = max_time * np.ones((batch_size,)) [all …]
|
/external/autotest/client/tests/sysbench/ |
D | sysbench.py | 32 num_threads = utils.count_cpus(), max_time = 60, \ argument 53 self.execute_pgsql(build, num_threads, max_time, read_only, args) 55 self.execute_mysql(build, num_threads, max_time, read_only, args) 58 def execute_pgsql(self, build, num_threads, max_time, read_only, args): argument 87 ' --max-time=' + str(max_time) + \ 103 def execute_mysql(self, build, num_threads, max_time, read_only, args): argument 132 ' --max-time=' + str(max_time) + \
|
/external/tensorflow/tensorflow/core/kernels/ |
D | ctc_decoder_ops.cc | 72 const int64 max_time = inputs_shape.dim_size(0); in ValidateInputsGenerateOutputs() local 75 if (max_time == 0) { in ValidateInputsGenerateOutputs() 92 if (!(seq_len_t(b) <= max_time)) { in ValidateInputsGenerateOutputs() 94 ") <= ", max_time); in ValidateInputsGenerateOutputs() 193 const int64 max_time = inputs_shape.dim_size(0); in Compute() local 203 for (std::size_t t = 0; t < max_time; ++t) { in Compute() 234 const int64 kCostPerUnit = 50 * max_time * num_classes; in Compute() 284 const int64 max_time = inputs_shape.dim_size(0); in Compute() local 296 for (std::size_t t = 0; t < max_time; ++t) { in Compute()
|
D | ctc_loss_op.cc | 69 const int64 max_time = inputs_shape.dim_size(0); in Compute() local 134 ctx, seq_len_t(b) <= max_time, in Compute() 135 errors::InvalidArgument("sequence_length(", b, ") <= ", max_time)); in Compute() 150 for (std::size_t t = 0; t < max_time; ++t) { in Compute()
|
/external/webrtc/webrtc/system_wrappers/source/ |
D | event.cc | 39 EventTypeWrapper Wait(unsigned long max_time) override { in Wait() argument 40 int to_wait = max_time == WEBRTC_EVENT_INFINITE ? in Wait() 41 rtc::Event::kForever : static_cast<int>(max_time); in Wait()
|
D | event_timer_win.cc | 40 EventTypeWrapper EventTimerWin::Wait(unsigned long max_time) { in Wait() argument 41 unsigned long res = WaitForSingleObject(event_, max_time); in Wait()
|
/external/tensorflow/tensorflow/contrib/recurrent/python/ops/ |
D | functional_rnn.py | 184 batch_size, max_time, vector_size = shape[0], shape[1], shape[2] 185 output_time = array_ops.tile(math_ops.range(0, max_time), [batch_size]) 186 output_time = array_ops.reshape(output_time, [batch_size, max_time]) 188 array_ops.reshape(sequence_lengths, [-1, 1]), [1, max_time]) 206 max_time, batch_size = shape[0], shape[1] 207 output_time = array_ops.tile(math_ops.range(0, max_time), [batch_size]) 208 output_time = array_ops.reshape(output_time, [batch_size, max_time]) 210 [-1, 1]), [1, max_time])
|
/external/tensorflow/tensorflow/contrib/seq2seq/kernels/ |
D | beam_search_ops_gpu.cu.cc | 29 __global__ void GatherTreeOpKernel(const int32 batch_size, const int32 max_time, in GatherTreeOpKernel() argument 39 Eigen::numext::mini(max_time, ldg(max_sequence_lengths + batch)); in GatherTreeOpKernel() 87 const int32 max_time = parent_ids.dimension(0); in operator ()() local 96 d.stream(), batch_size, max_time, beam_width, step_ids.data(), in operator ()()
|
D | beam_search_ops.cc | 112 const int32 max_time = parent_ids.dimension(0); in operator ()() local 123 Eigen::numext::mini(max_time, max_sequence_lengths(batch)); in operator ()() 159 2 * max_time * (5 * Eigen::TensorOpCost::AddCost<int32>()); in operator ()()
|
/external/swiftshader/third_party/llvm-7.0/llvm/utils/lit/lit/ |
D | run.py | 58 def execute_tests_in_pool(self, jobs, max_time): argument 62 if max_time: 63 deadline = time.time() + max_time 114 def execute_tests(self, display, jobs, max_time=None): argument 152 self.execute_tests_in_pool(jobs, max_time)
|
/external/tensorflow/tensorflow/contrib/seq2seq/python/kernel_tests/ |
D | decoder_v2_test.py | 42 max_time = 8 49 inputs = np.random.randn(max_time, batch_size, 52 inputs = np.random.randn(batch_size, max_time, 119 max_time = 8 125 inputs = np.random.randn(batch_size, max_time,
|
D | decoder_test.py | 41 max_time = 8 48 inputs = np.random.randn(max_time, batch_size, 51 inputs = np.random.randn(batch_size, max_time, 123 max_time = 8 129 inputs = np.random.randn(batch_size, max_time,
|
D | beam_search_ops_test.py | 100 max_time = 8 106 0, high=end_token + 1, size=(max_time, batch_size, beam_width)) 108 0, high=beam_width - 1, size=(max_time, batch_size, beam_width)) 116 self.assertEqual((max_time, batch_size, beam_width), beams.shape)
|
D | basic_decoder_test.py | 45 max_time = 8 51 inputs = np.random.randn(batch_size, max_time, 274 max_time = 8 280 batch_size, max_time, input_depth).astype(np.float32) 361 max_time = 8 367 batch_size, max_time, auxiliary_input_depth).astype(np.float32) 372 inputs = np.random.randn(batch_size, max_time,
|
/external/llvm/utils/lit/lit/ |
D | run.py | 190 def execute_tests(self, display, jobs, max_time=None, argument 252 if max_time is not None: 255 timeout_timer = threading.Timer(max_time, timeout_handler) 268 if max_time is not None:
|
/external/u-boot/arch/x86/cpu/ivybridge/ |
D | model_206ax.c | 166 unsigned tdp, min_power, max_power, max_time; in set_power_limits() local 184 max_time = (msr.hi >> 16) & 0x7f; in set_power_limits() 188 if (power_limit_time_msr_to_sec[max_time] > power_limit_1_time) in set_power_limits() 189 power_limit_1_time = power_limit_time_msr_to_sec[max_time]; in set_power_limits()
|
/external/gemmlowp/test/ |
D | benchmark_meta_gemm.cc | 160 double max_time) { in time_all() argument 165 while (sum_time < max_time) { in time_all() 179 void time_one(Shape* shape, double max_time) { in time_one() argument 187 while (sum_time < max_time) { in time_one()
|
/external/libchrome/base/synchronization/ |
D | condition_variable_posix.cc | 78 void ConditionVariable::TimedWait(const TimeDelta& max_time) { in TimedWait() argument 81 int64_t usecs = max_time.InMicroseconds(); in TimedWait()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_CTCLoss.pbtxt | 6 3-D, shape: `(max_time x batch_size x num_classes)`, the logits. 39 `(max_time x batch_size x num_classes)`.
|
/external/u-boot/arch/x86/cpu/broadwell/ |
D | cpu.c | 653 unsigned tdp, min_power, max_power, max_time; in cpu_set_power_limits() local 672 max_time = (msr.hi >> 16) & 0x7f; in cpu_set_power_limits() 676 if (power_limit_time_msr_to_sec[max_time] > power_limit_1_time) in cpu_set_power_limits() 677 power_limit_1_time = power_limit_time_msr_to_sec[max_time]; in cpu_set_power_limits()
|
/external/tensorflow/tensorflow/lite/experimental/kernels/ |
D | ctc_beam_search_decoder.cc | 169 const int max_time = SizeOfDimension(inputs, 0); in Eval() local 180 max_time >= GetTensorData<int32_t>(sequence_length)[i]); in Eval() 187 for (std::size_t t = 0; t < max_time; ++t) { in Eval()
|