Home
last modified time | relevance | path

Searched full:sigmoid (Results 1 – 25 of 841) sorted by relevance

12345678910>>...34

/external/tflite-support/tensorflow_lite_support/cc/task/vision/utils/
Dscore_calibration.h37 // Sigmoid structure.
38 struct Sigmoid { struct
39 Sigmoid() : scale(1.0) {} in Sigmoid() argument
40 Sigmoid(std::string label, float slope, float offset, float scale = 1.0,
48 bool operator==(const Sigmoid& other) const { argument
54 // Unique label corresponding to the sigmoid parameters.
62 std::ostream& operator<<(std::ostream& os, const Sigmoid& s); argument
71 // Sigmoid calibration parameters.
77 std::vector<Sigmoid> sigmoid,
79 absl::optional<Sigmoid> default_sigmoid = absl::nullopt,
[all …]
Dscore_calibration.cc75 // Builds a single Sigmoid from the label name and associated CSV file line.
76 StatusOr<Sigmoid> SigmoidFromLabelAndLine(absl::string_view label, in SigmoidFromLabelAndLine()
98 Sigmoid sigmoid; in SigmoidFromLabelAndLine() local
99 sigmoid.label = std::string(label); in SigmoidFromLabelAndLine()
100 sigmoid.scale = float_params[0]; in SigmoidFromLabelAndLine()
101 sigmoid.slope = float_params[1]; in SigmoidFromLabelAndLine()
102 sigmoid.offset = float_params[2]; in SigmoidFromLabelAndLine()
104 sigmoid.min_uncalibrated_score = float_params[3]; in SigmoidFromLabelAndLine()
106 return sigmoid; in SigmoidFromLabelAndLine()
125 std::ostream& operator<<(std::ostream& os, const Sigmoid& s) { in operator <<()
[all …]
/external/executorch/backends/arm/test/ops/
Dtest_sigmoid.py35 class Sigmoid(torch.nn.Module): class in TestSigmoid
38 self.sigmoid = torch.nn.Sigmoid()
41 return self.sigmoid(x)
46 self.sigmoid = torch.nn.Sigmoid()
49 return self.sigmoid(x + x)
54 self.sigmoid = torch.nn.Sigmoid()
57 return x + self.sigmoid(x)
62 self.sigmoid = torch.nn.Sigmoid()
65 return self.sigmoid((self.sigmoid(y) + self.sigmoid(x)))
77 .check(["torch.ops.aten.sigmoid.default"])
[all …]
/external/pytorch/aten/src/ATen/native/
DGatedLinearUnit.cpp17 #include <ATen/ops/sigmoid.h>
125 // grad_x_a = grad_glu * sigmoid(b) in glu_backward_jvp()
127 // grad_x_b = grad_x_a * a * (1 - sigmoid(b)) in glu_backward_jvp()
130 const auto sig_b = at::sigmoid(b); in glu_backward_jvp()
136 // dgrad_x_a = d(grad_glu * sigmoid(b)) in glu_backward_jvp()
137 // = dgrad_glu * sigmoid(b) + grad_glu * sigmoid(b) * (1 - sigmoid(b)) * db in glu_backward_jvp()
142 // dgrad_x_b = d(grad_glu * sigmoid(b) * a * (1 - sigmoid(b)) in glu_backward_jvp()
143 // = d(grad_glu * sigmoid(b)) * a * (1 - sigmoid(b)) in glu_backward_jvp()
144 // + grad_glu * sigmoid(b) * da * (1 - sigmoid(b)) in glu_backward_jvp()
145 // - grad_glu * sigmoid(b) * a * sigmoid(b) * (1 - sigmoid(b)) * db in glu_backward_jvp()
[all …]
/external/pytorch/benchmarks/fastrnns/
Dcells.py17 ingate = ingate.sigmoid()
18 forgetgate = forgetgate.sigmoid()
20 outgate = outgate.sigmoid()
41 ingate = torch.sigmoid(ingate)
42 forgetgate = torch.sigmoid(forgetgate)
44 outgate = torch.sigmoid(outgate)
65 ingate = torch.sigmoid(ingate)
66 forgetgate = torch.sigmoid(forgetgate)
68 outgate = torch.sigmoid(outgate)
88 ingate = torch.sigmoid(ingate)
[all …]
/external/pytorch/aten/src/ATen/native/quantized/cpu/qnnpack/src/
Dsigmoid.c42 "failed to create Sigmoid operator with %zu channels: number of channels must be non-zero", in pytorch_qnnp_create_sigmoid_nc_q8()
49 … "failed to create Sigmoid operator with %.7g input scale: scale must be finite and positive", in pytorch_qnnp_create_sigmoid_nc_q8()
56 … "failed to create Sigmoid operator with %.7g output scale: scale must be finite and positive", in pytorch_qnnp_create_sigmoid_nc_q8()
63 "failed to create Sigmoid operator with [%" PRIu8 ", %" PRIu8 in pytorch_qnnp_create_sigmoid_nc_q8()
74 …"failed to create Sigmoid operator with %.7g output scale: only output scale of 1/256 is supported… in pytorch_qnnp_create_sigmoid_nc_q8()
81 "failed to create Sigmoid operator with %" PRIu8 in pytorch_qnnp_create_sigmoid_nc_q8()
100 "failed to allocate 256 bytes for Sigmoid lookup table"); in pytorch_qnnp_create_sigmoid_nc_q8()
110 /* Scale sigmoid(x) by 1 / output scale = 256.0 */ in pytorch_qnnp_create_sigmoid_nc_q8()
135 pytorch_qnnp_operator_t sigmoid, in pytorch_qnnp_setup_sigmoid_nc_q8() argument
148 sigmoid->batch_size = 0; in pytorch_qnnp_setup_sigmoid_nc_q8()
[all …]
/external/apache-commons-math/src/main/java/org/apache/commons/math3/analysis/function/
DSigmoid.java34 * Sigmoid</a> function.
41 public class Sigmoid implements UnivariateDifferentiableFunction, DifferentiableUnivariateFunction { class
48 * Usual sigmoid function, where the lower asymptote is 0 and the higher
51 public Sigmoid() { in Sigmoid() method in Sigmoid
56 * Sigmoid function.
61 public Sigmoid(double lo, in Sigmoid() method in Sigmoid
82 * the {@link Sigmoid#Sigmoid(double,double) sigmoid function}, ordered
91 * Computes the value of the sigmoid at {@code x}.
104 return Sigmoid.value(x, param[0], param[1]); in value()
153 * @param x Value at which to compute the sigmoid.
[all …]
/external/armnn/docs/
D05_03_delegate.dox44 - AVERAGE_POOL_2D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
46 - AVERAGE_POOL_3D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, SIGN_BIT, TANH, …
54 - CONCATENATION, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
56 - CONV_2D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
58 - CONV_3D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
62 - DEPTHWISE_CONV_2D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
82 - FULLY_CONNECTED, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
120 - MAX_POOL_2D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, TANH, NONE
122 - MAX_POOL_3D, Supported Fused Activation: RELU, RELU6, RELU_N1_TO_1, SIGMOID, SIGN_BIT, TANH, NONE
/external/executorch/backends/arm/operators/
Dop_sigmoid.py31 target = "aten.sigmoid.default"
65 tosa_graph.addOperator(TosaOp.Op().SIGMOID, [inputs[0].name], [output.name])
70 Returns a table mapping 256 entries to sigmoid([qmin,qmax])
74 def sigmoid(x): function
75 # Convert quantized input to floating point sigmoid input space.
77 # Compute sigmoid.
79 # Convert sigmoid output back to quantized space.
83 sigmoid(x)
/external/pytorch/test/quantization/fx/
Dtest_subgraph_rewriter.py210 return torch.sigmoid(x)
213 val = torch.sigmoid(x)
242 a = torch.sigmoid(x)
268 return torch.sigmoid(x)
271 y = torch.sigmoid(x)
325 …call_function <built-in method sigmoid of type object at 0x7f7c1f440fe0> (dequantize,) …
326 …call_method to (sigmoid, torch.float16…
333 …call_function <built-in method sigmoid of type object at 0x7f7c1f440fe0> (dequantize,) …
334 …call_method to (sigmoid, torch.float16…
349 x = torch.sigmoid(x)
[all …]
/external/pytorch/test/fx/
Dtest_subgraph_rewriter.py261 return torch.sigmoid(x)
264 val = torch.sigmoid(x)
293 a = torch.sigmoid(x)
321 return torch.sigmoid(x)
324 y = torch.sigmoid(x)
381 …call_function <built-in method sigmoid of type object at 0x7f7c1f440fe0> (dequantize,) …
382 …call_method to (sigmoid, torch.float16…
391 …call_function <built-in method sigmoid of type object at 0x7f7c1f440fe0> (dequantize,) …
392 …call_method to (sigmoid, torch.float16…
410 x = torch.sigmoid(x)
[all …]
/external/executorch/backends/xnnpack/test/ops/
Dsigmoid.py14 class Sigmoid(torch.nn.Module): class in TestSigmoid
17 self.sigmoid = torch.nn.Sigmoid()
20 z = self.sigmoid(x)
25 Tester(self.Sigmoid(), inputs)
27 .check_count({"torch.ops.aten.sigmoid.default": 1})
/external/tensorflow/tensorflow/compiler/jit/tests/
Dopens2s_gnmt_mixed_precision.golden_summary200 Sigmoid 24
252 Sigmoid 3
293 Sigmoid 3
324 Sigmoid 3
338 Sigmoid 3
374 Sigmoid 3
388 Sigmoid 3
402 Sigmoid 3
416 Sigmoid 3
/external/pytorch/test/
Dtest_fx_passes.py472 left = a.sigmoid()
481 left = a.sigmoid()
529 x = torch.sigmoid(x)
530 x = torch.sigmoid(x)
531 x = torch.sigmoid(x)
532 return torch.sigmoid(x)
536 return torch.sigmoid(torch.sigmoid(x))
552 x = torch.sigmoid(x)
559 x = torch.sigmoid(x)
575 z = y.sigmoid()
[all …]
/external/tensorflow/tensorflow/core/transforms/remapper/
Dpass.cc45 // Convert Sigmoid+Mul to Swish
46 // Mul(x, Sigmoid(x)) --> _MklSwish(x)
51 sigmoid_name_("tfg.Sigmoid", context) {} in MatchMulSigmoid()
65 Value sigmoid = op->getOperand(0); in matchAndRewrite() local
68 auto sigmoidOperandEqToX = [&](Value sigmoid, Value x) { in matchAndRewrite() argument
69 Operation *op = sigmoid.getDefiningOp(); in matchAndRewrite()
73 if (!sigmoidOperandEqToX(sigmoid, x)) { in matchAndRewrite()
74 // The operands are commutative and it may have both sigmoid operands. in matchAndRewrite()
76 std::swap(sigmoid, x); in matchAndRewrite()
77 if (!sigmoidOperandEqToX(sigmoid, x)) return failure(); in matchAndRewrite()
[all …]
/external/tensorflow/tensorflow/python/keras/
Dactivations.py246 """Swish activation function, `swish(x) = x * sigmoid(x)`.
248 Swish activation function which returns `x*sigmoid(x)`.
377 @keras_export('keras.activations.sigmoid')
379 def sigmoid(x): function
380 """Sigmoid activation function, `sigmoid(x) = 1 / (1 + exp(-x))`.
382 Applies the sigmoid activation function. For small values (<-5),
383 `sigmoid` returns a value close to zero, and for large values (>5)
386 Sigmoid is equivalent to a 2-element Softmax, where the second element is
387 assumed to be zero. The sigmoid function always returns a value between
393 >>> b = tf.keras.activations.sigmoid(a)
[all …]
/external/tensorflow/tensorflow/core/transforms/remapper/tests/
Donednn_remapper.mlir10 …%Sigmoid, %ctl_2 = Sigmoid(%Placeholder_0) device("/device:CPU:0") name("sigmoid1") {T = f32} : (t…
11 …%Sigmoid_3, %ctl_4 = Sigmoid(%Placeholder_0) device("/device:CPU:0") name("sigmoid2") {T = f32} : …
13 …%Sigmoid_5, %ctl_6 = Sigmoid(%Placeholder_0) device("/device:CPU:0") name("sigmoid3_1") {T = f32} …
14 …%Sigmoid_7, %ctl_8 = Sigmoid(%Sigmoid_5) device("/device:CPU:0") name("sigmoid3_2") {T = f32} : (t…
16 …%Sigmoid_9, %ctl_10 = Sigmoid(%Placeholder_0) device("/device:CPU:0") name("sigmoid4_1") {T = f32}…
18 …%Sigmoid_11, %ctl_12 = Sigmoid(%Sigmoid_9) device("/device:CPU:0") name("sigmoid4_2") {T = f32} : …
20 …%Mul, %ctl_13 = Mul(%Placeholder_0, %Sigmoid) [%ctl_12, %ctl_6] device("/device:CPU:0") name("mul1…
/external/apache-commons-math/src/main/java/org/apache/commons/math3/ml/neuralnet/sofm/util/
DQuasiSigmoidDecayFunction.java25 * Decay function whose shape is similar to a sigmoid.
32 /** Sigmoid. */
33 private final Logistic sigmoid; field in QuasiSigmoidDecayFunction
72 sigmoid = new Logistic(k, m, b, q, a, n); in QuasiSigmoidDecayFunction()
74 final double y0 = sigmoid.value(0); in QuasiSigmoidDecayFunction()
85 return scale * sigmoid.value(numCall); in value()
/external/tensorflow/tensorflow/compiler/jit/
Dintroduce_floating_point_jitter_pass_test.cc43 Output sigmoid_a = ops::Sigmoid(root.WithOpName("sigmoid_a"), input_a); in TEST()
44 Output sigmoid_b = ops::Sigmoid(root.WithOpName("sigmoid_b"), input_b); in TEST()
85 Output sigmoid_a = ops::Sigmoid(root.WithOpName("sigmoid_a"), input_a); in TEST()
86 Output sigmoid_b = ops::Sigmoid(root.WithOpName("sigmoid_b"), input_b); in TEST()
123 Output sigmoid = ops::Sigmoid(root.WithOpName("sigmoid"), input); in TEST() local
125 Output tanh = ops::Tanh(root.WithOpName("tanh"), sigmoid); in TEST()
131 tensor_names.push_back("sigmoid"); in TEST()
136 auto m_sigmoid = Out(NodeWith(Name("sigmoid"))); in TEST()
/external/pytorch/test/dynamo/
Dtest_activation_checkpointing.py205 return torch.sigmoid(torch.matmul(x, y))
225 return torch.sigmoid(torch.matmul(x, y))
244 return torch.sigmoid(torch.matmul(x, y))
289 return torch.sigmoid(torch.matmul(x, y))
316 return torch.sigmoid(self.linear(x))
328 count_ops, freq=1, op=torch.ops.aten.sigmoid.default
331 count_ops, freq=1, op=torch.ops.aten.sigmoid.default
375 return torch.sigmoid(torch.rand_like(x) * y) * x
449 a = torch.sigmoid(torch.matmul(x, y))
562 return torch.sigmoid(torch.matmul(x, x))
[all …]
Dtest_exceptions.py19 x = torch.sigmoid(x)
36 x = torch.sigmoid(x)
53 x = torch.sigmoid(x)
76 x = torch.sigmoid(x)
93 x = torch.sigmoid(x)
116 x = torch.sigmoid(x)
135 x = torch.sigmoid(x)
161 x = torch.sigmoid(x)
182 x = torch.sigmoid(x)
/external/tensorflow/tensorflow/compiler/mlir/tfrt/benchmarks/
Dcwise_op_sigmoid_benchmark.cc22 %0 = "tf.Sigmoid"(%arg0): (tensor<?xf32>) -> tensor<?xf32>
27 #define EXPR_BUILDER [](auto& in) { return in.sigmoid(); }
31 BM_TFMlir(Sigmoid, mlir_input, "sigmoid_1d", 1, f32, 1.0, 0.0,
38 BM_EigenScalar(Sigmoid, EXPR_BUILDER, 1, f32, 1.0, 0.0, /* num_threads */ 0)
44 BM_EigenVectorized(Sigmoid, EXPR_BUILDER, 1, f32, 1.0, 0.0, /* num_threads */ 0)
/external/executorch/docs/source/
Dir-exir.md130 - func: sigmoid
132 inherits: aten::sigmoid
153 sigmoid = exir_ops.edge.aten.sigmoid.default
154 print(sigmoid._schema)
155 # aten::sigmoid(Tensor self) -> Tensor
156 self_arg = sigmoid._schema.arguments[0]
157 _return = sigmoid._schema.returns[0]
/external/XNNPACK/bench/
Dsigmoid.cc58 state.SkipWithError("failed to create Sigmoid operator"); in xnnpack_sigmoid_f16()
67 state.SkipWithError("failed to setup Sigmoid operator"); in xnnpack_sigmoid_f16()
74 state.SkipWithError("failed to run Sigmoid operator"); in xnnpack_sigmoid_f16()
81 state.SkipWithError("failed to delete Sigmoid operator"); in xnnpack_sigmoid_f16()
122 state.SkipWithError("failed to create Sigmoid operator"); in xnnpack_sigmoid_f32()
131 state.SkipWithError("failed to setup Sigmoid operator"); in xnnpack_sigmoid_f32()
138 state.SkipWithError("failed to run Sigmoid operator"); in xnnpack_sigmoid_f32()
145 state.SkipWithError("failed to delete Sigmoid operator"); in xnnpack_sigmoid_f32()
191 state.SkipWithError("failed to create Sigmoid operator"); in xnnpack_sigmoid_qs8()
200 state.SkipWithError("failed to setup Sigmoid operator"); in xnnpack_sigmoid_qs8()
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dcwise_op_sigmoid.cc20 REGISTER6(UnaryOp, CPU, "Sigmoid", functor::sigmoid, bfloat16, float,
24 REGISTER3(UnaryOp, GPU, "Sigmoid", functor::sigmoid, float, Eigen::half,

12345678910>>...34