/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
D | loss.h | 16 L1LossFuncOptions::reduction_t reduction) { in l1_loss() 107 MSELossFuncOptions::reduction_t reduction) { in mse_loss() 155 BinaryCrossEntropyFuncOptions::reduction_t reduction) { in binary_cross_entropy() 211 HingeEmbeddingLossFuncOptions::reduction_t reduction) { in hinge_embedding_loss() 250 MultiMarginLossFuncOptions::reduction_t reduction) { in multi_margin_loss() 303 CosineEmbeddingLossFuncOptions::reduction_t reduction) { in cosine_embedding_loss() 473 MultilabelMarginLossFuncOptions::reduction_t reduction) { in multilabel_margin_loss() 508 SoftMarginLossFuncOptions::reduction_t reduction) { in soft_margin_loss() 543 MultilabelSoftMarginLossFuncOptions::reduction_t reduction) { in multilabel_soft_margin_loss() 607 TripletMarginLossFuncOptions::reduction_t reduction) { in triplet_margin_loss() [all …]
|
/external/pytorch/aten/src/ATen/native/ |
D | Loss.cpp | 64 static inline at::Tensor apply_loss_reduction(const at::Tensor& unreduced, int64_t reduction) { in apply_loss_reduction() 144 …nst Tensor& input1, const Tensor& input2, const Tensor& target, double margin, int64_t reduction) { in cosine_embedding_loss() 182 … hinge_embedding_loss(const Tensor& self, const Tensor& target, double margin, int64_t reduction) { in hinge_embedding_loss() 200 double p, double eps, bool swap, int64_t reduction) { in triplet_margin_loss() 225 …nst Tensor& input1, const Tensor& input2, const Tensor& target, double margin, int64_t reduction) { in margin_ranking_loss() 238 Tensor kl_div(const Tensor& input, const Tensor& target, int64_t reduction, bool log_target) { in kl_div() 253 … Tensor& input, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction) { in binary_cross_entropy_cpu() 263 …put, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction, Tensor& los… in binary_cross_entropy_out_cpu() 310 … Tensor& input, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction) { in binary_cross_entropy_backward_cpu() 320 …put, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction, Tensor& gra… in binary_cross_entropy_backward_out_cpu() [all …]
|
D | LossMultiLabelMargin.cpp | 66 int64_t reduction, in multilabel_margin_loss_forward_out_frame() 116 int64_t reduction) { in multilabel_margin_loss_forward_out_cpu_template() 162 int64_t reduction, in multilabel_margin_loss_backward_out_frame() 231 int64_t reduction, in multilabel_margin_loss_backward_out_cpu_template() 278 int64_t reduction, in multilabel_margin_loss_forward_out_cpu() 289 int64_t reduction) { in multilabel_margin_loss_forward_cpu() 300 int64_t reduction, in multilabel_margin_loss_backward_cpu_out() 312 int64_t reduction, in multilabel_margin_loss_backward_cpu() 320 Tensor & multilabel_margin_loss_out(const Tensor & self, const Tensor & target, int64_t reduction, … in multilabel_margin_loss_out() 325 Tensor multilabel_margin_loss(const Tensor & self, const Tensor & target, int64_t reduction) { in multilabel_margin_loss()
|
D | LossMultiMargin.cpp | 69 const int64_t reduction) { in multi_margin_loss_cpu_kernel() 106 int64_t reduction) { in multi_margin_loss_out_cpu_template() 163 int64_t reduction) { in multi_margin_loss_backward_cpu_kernel() 218 int64_t reduction) { in multi_margin_loss_backward_out_cpu_template() 270 int64_t reduction) { in multi_margin_loss_cpu() 282 int64_t reduction, in multi_margin_loss_cpu_out() 295 int64_t reduction) { in multi_margin_loss_cpu_backward() 318 int64_t reduction, in multi_margin_loss_cpu_backward_out()
|
D | LossNLL.cpp | 164 int64_t reduction, in nll_loss_out_frame() 305 int64_t reduction, in nll_loss_forward_out_cpu_template() 343 int64_t reduction, in nll_loss_backward_out_frame() 417 int64_t reduction, in nll_loss_backward_out_cpu_template() 494 int64_t reduction, in cross_entropy_loss_prob_target() 562 int64_t reduction, in cross_entropy_loss_label_smoothing() 628 int64_t reduction, in cross_entropy_loss_symint() 661 …lf, const Tensor & target, const std::optional<Tensor>& weight_opt, int64_t reduction, int64_t ign… in nll_loss_out() 670 …lf, const Tensor & target, const std::optional<Tensor>& weight_opt, int64_t reduction, c10::SymInt… in nll_loss_symint() 682 int64_t reduction, in nll_loss_nd_symint()
|
D | LossNLL2d.cpp | 108 int64_t reduction, in nll_loss2d_forward_out_frame() 260 int64_t reduction, in nll_loss2d_forward_out_cpu_template() 289 int64_t reduction, in nll_loss2d_backward_out_frame() 372 int64_t reduction, in nll_loss2d_backward_out_cpu_template() 409 int64_t reduction, in nll_loss2d_forward_out_cpu() 425 int64_t reduction, in nll_loss2d_forward_cpu() 441 int64_t reduction, in nll_loss2d_backward_out_cpu() 465 int64_t reduction, in nll_loss2d_backward_cpu() 485 …lf, const Tensor & target, const std::optional<Tensor>& weight_opt, int64_t reduction, int64_t ign… in nll_loss2d_out() 494 …lf, const Tensor & target, const std::optional<Tensor>& weight_opt, int64_t reduction, c10::SymInt… in nll_loss2d_symint()
|
D | SegmentReduce.cpp | 32 ReductionType reduction, in _segment_reduce_lengths_cpu_kernel1() 131 ReductionType reduction, in _segment_reduce_lengths_cpu_kernel() 157 ReductionType reduction, in _segment_reduce_offsets_cpu_kernel() 187 ReductionType reduction, in _segment_reduce_cpu_lengths_backward_kernel1() 323 ReductionType reduction, in _segment_reduce_cpu_lengths_backward_kernel() 356 ReductionType reduction, in _segment_reduce_cpu_offsets_backward_kernel() 504 auto reduction = get_reduction_enum(reduce); in _segment_reduce_backward_kernel() local
|
/external/skia/src/pathops/ |
D | SkReduceOrder.cpp | 24 static int coincident_line(const SkDQuad& quad, SkDQuad& reduction) { in coincident_line() 29 static int reductionLineCount(const SkDQuad& reduction) { in reductionLineCount() 33 static int vertical_line(const SkDQuad& quad, SkDQuad& reduction) { in vertical_line() 39 static int horizontal_line(const SkDQuad& quad, SkDQuad& reduction) { in horizontal_line() 46 int minX, int maxX, int minY, int maxY, SkDQuad& reduction) { in check_linear() 110 static int coincident_line(const SkDCubic& cubic, SkDCubic& reduction) { in coincident_line() 115 static int reductionLineCount(const SkDCubic& reduction) { in reductionLineCount() 119 static int vertical_line(const SkDCubic& cubic, SkDCubic& reduction) { in vertical_line() 125 static int horizontal_line(const SkDCubic& cubic, SkDCubic& reduction) { in horizontal_line() 132 static int check_quadratic(const SkDCubic& cubic, SkDCubic& reduction) { in check_quadratic() [all …]
|
/external/pytorch/aten/src/ATen/functorch/ |
D | BatchRulesLoss.cpp | 32 std::optional<int64_t> target_bdim, int64_t reduction, in loss_batch_rule_helper() 54 std::optional<int64_t> target_bdim, int64_t reduction) { in mse_loss_batch_rule() 56 … reduction, [](const at::Tensor& self, const at::Tensor& target, int64_t reduction) { in mse_loss_batch_rule() 63 std::optional<int64_t> target_bdim, int64_t reduction, double delta) { in huber_loss_batch_rule() 65 … reduction, [delta](const at::Tensor& self, const at::Tensor& target, int64_t reduction) { in huber_loss_batch_rule() 72 std::optional<int64_t> target_bdim, int64_t reduction, double beta) { in smooth_l1_loss_batch_rule() 74 … reduction, [beta](const at::Tensor& self, const at::Tensor& target, int64_t reduction) { in smooth_l1_loss_batch_rule() 79 static Tensor apply_loss_reduction(const at::Tensor& unreduced, int64_t reduction) { in apply_loss_reduction() 90 const std::optional<Tensor>& weight, int64_t reduction) { in binary_cross_entropy_plumbing() 126 const std::optional<Tensor>& weight_opt, int64_t reduction) { in binary_cross_entropy_backward_plumbing()
|
/external/tensorflow/tensorflow/python/ops/losses/ |
D | losses_impl.py | 140 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 179 def compute_loss(losses, weights, loss_collection, reduction): argument 220 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 275 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS, argument 330 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 381 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 458 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 625 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 775 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument 841 reduction=Reduction.SUM_BY_NONZERO_WEIGHTS): argument [all …]
|
/external/tensorflow/tensorflow/python/keras/ |
D | losses.py | 87 def __init__(self, reduction=losses_utils.ReductionV2.AUTO, name=None): argument 221 reduction=losses_utils.ReductionV2.AUTO, argument 308 reduction=losses_utils.ReductionV2.AUTO, argument 366 reduction=losses_utils.ReductionV2.AUTO, argument 425 reduction=losses_utils.ReductionV2.AUTO, argument 486 reduction=losses_utils.ReductionV2.AUTO, argument 575 reduction=losses_utils.ReductionV2.AUTO, argument 659 reduction=losses_utils.ReductionV2.AUTO, argument 743 reduction=losses_utils.ReductionV2.AUTO, argument 810 def __init__(self, reduction=losses_utils.ReductionV2.AUTO, name='hinge'): argument [all …]
|
/external/pytorch/aten/src/ATen/native/cuda/ |
D | MultiLabelMarginCriterion.cu | 203 int64_t reduction, in multilabel_margin_loss_forward_out_cuda_template() 308 int64_t reduction, in multilabel_margin_loss_backward_cuda_out_template() 397 int64_t reduction, in multilabel_margin_loss_forward_out_cuda() 408 int64_t reduction) { in multilabel_margin_loss_forward_cuda() 420 int64_t reduction, in multilabel_margin_loss_backward_cuda_out() 432 int64_t reduction, in multilabel_margin_loss_backward_cuda()
|
D | SegmentReduce.cu | 88 ReductionType reduction, in segment_reduce_forward_kernel() 158 ReductionType reduction, in segment_reduce_backward_kernel() 266 ReductionType reduction, in _segment_reduce_lengths_offsets_backward_cuda_kernel() 368 ReductionType reduction, in _segment_reduce_lengths_backward_cuda_kernel() 380 ReductionType reduction, in _segment_reduce_offsets_backward_cuda_kernel() 389 ReductionType reduction, in _segment_reduce_lengths_offsets_cuda_kernel() 574 ReductionType reduction, in _segment_reduce_lengths_cuda_kernel() 584 ReductionType reduction, in _segment_reduce_offsets_cuda_kernel()
|
D | NLLLoss2d.cu | 237 int64_t reduction, in nll_loss2d_forward_out_cuda_template() 360 int64_t reduction, in nll_loss2d_backward_out_cuda_template() 471 int64_t reduction, in nll_loss2d_forward_out_cuda() 484 int64_t reduction, in nll_loss2d_forward_cuda() 498 int64_t reduction, in nll_loss2d_backward_out_cuda() 519 int64_t reduction, in nll_loss2d_backward_cuda()
|
D | Loss.cu | 65 … Tensor& input, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction) { in binary_cross_entropy_cuda() 75 …put, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction, Tensor& los… in binary_cross_entropy_out_cuda() 124 … Tensor& input, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction) { in binary_cross_entropy_backward_cuda() 134 …put, const Tensor& target, const std::optional<Tensor>& weight_opt, int64_t reduction, Tensor& gra… in binary_cross_entropy_backward_out_cuda() 282 int64_t reduction, in nll_loss_forward_out_cuda_template() 488 int64_t reduction, in nll_loss_backward_out_cuda_template()
|
D | MultiMarginLoss.cu | 165 const std::optional<Tensor> &weights_, int64_t reduction, Tensor& out_) { in multi_margin_loss_cuda_out() 291 const std::optional<Tensor> &weights, int64_t reduction) { in multi_margin_loss_cuda() 300 int64_t reduction, Tensor &grad_input_) { in multi_margin_loss_cuda_backward_out() 407 int64_t reduction) { in multi_margin_loss_cuda_backward()
|
/external/pytorch/torch/onnx/ |
D | symbolic_opset12.py | 116 def nll_loss(g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index): argument 150 g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index argument 157 g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index argument 168 reduction, argument 212 g: jit_utils.GraphContext, input, target, weight, pos_weight, reduction argument
|
/external/pytorch/torch/testing/_internal/ |
D | common_nn.py | 2713 def kldivloss_reference(input, target, reduction='mean', log_target=False): argument 2728 reduction='mean'): argument 2753 def cross_entropy_loss_prob_target_reference(input, target, weight=None, reduction='mean', argument 2776 reduction='mean', label_smoothing=0.0): argument 2815 def cross_entropy_loss_reference(input, target, weight=None, ignore_index=-100, reduction='mean', argument 2832 reduction='mean'): argument 2853 def smoothl1loss_reference(input, target, reduction='mean', beta=1.0): argument 2869 def huberloss_reference(input, target, reduction='mean', delta=1.0): argument 2897 def multilabelmarginloss_reference(input, target, reduction='mean'): argument 2923 def hingeembeddingloss_reference(input, target, margin=1.0, reduction='mean'): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | nccl_ops.py | 208 def _apply_all_reduce(reduction, tensors): argument 237 def _apply_reduce(reduction, tensors): argument
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | all_reduce_combiner_test.cc | 67 HloComputation* reduction = reductions[i]; in MakeCrossReplicaReductions() local 92 HloComputation* reduction = in MakeReduction() local 214 HloComputation* reduction = MakeReduction(HloOpcode::kAdd, module.get()); in TEST_F() local 241 HloComputation* reduction = MakeReduction(HloOpcode::kAdd, module.get()); in TEST_F() local
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | losses_utils.py | 265 reduction=ReductionV2.SUM_OVER_BATCH_SIZE): argument 279 reduction=ReductionV2.SUM_OVER_BATCH_SIZE, argument
|
/external/pytorch/test/ |
D | test_segment_reductions.py | 24 def get_default_value(initial_value, reduction): argument 42 reduction, argument
|
/external/tensorflow/tensorflow/core/kernels/ |
D | sparse_reduce_op.cc | 59 ReduceDetails reduction; in SparseTensorReduceHelper() local 184 ReduceDetails reduction = SparseTensorReduceHelper( in Compute() local 290 ReduceDetails reduction = SparseTensorReduceHelper( in Compute() local
|
/external/sdk-platform-java/gax-java/gax/src/main/java/com/google/api/gax/batching/ |
D | Semaphore64.java | 54 void reducePermitLimit(long reduction); in reducePermitLimit()
|
/external/armnn/src/armnnTfLiteParser/test/ |
D | L2Normalization.cpp | 69 const float reduction = std::accumulate(elements.begin(), elements.end(), 0.0f, in CalcL2Norm() local
|