Home
last modified time | relevance | path

Searched defs:softmax (Results 1 – 25 of 58) sorted by relevance

123

/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/sparse/
H A Dkernels_gpu.cu.cc348 T* softmax) { in CalculateRowSoftmax()
372 const T* logits, T* softmax) { in CSRSparseMatrixSoftmaxKernel2D()
397 const int* row_ptr, const T* logits, T* softmax) { in CSRSparseMatrixSoftmaxKernel3D()
481 const T* softmax, const int grad_softmax_begin, const int grad_softmax_end, in CalculateRowSoftmaxGrad()
547 const T* softmax, const int* grad_softmax_row_ptr, in CSRSparseMatrixSoftmaxGradKernel2D()
567 const int* softmax_row_ptr, const int* softmax_col_ind, const T* softmax, in CSRSparseMatrixSoftmaxGradKernel3D()
608 OpKernelContext* ctx, const CSRSparseMatrix& softmax, in CSRSparseMatrixSoftmaxGradGPUImpl()
H A Dsoftmax_op.cc76 functor::CSRSparseMatrixSoftmax<Device, T> softmax; in Compute() local
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/
H A Dactivation.h233 inline Tensor softmax( in softmax() function
262 inline Tensor softmax(const Tensor& input, const SoftmaxFuncOptions& options) { in softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/dtensor/mlir/expansions/
H A Dsoftmax_spmd_expander.cc146 auto softmax = builder.create<mlir::TF::DivOp>( in ComputeSoftmax() local
581 const mlir::Value softmax = in ExpandOp() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DSoftMax.cpp443 Tensor softmax(const Tensor& input_, const int64_t dim_, std::optional<ScalarType> dtype) { in softmax() function
564 Tensor softmax(const Tensor& self, Dimname dim, std::optional<ScalarType> dtype) { in softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tfrt/python_tests/
H A Dtf_softmax_test.py25 def softmax(x): function
/aosp_15_r20/packages/modules/NeuralNetworks/common/types/operations/src/
DSoftmax.cpp25 namespace softmax { namespace
/aosp_15_r20/external/libtextclassifier/native/lang_id/common/math/
H A Dsoftmax.cc76 std::vector<float> softmax; in ComputeSoftmax() local
/aosp_15_r20/external/libtextclassifier/native/utils/math/
H A Dsoftmax.cc77 std::vector<float> softmax; in ComputeSoftmax() local
/aosp_15_r20/external/ComputeLibrary/examples/
H A Dneon_copy_objects.cpp156 NESoftmaxLayer softmax{}; member in NEONCopyObjectsExample
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/
H A DSoftmax.cpp107 void softmax(ComputeGraph& graph, const std::vector<ValueRef>& args) { in softmax() function
/aosp_15_r20/external/executorch/examples/demo-apps/apple_ios/ExecuTorchDemo/ExecuTorchDemo/Sources/MobileNet/
H A DMobileNetClassifier.swift142 private func softmax(_ input: [Float]) -> [Float] { in softmax() function
/aosp_15_r20/external/libopus/dnn/
H A Dtest_vec.c16 #define softmax softmax_fast macro
/aosp_15_r20/external/armnn/src/backends/cl/test/
H A DClContextSerializerTests.cpp23 armnn::IConnectableLayer* softmax = net->AddSoftmaxLayer(armnn::SoftmaxDescriptor(), "softmax"); in CreateNetwork() local
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/costs/
H A Danalytical_cost_estimator_test.cc81 auto softmax = ops::Softmax(s.WithOpName("softmax"), logits); in CreateMiniGraph() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/
H A Dactivations.py41 def softmax(x, axis=-1): function
/aosp_15_r20/external/pytorch/functorch/dim/
H A D__init__.py155 softmax = _wrap(torch.nn.functional.softmax, single_dim=True, reduce=False) variable
/aosp_15_r20/external/pytorch/torch/sparse/
H A D__init__.py270 softmax = _add_docstr( variable
/aosp_15_r20/external/pytorch/torch/_refs/special/
H A D__init__.py216 def softmax( function
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tfrt/benchmarks/
H A Dsoftmax_op_benchmark.cc47 OutT softmax) { in ComputeSoftmax()
/aosp_15_r20/external/executorch/extension/llm/sampler/
H A Dsampler.cpp133 static void softmax(T* x, int size) { in softmax() function
/aosp_15_r20/external/tensorflow/tensorflow/tools/android/test/src/org/tensorflow/demo/
H A DTensorFlowYoloDetector.java118 private void softmax(final float[] vals) { in softmax() method in TensorFlowYoloDetector
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DSoftmax.cpp185 Tensor softmax( in softmax() function
/aosp_15_r20/external/armnn/src/backends/backendsCommon/test/
H A DJsonPrinterTestImpl.cpp142 IConnectableLayer* softmax = net->AddSoftmaxLayer(softmaxDescriptor, "softmax"); in GetSoftmaxProfilerJson() local
/aosp_15_r20/external/pytorch/torch/special/
H A D__init__.py667 softmax = _add_docstr(_special.special_softmax, variable

123