Home
last modified time | relevance | path

Searched defs:Relu (Results 1 – 25 of 26) sorted by relevance

12

/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Drelu_op_gpu.cu.cc217 struct Relu<Device, qint8> { struct
222 void operator()(const Device& d, typename TTypes<qint8>::ConstTensor input, in operator ()()
262 template struct functor::Relu<GPUDevice, qint8>; member in tensorflow::functor
H A Drelu_op_functor.h28 struct Relu { struct
45 // gradients: gradients backpropagated to the Relu op. argument
H A Dfused_eigen_output_kernels.h84 struct Relu { struct
H A Dfused_batch_norm_ex_op_test.cc567 SideInputAndActivation Relu() { return {false, "Relu"}; } in Relu() function
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/
H A Drelu.py14 class Relu(torch.nn.Module): class in TestRelu
/aosp_15_r20/external/executorch/backends/qualcomm/builders/
H A Dop_relu.py17 class Relu(NodeVisitor): class
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/
H A DMetalNeuronType.h14 Relu, enumerator
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/xnnpack/
H A Drelu_test.cc97 TEST(Relu, MultiThreading) { in TEST() argument
/aosp_15_r20/external/executorch/backends/arm/test/ops/
H A Dtest_relu.py36 class Relu(torch.nn.Module): class in TestRelu
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
H A Drelu_op.cc27 XlaOp Relu(XlaOp x) { return Max(ScalarLike(x, 0), x); } in Relu() function
/aosp_15_r20/external/tensorflow/tensorflow/c/experimental/ops/
H A Dnn_ops.cc87 Status Relu(AbstractContext* ctx, AbstractTensorHandle* const features, in Relu() function
/aosp_15_r20/external/pytorch/test/fx/
H A Dquantization.py87 class Relu(NoObserver): class
/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/aten/src/ATen/native/quantized/cpu/
H A DOnednnUtils.h112 Relu, enumerator
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/
H A Dgpu_unary_ops_test.cc896 GENERATE_DEFAULT_TEST(Relu, DT_FLOAT, DT_FLOAT, baseline_relu, in GENERATE_DEFAULT_TEST() argument
/aosp_15_r20/external/tensorflow/tensorflow/core/graph/
H A Dtestlib.cc442 Node* Relu(Graph* g, Node* in) { in Relu() function
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/reference/
H A Dreference_ops.h95 inline void Relu(const RuntimeShape& input_shape, const T* input_data, in Relu() function
H A Dlegacy_reference_ops.h1231 inline void Relu(const float* input_data, const Dims<4>& input_dims, in Relu() function
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/
H A Dactivations_test.cc324 TEST(FloatActivationsOpTest, Relu) { in TEST() argument
/aosp_15_r20/external/executorch/backends/qualcomm/tests/
H A Dmodels.py762 class Relu(torch.nn.Module): class
/aosp_15_r20/external/pytorch/aten/src/ATen/test/
H A Dvec_test_all_types.cpp1332 TYPED_TEST(QuantizationTests, Relu) { in TYPED_TEST() argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/nnapi/
H A Dnnapi_delegate_test.cc2261 TEST(NNAPIDelegate, Relu) { in TEST() argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/
H A Drandomized_tests.cc3803 TEST_F(OpTest, Relu) { in TEST_F() argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/optimized/
H A Dlegacy_optimized_ops.h3486 inline void Relu(const float* input_data, const Dims<4>& input_dims, in Relu() function
H A Doptimized_ops.h1391 inline void Relu(const RuntimeShape& input_shape, const float* input_data, in Relu() function

12