/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | relu_op_gpu.cu.cc | 217 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 D | relu_op_functor.h | 28 struct Relu { struct 45 // gradients: gradients backpropagated to the Relu op. argument
|
H A D | fused_eigen_output_kernels.h | 84 struct Relu { struct
|
H A D | fused_batch_norm_ex_op_test.cc | 567 SideInputAndActivation Relu() { return {false, "Relu"}; } in Relu() function
|
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/ |
H A D | relu.py | 14 class Relu(torch.nn.Module): class in TestRelu
|
/aosp_15_r20/external/executorch/backends/qualcomm/builders/ |
H A D | op_relu.py | 17 class Relu(NodeVisitor): class
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/ |
H A D | MetalNeuronType.h | 14 Relu, enumerator
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/xnnpack/ |
H A D | relu_test.cc | 97 TEST(Relu, MultiThreading) { in TEST() argument
|
/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_relu.py | 36 class Relu(torch.nn.Module): class in TestRelu
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
H A D | relu_op.cc | 27 XlaOp Relu(XlaOp x) { return Max(ScalarLike(x, 0), x); } in Relu() function
|
/aosp_15_r20/external/tensorflow/tensorflow/c/experimental/ops/ |
H A D | nn_ops.cc | 87 Status Relu(AbstractContext* ctx, AbstractTensorHandle* const features, in Relu() function
|
/aosp_15_r20/external/pytorch/test/fx/ |
H A D | quantization.py | 87 class Relu(NoObserver): class
|
/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/aten/src/ATen/native/quantized/cpu/ |
H A D | OnednnUtils.h | 112 Relu, enumerator
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
H A D | gpu_unary_ops_test.cc | 896 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 D | testlib.cc | 442 Node* Relu(Graph* g, Node* in) { in Relu() function
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
H A D | reference_ops.h | 95 inline void Relu(const RuntimeShape& input_shape, const T* input_data, in Relu() function
|
H A D | legacy_reference_ops.h | 1231 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 D | activations_test.cc | 324 TEST(FloatActivationsOpTest, Relu) { in TEST() argument
|
/aosp_15_r20/external/executorch/backends/qualcomm/tests/ |
H A D | models.py | 762 class Relu(torch.nn.Module): class
|
/aosp_15_r20/external/pytorch/aten/src/ATen/test/ |
H A D | vec_test_all_types.cpp | 1332 TYPED_TEST(QuantizationTests, Relu) { in TYPED_TEST() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/nnapi/ |
H A D | nnapi_delegate_test.cc | 2261 TEST(NNAPIDelegate, Relu) { in TEST() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | randomized_tests.cc | 3803 TEST_F(OpTest, Relu) { in TEST_F() argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
H A D | legacy_optimized_ops.h | 3486 inline void Relu(const float* input_data, const Dims<4>& input_dims, in Relu() function
|
H A D | optimized_ops.h | 1391 inline void Relu(const RuntimeShape& input_shape, const float* input_data, in Relu() function
|