Home
last modified time | relevance | path

Searched defs:train (Results 1 – 25 of 120) sorted by relevance

12345

/aosp_15_r20/external/sdv/vsomeip/implementation/endpoints/include/
Dbuffer.hpp38 struct train { struct
39 train(boost::asio::io_service& _io) : buffer_(std::make_shared<message_buffer_t>()), in train() argument
46 message_buffer_ptr_t buffer_;
47 std::chrono::nanoseconds departure_;
48 std::chrono::nanoseconds minimal_debounce_time_;
49 std::chrono::nanoseconds minimal_max_retention_time_;
50 std::chrono::steady_clock::time_point last_departure_;
51 std::shared_ptr<boost::asio::steady_timer> departure_timer_;
52 std::set<std::pair<service_t, method_t> > passengers_;
54 void update_departure_time_and_stop_departure() { in update_departure_time_and_stop_departure()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DDropout.cpp62 Ctype<inplace> _dropout_impl(T& input, double p, bool train) { in _dropout_impl()
105 native_dropout_cpu(const Tensor& input, double p, std::optional<bool> train) { in native_dropout_cpu()
132 Tensor dropout(const Tensor& input, double p, bool train) { in dropout()
147 Tensor& dropout_(Tensor& input, double p, bool train) { in dropout_()
151 Tensor feature_dropout(const Tensor& input, double p, bool train) { in feature_dropout()
155 Tensor& feature_dropout_(Tensor& input, double p, bool train) { in feature_dropout_()
159 Tensor alpha_dropout(const Tensor& input, double p, bool train) { in alpha_dropout()
163 Tensor& alpha_dropout_(Tensor& input, double p, bool train) { in alpha_dropout_()
167 Tensor feature_alpha_dropout(const Tensor& input, double p, bool train) { in feature_alpha_dropout()
171 Tensor& feature_alpha_dropout_(Tensor& input, double p, bool train) { in feature_alpha_dropout_()
H A DNormalization.cpp139 bool train, double eps, Tensor& output) { in batch_norm_cpu_transform_input_template()
306 bool train, double eps, std::array<bool,3> grad_input_mask) { in batch_norm_backward_cpu_template() argument
624 bool train, double epsilon, std::array<bool, 3> output_mask, const Tensor &reservedSpace) { in _batch_norm_impl_index_backward() argument
762bool train, double momentum, double eps, Tensor& out, Tensor& save_mean, Tensor& save_var) { in batch_norm_cpu_out()
805 bool train, double momentum, double eps) { in batch_norm_cpu()
886 Tensor& running_mean, Tensor& running_var, bool train, double momentum, double eps) { in _batch_norm_legit_cpu()
892 bool train, double momentum, double eps) { in _batch_norm_legit_no_stats_cpu()
902 …optional<Tensor>& bias_opt, Tensor& running_mean, Tensor& running_var, bool train, double momentum… in _batch_norm_legit_cpu_out()
907 …::optional<Tensor>& weight_opt, const std::optional<Tensor>& bias_opt, bool train, double momentum… in _batch_norm_legit_no_stats_cpu_out()
920bool train, double eps, std::array<bool,3> grad_input_mask) { in batch_norm_backward_cpu() argument
H A DRNN.cpp1082 int64_t num_layers, double dropout_p, bool train) { in apply_layer_stack()
1112 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in _rnn_impl()
1129 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in _rnn_impl_with_concat()
1138 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in _lstm_impl()
1406 bool train, in quantized_gru_data_legacy()
1433 int64_t num_layers, double dropout_p, bool train, bool bidirectional, bool batch_first) { in lstm()
1494 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in lstm()
1695 bool train, in quantized_lstm_input()
1735 bool train, in quantized_lstm_input_legacy()
1755 bool train, in quantized_lstm_data()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DPyTorchOperatorHacks.cpp165 Ctype<inplace> _dropout_impl(T& input, double p, bool train) { in _dropout_impl()
227 Tensor& dropout_(Tensor& input, double p, bool train) { in dropout_()
231 Tensor feature_dropout(const Tensor& input, double p, bool train) { in feature_dropout()
235 Tensor& feature_dropout_(Tensor& input, double p, bool train) { in feature_dropout_()
239 Tensor alpha_dropout(const Tensor& input, double p, bool train) { in alpha_dropout()
243 Tensor& alpha_dropout_(Tensor& input, double p, bool train) { in alpha_dropout_()
247 Tensor feature_alpha_dropout(const Tensor& input, double p, bool train) { in feature_alpha_dropout()
251 Tensor& feature_alpha_dropout_(Tensor& input, double p, bool train) { in feature_alpha_dropout_()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/
H A DNormalization.cpp26 bool train, in mkldnn_batch_norm()
35 bool train, in mkldnn_batch_norm_backward()
50 bool train, in _mkldnn_batch_norm_legit()
59 bool train, in _mkldnn_batch_norm_legit_no_stats()
135 bool train, in mkldnn_batch_norm()
223 bool train, in _mkldnn_batch_norm_legit()
232 bool train, in _mkldnn_batch_norm_legit_no_stats()
250 bool train, in mkldnn_batch_norm_backward()
H A DRNN.cpp43 bool train) { in mkldnn_rnn_layer()
66 bool train, in mkldnn_rnn_layer_backward()
94 bool train; member
231 bool train) { in mkldnn_rnn_layer()
313 bool train, in mkldnn_rnn_layer_backward()
459 bool train, bool bidirectional, IntArrayRef batch_sizes) { in mkldnn_rnn()
538 int64_t num_layers, double dropout_p, bool train, bool bidirectional, bool batch_first) { in mkldnn_impl()
553 int64_t num_layers, double dropout_p, bool train, bool bidirectional, bool batch_first) { in lstm_mkldnn()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dtraining_ops_test.cc110 Graph* train; in BM_SGD() local
146 Graph* train; in BM_Adagrad() local
185 Graph* train; in BM_SparseAdagrad() local
229 Graph* train; in BM_Momentum() local
277 Graph* train; in BM_Adam() local
329 Graph* train; in BM_RMSProp() local
370 Graph* train; in BM_AddSign() local
411 Graph* train; in BM_PowerSign() local
H A Dsdca_ops_test.cc234 Graph* train = nullptr; in BM_SDCA() local
247 Graph* train = nullptr; in BM_SDCA_LARGE_DENSE() local
260 Graph* train = nullptr; in BM_SDCA_LARGE_SPARSE() local
/aosp_15_r20/external/skia/infra/bots/
H A Dinfra_tests.py28 def python_unit_tests(train): argument
37 def recipe_test(train): argument
50 def gen_tasks_test(train): argument
H A DMakefile4 train: target
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/
H A Dbatch_norm_kernel.cpp35 const Tensor& running_mean, const Tensor& running_var, bool train, double eps) { in batch_norm_cpu_collect_linear_and_constant_terms()
77 const Tensor& running_mean, const Tensor& running_var, bool train, double eps) { in batch_norm_cpu_contiguous_impl()
129 const Tensor& running_mean, const Tensor& running_var, bool train, double eps) { in batch_norm_cpu_channels_last_impl()
408 bool train, double eps) { in batch_norm_cpu_backward_contiguous_impl()
531 bool train, double eps) { in batch_norm_cpu_backward_channels_last_impl()
712 const Tensor& running_mean, const Tensor& running_var, bool train, double eps) { in batch_norm_cpu_contiguous_impl()
776 const Tensor& running_mean, const Tensor& running_var, bool train, double eps) { in batch_norm_cpu_channels_last_impl()
1000 bool train, double eps) { in batch_norm_cpu_backward_contiguous_internal()
1109 bool train, double eps) { in batch_norm_cpu_backward_contiguous_impl()
1124 bool train, double eps) { in batch_norm_cpu_backward_channels_last_internal()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DNormalization.cu435 …nsor>& running_mean_opt, const std::optional<Tensor>& running_var_opt, bool train, double momentum… in batch_norm_cuda_out()
461 …nsor>& running_mean_opt, const std::optional<Tensor>& running_var_opt, bool train, double momentum… in batch_norm_cuda()
532 …optional<Tensor>& bias_opt, Tensor& running_mean, Tensor& running_var, bool train, double momentum… in _batch_norm_legit_cuda()
536 …::optional<Tensor>& weight_opt, const std::optional<Tensor>& bias_opt, bool train, double momentum… in _batch_norm_legit_no_stats_cuda()
540 …optional<Tensor>& bias_opt, Tensor& running_mean, Tensor& running_var, bool train, double momentum… in _batch_norm_legit_cuda_out()
544 …::optional<Tensor>& weight_opt, const std::optional<Tensor>& bias_opt, bool train, double momentum… in _batch_norm_legit_no_stats_cuda_out()
570 …<Tensor>& save_mean_opt, const std::optional<Tensor>& save_invstd_opt, bool train, double epsilon,… in batch_norm_backward_cuda() argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DGru.cpp49 bool train, in gru_input()
192 bool train, in GruPackedContext()
267 bool train, in create_gru_context()
H A DLstm.cpp58 bool train, in lstm_input()
234 bool train, in LstmPackedContext()
309 bool train, in create_lstm_context()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/
H A DRNN.cpp87 bool train, in _cudnn_rnn_backward()
98 bool train, in _cudnn_init_dropout_state()
125 bool train; member
2105 bool train, in _cudnn_rnn_backward()
2201 bool train, in _cudnn_init_dropout_state()
2349 bool train, in get_dropout_state()
2507 bool train, in _cudnn_impl()
2580 bool train, in _cudnn_impl()
2730 bool train, in lstm_packed_cudnn()
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A Dbatch_norm_benchmark.py64 def build_graph(device, input_shape, axes, num_layers, mode, scale, train): argument
123 train, num_iters): argument
/aosp_15_r20/external/pytorch/torch/csrc/api/src/data/datasets/
H A Dmnist.cpp62 Tensor read_images(const std::string& root, bool train) { in read_images()
82 Tensor read_targets(const std::string& root, bool train) { in read_targets()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/miopen/
H A DRNN_miopen.cpp43 …double dropout, bool train, bool bidirectional, IntArrayRef batch_sizes, const std::optional<Tenso… in miopen_rnn_backward()
763 …double dropout, bool train, bool bidirectional, IntArrayRef batch_sizes, const std::optional<Tenso… in miopen_rnn_backward()
825 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in _miopen_impl()
847 int64_t num_layers, double dropout_p, bool train, bool bidirectional, bool batch_first) { in _miopen_impl()
900 int64_t num_layers, double dropout_p, bool train, bool bidirectional) { in lstm_packed_miopen()
/aosp_15_r20/external/pytorch/benchmarks/distributed/rpc/parameter_server/trainer/
H A Dtrainer.py27 def train(self): member in TrainerBase
217 def train(self, model, data): member in DdpTrainer
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/
H A Dauto_control_deps_test.py836 def train(): function
866 def train(): function
882 def train(): function
/aosp_15_r20/external/pytorch/torch/onnx/
H A Dsymbolic_opset12.py104 def dropout(g: jit_utils.GraphContext, input, p, train): argument
111 def native_dropout(g: jit_utils.GraphContext, input, p, train): argument
/aosp_15_r20/external/pytorch/torch/_decomp/
H A Ddecompositions.py3138 train, argument
3182 train, argument
3213 train, argument
3245 train, argument
3280 train, argument
3468 train, argument
3503 train, argument
3554 train, argument
3583 train, argument
/aosp_15_r20/external/pytorch/torchgen/_autoheuristic/
H A Dtrain_decision.py728 train, argument
935 train = AHTrainDecisionTree() variable
/aosp_15_r20/external/pytorch/torchgen/_autoheuristic/pad_mm/
H A Dtrain_regression_pad_mm.py26 train = AHTrainPadMM() variable

12345