Home
last modified time | relevance | path

Searched defs:Sigmoid (Results 1 – 23 of 23) sorted by relevance

/aosp_15_r20/external/tflite-support/tensorflow_lite_support/cc/task/vision/utils/
H A Dscore_calibration.h38 struct Sigmoid { struct
39 Sigmoid() : scale(1.0) {} in Sigmoid() function
48 bool operator==(const Sigmoid& other) const { argument
62 std::ostream& operator<<(std::ostream& os, const Sigmoid& s); argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DForeachUnaryOp.cu271 struct Sigmoid { struct
272 T one = T(1);
273 __device__ T operator()(T t) const { in operator ()()
307 OP_CUSTOM_FUNCTOR(floating_complex_half_bfloat16, sigmoid, Sigmoid) in OP_CUSTOM_FUNCTOR() argument
/aosp_15_r20/external/apache-commons-math/src/main/java/org/apache/commons/math3/analysis/function/
H A DSigmoid.java41 public class Sigmoid implements UnivariateDifferentiableFunction, DifferentiableUnivariateFunction { class
51 public Sigmoid() { in Sigmoid() method in Sigmoid
61 public Sigmoid(double lo, in Sigmoid() method in Sigmoid
/aosp_15_r20/external/executorch/backends/qualcomm/builders/
H A Dop_sigmoid.py17 class Sigmoid(NodeVisitor): class
/aosp_15_r20/external/executorch/backends/xnnpack/operators/
H A Dop_sigmoid.py23 class Sigmoid(NodeVisitor): class
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/
H A Dsigmoid.py14 class Sigmoid(torch.nn.Module): class in TestSigmoid
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/
H A DMetalNeuronType.h15 Sigmoid, enumerator
/aosp_15_r20/external/executorch/backends/arm/test/ops/
H A Dtest_sigmoid.py35 class Sigmoid(torch.nn.Module): class in TestSigmoid
/aosp_15_r20/external/tensorflow/tensorflow/core/transforms/remapper/
H A Dpass.cc103 enum class OpKind { Relu, Relu6, Elu, LeakyRelu, Tanh, Sigmoid }; enumerator
/aosp_15_r20/external/pytorch/torch/ao/nn/quantized/modules/
H A Dactivation.py162 class Sigmoid(torch.nn.Sigmoid): class
/aosp_15_r20/external/armnn/include/armnn/
H A DTypes.hpp88 Sigmoid = 0, enumerator
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/cl/kernels/
H A Delementwise_test.cc90 TEST_F(OpenCLOperationTest, Sigmoid) { in TEST_F() argument
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/
H A Dgpu_unary_ops_test.cc1038 GENERATE_DEFAULT_TEST(Sigmoid, DT_FLOAT, DT_FLOAT, baseline_sigmoid, in GENERATE_DEFAULT_TEST() argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
H A Delementwise_test.cc172 TEST(ElementwiseOneArgumentTest, Sigmoid) { in TEST() argument
/aosp_15_r20/external/pytorch/torch/nn/modules/
H A Dactivation.py306 class Sigmoid(Module): class
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/
H A Dactivations_test.cc1119 TEST_P(LogisticOpTest, Sigmoid) { in TEST_P() argument
/aosp_15_r20/external/executorch/backends/qualcomm/tests/
H A Dmodels.py884 class Sigmoid(torch.nn.Module): class
/aosp_15_r20/external/tensorflow/tensorflow/cc/gradients/
H A Dmath_grad_test.cc417 TEST_F(CWiseUnaryGradTest, Sigmoid) { in TEST_F() argument
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/
H A Dmath_grad_test.cc616 TEST_F(MathGradTest, Sigmoid) { in TEST_F() argument
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/
H A Dtest_static_runtime.cc180 TEST(StaticRuntime, Sigmoid) { in TEST() argument
/aosp_15_r20/external/pytorch/test/cpp/api/
H A Dmodules.cpp2908 TEST_F(ModulesTest, Sigmoid) { in TEST_F() argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/
H A Drandomized_tests.cc4080 TEST_F(OpTest, Sigmoid) { in TEST_F() argument
/aosp_15_r20/external/tensorflow/tensorflow/go/op/
H A Dwrappers.go43124 func Sigmoid(scope *Scope, x tf.Output) (y tf.Output) { func