/aosp_15_r20/external/pytorch/torch/ao/nn/intrinsic/modules/ |
H A D | fused.py | 46 def __init__(self, conv, relu): argument 58 def __init__(self, conv, relu): argument 70 def __init__(self, conv, relu): argument 82 def __init__(self, linear, relu): argument 118 def __init__(self, conv, bn, relu): argument 131 def __init__(self, conv, bn, relu): argument 156 def __init__(self, conv, bn, relu): argument 169 def __init__(self, batch_norm, relu): argument 181 def __init__(self, batch_norm, relu): argument 239 def __init__(self, conv, add, relu): argument
|
/aosp_15_r20/external/ComputeLibrary/src/core/NEON/kernels/detail/ |
H A D | NEActivationFunctionDetail.h | 189 struct relu struct 200 explicit relu(ActivationLayerInfo act_info) in relu() argument 229 struct brelu argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/ |
H A D | quantize_training_test.cc | 92 Node* relu = test::graph::Relu(g, a); in TEST_F() local 143 Node* relu = test::graph::Relu(g, a); in TEST_F() local 192 Node* relu = test::graph::Relu(g, a); in TEST_F() local 246 Node* relu = test::graph::Relu(g, a); in TEST_F() local 294 Node* relu = test::graph::Relu(graph, const_a); in TEST_F() local 331 Node* relu = test::graph::Relu(graph, const_a); in TEST_F() local 373 Node* relu = test::graph::Relu(g, a); in TEST_F() local 467 Node* relu = test::graph::Relu(g, a); in TEST_F() local
|
/aosp_15_r20/external/pytorch/torch/ao/quantization/backend_config/ |
H A D | onednn.py | 318 def _fuse_conv_add_relu_left(is_qat, relu, add_pattern): argument 347 def _fuse_conv_bn_add_relu_left(is_qat, relu, add_pattern): argument 414 def _fuse_conv_add_relu_right(is_qat, relu, add_pattern): argument 443 def _fuse_conv_bn_add_relu_right(is_qat, relu, add_pattern): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/experimental/ |
H A D | nn_ops.py | 21 def relu(a, name=None): function
|
/aosp_15_r20/external/pytorch/test/typing/pass/ |
H A D | disabled_jit.py | 36 relu: ScriptFunction = jit.script(nn.functional.relu) variable
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/mpscnn/ |
H A D | MPSCNNNeuronOp.mm | 28 + (MPSCNNNeuronReLU*)relu { class
|
/aosp_15_r20/packages/modules/NeuralNetworks/tools/test_generator/tests/P_vts_variation/ |
D | conv_float.mod.py | 41 relu = ActivationConverter("relu").Identify([output], [act]) variable
|
/aosp_15_r20/packages/modules/NeuralNetworks/tools/test_generator/tests/P_naming/ |
D | conv_float.mod.py | 42 relu = ActivationConverter("relu", name="act").Identify([output], [act]) variable
|
/aosp_15_r20/packages/modules/NeuralNetworks/tools/test_generator/tests/P_vts_naming/ |
D | conv_float.mod.py | 42 relu = ActivationConverter("relu", name="act").Identify([output], [act]) variable
|
/aosp_15_r20/external/executorch/kernels/test/custom_kernel_example/ |
H A D | op_relu.cpp | 36 void relu(const Tensor& input, Tensor& output) { in relu() function
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/ |
H A D | frozen_conv_add_relu_fusion_cuda.cpp | 65 for (const auto& relu : relu_operators) { in fuseFrozenConvAddReluImpl() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/costs/ |
H A D | analytical_cost_estimator_test.cc | 70 auto relu = ops::Relu(s.WithOpName("relu"), bias); in CreateMiniGraph() local
|
/aosp_15_r20/external/rnnoise/src/ |
H A D | rnn.c | 74 static OPUS_INLINE float relu(float x) in relu() function
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/ |
H A D | activations.py | 276 def relu(x, alpha=0., max_value=None, threshold=0): function
|
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/ |
H A D | mkl_remapper_test.cc | 348 auto relu = ops::Relu(s.WithOpName("relu"), add); in TEST_F() local 350 auto relu = ops::Relu(s.WithOpName("relu"), fbn.y); in TEST_F() local
|
H A D | remapper_test.cc | 158 auto relu = ops::Relu(s.WithOpName("relu"), fbn.y); in TEST_F() local 249 auto relu = ops::Relu(s.WithOpName("relu"), fbn.y); in TEST_F() local 395 auto relu = ops::Relu(s.WithOpName("relu"), add); in TEST_F() local 502 auto relu = ops::Relu(s.WithOpName("relu"), add); in TEST_F() local
|
/aosp_15_r20/external/pytorch/torch/ao/quantization/ |
H A D | fuser_method_mappings.py | 64 def fuse_conv_bn_relu(is_qat, conv, bn, relu): argument
|
/aosp_15_r20/external/libopus/dnn/ |
H A D | nnet_arch.h | 62 static OPUS_INLINE float relu(float x) in relu() function
|
/aosp_15_r20/external/pytorch/test/inductor/ |
H A D | test_cuda_repro.py | 660 def fn(arg3_1, relu, permute_1): argument 700 def fn(arg3_1, arg3_2, relu, permute_1): argument
|
/aosp_15_r20/external/pytorch/benchmarks/fuser/ |
H A D | run_benchmarks.py | 118 def relu(a): function
|
/aosp_15_r20/external/pytorch/functorch/benchmarks/ |
H A D | pointwise_scorecard.py | 113 def relu(a): function
|
/aosp_15_r20/external/pytorch/benchmarks/tensorexpr/ |
H A D | pt_engine.py | 60 def relu(self, data): member in TorchTensorEngine
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_caffe2.py | 162 def relu(g: jit_utils.GraphContext, input): function
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | activation.h | 407 inline Tensor relu(Tensor input, bool inplace) { in relu() function
|