/aosp_15_r20/external/tflite-support/tensorflow_lite_support/cc/task/vision/utils/ |
H A D | score_calibration.h | 38 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 D | ForeachUnaryOp.cu | 271 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 D | Sigmoid.java | 41 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 D | op_sigmoid.py | 17 class Sigmoid(NodeVisitor): class
|
/aosp_15_r20/external/executorch/backends/xnnpack/operators/ |
H A D | op_sigmoid.py | 23 class Sigmoid(NodeVisitor): class
|
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/ |
H A D | sigmoid.py | 14 class Sigmoid(torch.nn.Module): class in TestSigmoid
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/ |
H A D | MetalNeuronType.h | 15 Sigmoid, enumerator
|
/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_sigmoid.py | 35 class Sigmoid(torch.nn.Module): class in TestSigmoid
|
/aosp_15_r20/external/tensorflow/tensorflow/core/transforms/remapper/ |
H A D | pass.cc | 103 enum class OpKind { Relu, Relu6, Elu, LeakyRelu, Tanh, Sigmoid }; enumerator
|
/aosp_15_r20/external/pytorch/torch/ao/nn/quantized/modules/ |
H A D | activation.py | 162 class Sigmoid(torch.nn.Sigmoid): class
|
/aosp_15_r20/external/armnn/include/armnn/ |
H A D | Types.hpp | 88 Sigmoid = 0, enumerator
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/cl/kernels/ |
H A D | elementwise_test.cc | 90 TEST_F(OpenCLOperationTest, Sigmoid) { in TEST_F() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
H A D | gpu_unary_ops_test.cc | 1038 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 D | elementwise_test.cc | 172 TEST(ElementwiseOneArgumentTest, Sigmoid) { in TEST() argument
|
/aosp_15_r20/external/pytorch/torch/nn/modules/ |
H A D | activation.py | 306 class Sigmoid(Module): class
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/ |
H A D | activations_test.cc | 1119 TEST_P(LogisticOpTest, Sigmoid) { in TEST_P() argument
|
/aosp_15_r20/external/executorch/backends/qualcomm/tests/ |
H A D | models.py | 884 class Sigmoid(torch.nn.Module): class
|
/aosp_15_r20/external/tensorflow/tensorflow/cc/gradients/ |
H A D | math_grad_test.cc | 417 TEST_F(CWiseUnaryGradTest, Sigmoid) { in TEST_F() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/ |
H A D | math_grad_test.cc | 616 TEST_F(MathGradTest, Sigmoid) { in TEST_F() argument
|
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/ |
H A D | test_static_runtime.cc | 180 TEST(StaticRuntime, Sigmoid) { in TEST() argument
|
/aosp_15_r20/external/pytorch/test/cpp/api/ |
H A D | modules.cpp | 2908 TEST_F(ModulesTest, Sigmoid) { in TEST_F() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | randomized_tests.cc | 4080 TEST_F(OpTest, Sigmoid) { in TEST_F() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/go/op/ |
H A D | wrappers.go | 43124 func Sigmoid(scope *Scope, x tf.Output) (y tf.Output) { func
|