/aosp_15_r20/external/libopus/dnn/training_tf2/ |
H A D | train_plc.py | 107 …l1_loss = K.mean(K.abs(e)) + 0.1*K.mean(K.maximum(0., -e[:,:,-1:])) + alpha*K.mean(K.abs(e_bands) … 108 return l1_loss 116 l1_loss = K.mean(K.abs(e)) 117 return l1_loss 125 l1_loss = K.mean(K.abs(e[:,:,:-2])) 126 return l1_loss 135 l1_loss = K.mean(K.abs(e_bands)) 136 return l1_loss 144 l1_loss = K.mean(K.minimum(K.abs(e[:,:,18:19]),.4)) 145 return l1_loss
|
/aosp_15_r20/external/pytorch/test/cpp/jit/ |
H A D | test_lite_trainer.cpp | 55 auto loss = ::torch::l1_loss(output, targets); in TEST() 73 auto loss = ::torch::l1_loss(output, targets); in TEST() 285 auto loss = ::torch::l1_loss(output, targets); in TEST() 304 auto loss = ::torch::l1_loss(output, targets); in TEST()
|
/aosp_15_r20/external/libopus/dnn/torch/plc/ |
H A D | train_plc.py | 119 loss, l1_loss, ceps_loss, band_loss, pitch_loss = plc_loss(target, out) variable 129 running_l1_loss += l1_loss.detach().cpu().item() 134 l1_loss=f"{running_l1_loss/(i+1):8.5f}",
|
H A D | plc.py | 42 l1_loss = torch.mean(torch.abs(e)) 49 … tot = l1_loss + 0.1*voice_bias + alpha*(band_loss + bias*biased_loss) + pitch_loss1 + 8*pitch_loss 50 return tot, l1_loss, ceps_loss, band_loss, pitch_loss
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | loss.h | 13 inline Tensor l1_loss( in l1_loss() function 17 return torch::l1_loss(input, target, enumtype::reduction_get_enum(reduction)); in l1_loss() 34 inline Tensor l1_loss( 38 return detail::l1_loss(input, target, options.reduction());
|
/aosp_15_r20/external/pytorch/docs/source/ |
H A D | amp.rst | 197 ``l1_loss``, 322 ``l1_loss``, 441 ``l1_loss``,
|
H A D | nn.functional.rst | 180 l1_loss
|
/aosp_15_r20/external/pytorch/aten/src/ATen/ |
H A D | autocast_mode.cpp | 273 KERNEL_MPS(l1_loss, fp32) in TORCH_LIBRARY_IMPL() 397 KERNEL_CPU(l1_loss, fp32) in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/libopus/dnn/torch/fargan/ |
H A D | stft_loss.py | 76 …error_loss = F.l1_loss(y, x) #+ F.l1_loss(torch.sqrt(y), torch.sqrt(x))#F.l1_loss(torch.log(y), t…
|
H A D | adv_train_fargan.py | 30 loss_feat += f * F.l1_loss(scores_gen[k][l], scores_real[k][l].detach())
|
/aosp_15_r20/external/pytorch/functorch/examples/maml_regression/ |
H A D | evjang.py | 114 t_loss = F.l1_loss(t_f, t_y)
|
H A D | evjang_transforms_module.py | 114 t_loss = F.l1_loss(t_f, t_y)
|
H A D | evjang_transforms.py | 118 t_loss = F.l1_loss(t_f, t_y)
|
/aosp_15_r20/external/pytorch/benchmarks/functional_autograd_benchmark/ |
H A D | torchvision_models.py | 728 card_err = F.l1_loss(card_pred.float(), tgt_lengths.float()) 744 loss_bbox = F.l1_loss(src_boxes, target_boxes, reduction="none")
|
/aosp_15_r20/external/pytorch/torch/_refs/nn/functional/ |
H A D | __init__.py | 569 def l1_loss( function 612 return torch.nn.functional.l1_loss(
|
/aosp_15_r20/external/pytorch/torch/csrc/api/src/nn/modules/ |
H A D | loss.cpp | 17 return F::detail::l1_loss(input, target, options.reduction()); in forward()
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/ |
H A D | autocast.cpp | 426 case aten::l1_loss: in handleBlock()
|
/aosp_15_r20/external/pytorch/functorch/op_analysis/ |
H A D | public_api | 420 l1_loss
|
/aosp_15_r20/external/pytorch/torch/_decomp/ |
H A D | __init__.py | 340 aten.l1_loss,
|
/aosp_15_r20/external/libopus/dnn/torch/osce/ |
H A D | adv_train_vocoder.py | 399 loss_feat += f * F.l1_loss(scores_gen[k][l], scores_real[k][l].detach())
|
H A D | adv_train_model.py | 403 loss_feat += f * F.l1_loss(scores_gen[k][l], scores_real[k][l].detach())
|
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/ |
H A D | BatchRulesDecompositions.cpp | 159 OP_DECOMPOSE(l1_loss); in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/pytorch/test/mobile/model_test/ |
H A D | nn_ops.py | 355 F.l1_loss(a, b),
|
/aosp_15_r20/external/pytorch/torch/nn/modules/ |
H A D | loss.py | 128 return F.l1_loss(input, target, reduction=self.reduction)
|
/aosp_15_r20/external/pytorch/torch/nn/ |
H A D | functional.py | 3672 return torch._C._nn.l1_loss( 3720 def l1_loss( function 3735 l1_loss, 3754 return torch._C._nn.l1_loss(
|