Home
last modified time | relevance | path

Searched defs:Softmax (Results 1 – 25 of 28) sorted by relevance

12

/aosp_15_r20/external/pytorch/aten/src/ATen/native/transformers/cuda/flash_attn/
H A Dsoftmax.h126 struct Softmax { struct
131 __forceinline__ __device__ Softmax() {}; in Softmax() argument
134 …ine__ __device__ void softmax_rescale_o(Tensor0 &acc_s, Tensor1 &acc_o, float softmax_scale_log2) { in softmax_rescale_o()
168 SumOp<float> sum_op;
170 TensorT lse = make_fragment_like(row_sum);
171 …acc_o_rowcol = make_tensor(acc_o.data(), pytorch_flash::convert_layout_acc_rowcol(acc_o.layout()));
174 for (int mi = 0; mi < size<0>(acc_o_rowcol); ++mi) {
175 float sum = row_sum(mi);
176 float inv_sum = (sum == 0.f || sum != sum) ? 1.f : 1.f / sum;
178 float scale = !Is_dropout ? inv_sum : inv_sum * rp_dropout;
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/xnnpack/
H A Dsoftmax_test.cc92 TEST(Softmax, DISABLED_Beta) { in TEST() argument
117 TEST(Softmax, MultiThreading) { in TEST() argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/reference/
H A Dsoftmax.h31 inline void Softmax(const SoftmaxParams& params, in Softmax() function
68 inline void Softmax(const SoftmaxParams& params, in Softmax() function
H A Dlegacy_reference_ops.h750 inline void Softmax(const float* input_data, const RuntimeShape& input_shape, in Softmax() function
758 inline void Softmax(const uint8* input_data, const RuntimeShape& input_shape, in Softmax() function
1775 inline void Softmax(const float* input_data, const Dims<4>& input_dims, in Softmax() function
1782 inline void Softmax(const uint8* input_data, const Dims<4>& input_dims, in Softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/cl/kernels/
H A Dsoftmax_test.cc30 TEST_F(OpenCLOperationTest, Softmax) { in TEST_F() argument
/aosp_15_r20/external/executorch/backends/qualcomm/builders/
H A Dop_softmax.py19 class Softmax(NodeVisitor): class
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/
H A Dsoftmax.py14 class Softmax(torch.nn.Module): class in TestSoftmax
/aosp_15_r20/external/armnn/src/backends/reference/workloads/
H A DSoftmax.cpp17 void Softmax(Decoder<float>& in, Encoder<float>& out, const TensorInfo& inputTensorInfo, float beta… in Softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
H A Dsoftmax.cc43 class Softmax : public NodeShader { class
H A Dsoftmax_test.cc35 TEST(SoftmaxTest, Softmax) { in TEST() argument
/aosp_15_r20/external/executorch/backends/arm/test/ops/
H A Dtest_softmax.py35 class Softmax(torch.nn.Module): class in TestSoftmax
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tfrt/benchmarks/
H A Dsoftmax_op_benchmark.cc34 std::string Softmax(llvm::ArrayRef<bool> dynamic_dims, in Softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/
H A Dadvanced_activations.py295 class Softmax(Layer): class
/aosp_15_r20/external/pytorch/torch/ao/nn/quantized/modules/
H A Dactivation.py189 class Softmax(torch.nn.Softmax): class
/aosp_15_r20/external/pytorch/torch/nn/modules/
H A Dactivation.py1614 class Softmax(Module): class
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/optimized/
H A Dlegacy_optimized_ops.h3995 inline void Softmax(const SoftmaxParams& params, in Softmax() function
4197 inline void Softmax(const float* input_data, const RuntimeShape& input_shape, in Softmax() function
4205 inline void Softmax(const float* input_data, const Dims<4>& input_dims, in Softmax() function
4212 inline void Softmax(const uint8* input_data, const RuntimeShape& input_shape, in Softmax() function
4222 inline void Softmax(const uint8* input_data, const Dims<4>& input_dims, in Softmax() function
/aosp_15_r20/external/libpalmrejection/ui/events/ozone/evdev/touch_filter/palm_model/
H A Donedevice_train_palm_detection_filter_inference_beta.cc820 void Softmax(const int32_t rank, in Softmax() function
H A Donedevice_train_palm_detection_filter_inference.cc821 void Softmax(const int32_t rank, in Softmax() function
H A Donedevice_train_palm_detection_filter_inference_v2.cc820 void Softmax(const int32_t rank, in Softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/lite/toco/tflite/
H A Doperator.cc741 class Softmax class
/aosp_15_r20/external/executorch/backends/qualcomm/tests/
H A Dmodels.py954 class Softmax(torch.nn.Module): class
/aosp_15_r20/external/ComputeLibrary/
H A Dfilelist.json758 "Softmax": { object
2109 "Softmax": { object
/aosp_15_r20/external/pytorch/test/cpp/api/
H A Dfunctional.cpp1368 TEST_F(FunctionalTest, Softmax) { in TEST_F() argument
H A Dmodules.cpp2591 TEST_F(ModulesTest, Softmax) { in TEST_F() argument
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/
H A Dtest_static_runtime.cc2072 TEST(StaticRuntime, Softmax) { in TEST() argument

12