Home
last modified time | relevance | path

Searched refs:log_input (Results 1 – 20 of 20) sorted by relevance

/external/pytorch/torch/nn/modules/
Dloss.py335 log_input: bool
341 log_input: bool = True,
349 self.log_input = log_input
353 def forward(self, log_input: Tensor, target: Tensor) -> Tensor:
355 log_input,
357 log_input=self.log_input,
/external/pytorch/torch/csrc/api/src/nn/modules/
Dloss.cpp329 const Tensor& log_input, in forward() argument
332 log_input, in forward()
334 options.log_input(), in forward()
/external/tensorflow/tensorflow/python/ops/
Dnn_impl.py46 def log_poisson_loss(targets, log_input, compute_full_loss=False, name=None): argument
84 with ops.name_scope(name, "log_poisson_loss", [log_input, targets]) as name:
85 log_input = ops.convert_to_tensor(log_input, name="log_input")
88 targets.get_shape().assert_is_compatible_with(log_input.get_shape())
94 result = math_ops.exp(log_input) - log_input * targets
/external/pytorch/test/
Dtest_python_dispatch.py36 log_input,
767 log_input("x", x)
771 log_input("grad_y", grad_y)
797 log_input("x", x)
798 log_input("y", y)
817 log_input("x", x)
818 log_input("y", y)
819 log_input("z", z)
844 log_input("x", x)
865 log_input("x", x)
[all …]
Dtest_prims.py24 from torch.testing._internal.logging_tensor import LoggingTensor, capture_logs, log_input
331 log_input("input", r)
/external/pytorch/torch/csrc/api/include/torch/nn/functional/
Dloss.h792 bool log_input, in poisson_nll_loss() argument
799 log_input, in poisson_nll_loss()
827 options.log_input(),
/external/pytorch/torch/testing/_internal/
Dlogging_tensor.py139 def log_input(name: str, var: object) -> None: function
Dcommon_modules.py460 def poissonnllloss_reference_fn(i, t, log_input=True, full=False, reduction='mean', eps=1e-8): argument
461 if log_input:
481 log_input = constructor_kwargs.get('log_input', True)
482 input = make_input((2, 3, 4, 5)) if log_input else make_input((2, 3, 4, 5)).abs().add(0.001)
Dcommon_methods_invocations.py8614 dict(log_input=li, full=f, reduction=r)
8618 dict(log_input=li, full=f,
/external/pytorch/aten/src/ATen/native/
DLoss.cpp385 Tensor poisson_nll_loss(const Tensor& input, const Tensor& target, const bool log_input, const bool… in poisson_nll_loss() argument
388 if (log_input) { in poisson_nll_loss()
/external/pytorch/torch/csrc/api/include/torch/nn/modules/
Dloss.h625 Tensor forward(const Tensor& log_input, const Tensor& targets);
/external/pytorch/torch/csrc/api/include/torch/nn/options/
Dloss.h626 TORCH_ARG(bool, log_input) = true;
/external/pytorch/torch/_refs/nn/functional/
D__init__.py1080 log_input: bool = True,
1096 if log_input:
/external/pytorch/torch/nn/
Dfunctional.py3156 log_input: bool = True,
3201 log_input=log_input,
3215 input, target, log_input, full, eps, _Reduction.get_enum(reduction)
Dfunctional.pyi.in346 log_input: bool = ...,
/external/tensorflow/tensorflow/tools/api/golden/v2/
Dtensorflow.nn.pbtxt217 …argspec: "args=[\'targets\', \'log_input\', \'compute_full_loss\', \'name\'], varargs=None, keywor…
/external/tensorflow/tensorflow/tools/api/golden/v1/
Dtensorflow.nn.pbtxt253 …argspec: "args=[\'targets\', \'log_input\', \'compute_full_loss\', \'name\'], varargs=None, keywor…
/external/pytorch/torch/
Doverrides.py959 …lambda input, target, log_input=True, full=False, size_average=None, eps=1e-08, reduce=None, reduc…
1015 torch.poisson_nll_loss: lambda input, target, log_input, full, eps, reduction: -1,
/external/pytorch/torch/onnx/
Dsymbolic_opset9.py5616 log_input = log(g, input)
5619 log_input,
/external/pytorch/test/cpp/api/
Dmodules.cpp5436 .log_input(false) in TEST_F()