Home
last modified time | relevance | path

Searched defs:beta (Results 1 – 25 of 886) sorted by relevance

12345678910>>...36

/aosp_15_r20/external/armnn/src/backends/backendsCommon/test/layerTests/
H A DSoftmaxTestImpl.cpp63 float beta, in SimpleSoftmaxBaseTestImpl()
124 float beta) in SimpleSoftmaxTestImpl()
154 float beta, in SimpleSoftmaxTestImpl()
210 float beta, in Simple3dSoftmaxTestImpl()
225 float beta, in Simple4dSoftmaxTestImpl()
243 float beta) in CompareSoftmaxTestImpl()
319 float beta) in SimpleSoftmaxTest()
328 float beta, in SimpleAxisSoftmaxTest()
339 float beta) in Simple3dSoftmaxTest()
350 float beta, in Simple3dAxisSoftmaxTest()
[all …]
/aosp_15_r20/external/XNNPACK/test/
H A Df32-velu.cc89 TEST(F32_VELU__NEON_RR2_LUT16_P3_X4, beta) { in TEST() argument
91 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
172 TEST(F32_VELU__NEON_RR2_LUT16_P3_X8, beta) { in TEST() argument
174 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
255 TEST(F32_VELU__NEON_RR2_LUT16_P3_X12, beta) { in TEST() argument
257 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
338 TEST(F32_VELU__NEON_RR2_LUT16_P3_X16, beta) { in TEST() argument
340 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
421 TEST(F32_VELU__NEON_RR2_LUT16_P3_X20, beta) { in TEST() argument
423 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
[all …]
H A Df16-velu.cc89 TEST(F16_VELU__NEONFP16ARITH_RR1_P3_X8, beta) { in TEST() argument
91 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
172 TEST(F16_VELU__NEONFP16ARITH_RR1_P3_X16, beta) { in TEST() argument
174 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
255 TEST(F16_VELU__AVX2_RR1_P3_X8, beta) { in TEST() argument
257 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
338 TEST(F16_VELU__AVX2_RR1_P3_X16, beta) { in TEST() argument
340 for (float beta : std::vector<float>({0.3f, 3.0f})) { in TEST() local
/aosp_15_r20/external/ComputeLibrary/tests/validation/fixtures/
H A DGEMMFixture.h56 …e shape_b, TensorShape shape_c, TensorShape output_shape, float alpha, float beta, bool pretranspo… in setup()
86 …ape &shape_b, const TensorShape &shape_c, const TensorShape &output_shape, float alpha, float beta, in compute_target()
151 …ape &shape_a, const TensorShape &shape_b, const TensorShape &output_shape, float alpha, float beta, in compute_reference()
234 … unsigned int n, unsigned int k, unsigned int batch_size, float alpha, float beta, bool broadcast_… in setup()
263 …shape, const TensorShape &bias_shape, DataType data_type, float alpha, float beta, bool broadcast_… in compute_target()
316 …_shape, const TensorShape &rhs_shape, DataType data_type, float alpha, float beta, bool broadcast_… in compute_reference()
358 … unsigned int n, unsigned int k, unsigned int batch_size, float alpha, float beta, bool broadcast_… in setup()
386 …shape, const TensorShape &bias_shape, DataType data_type, float alpha, float beta, unsigned int m_… in compute_target()
439 …_shape, const TensorShape &rhs_shape, DataType data_type, float alpha, float beta, unsigned int m_… in compute_reference()
480 … unsigned int n, unsigned int k, unsigned int batch_size, float alpha, float beta, unsigned int v0… in setup()
[all …]
H A DSoftmaxLayerFixture.h50 …TensorShape shape, DataType data_type, QuantizationInfo quantization_info, float beta, size_t axis) in setup()
84 QuantizationInfo quantization_info, float beta, int32_t axis) in compute_target()
114 QuantizationInfo quantization_info, float beta, int32_t axis) in compute_reference()
135 void setup(TensorShape shape, DataType data_type, float beta, size_t axis) in setup()
150 …TensorShape shape, DataType data_type, QuantizationInfo quantization_info, float beta, size_t axis) in setup()
/aosp_15_r20/frameworks/rs/cpp/
H A DScriptIntrinsicBLAS.cpp110 float beta, RsAllocation C, int incX, int incY, int KL, int KU) { in nScriptIntrinsicBLAS_Single()
124 double beta, RsAllocation C, int incX, int incY, int KL, int KU) { in nScriptIntrinsicBLAS_Double()
214 int incX, float beta, const sp<Allocation>& Y, int incY) { in SGEMV()
225 int incX, double beta, const sp<Allocation>& Y, int incY) { in DGEMV()
236 int incX, Float2 beta, const sp<Allocation>& Y, int incY) { in CGEMV()
247 int incX, Double2 beta, const sp<Allocation>& Y, int incY) { in ZGEMV()
258 … const sp<Allocation>& X, int incX, float beta, const sp<Allocation>& Y, int incY) { in SGBMV()
274 … const sp<Allocation>& X, int incX, double beta, const sp<Allocation>& Y, int incY) { in DGBMV()
290 … const sp<Allocation>& X, int incX, Float2 beta, const sp<Allocation>& Y, int incY) { in CGBMV()
306 … const sp<Allocation>& X, int incX, Double2 beta, const sp<Allocation>& Y, int incY) { in ZGBMV()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/xpu/
H A DBlas.cpp13 const Scalar& beta, in addmm_out()
110 const Scalar& beta, in _addmm_activation_out()
176 const Scalar& beta, in baddbmm_out()
237 const Scalar& beta, in baddbmm_()
248 const Scalar& beta, in baddbmm()
260 const Scalar& beta, in addbmm_out()
302 const Scalar& beta, in addbmm_()
312 const Scalar& beta, in addbmm()
349 const Scalar& beta, in addmv_out()
/aosp_15_r20/external/apache-commons-math/src/main/java/org/apache/commons/math3/distribution/
H A DBetaDistribution.java49 private final double beta; field in BetaDistribution
71 public BetaDistribution(double alpha, double beta) { in BetaDistribution()
90 public BetaDistribution(double alpha, double beta, double inverseCumAccuracy) { in BetaDistribution()
102 public BetaDistribution(RandomGenerator rng, double alpha, double beta) { in BetaDistribution()
117 RandomGenerator rng, double alpha, double beta, double inverseCumAccuracy) { in BetaDistribution()
309 static double sample(RandomGenerator random, final double alpha, final double beta) { in sample()
335 final double beta = FastMath.sqrt((alpha - 2.) / (2. * a * b - alpha)); in algorithmBB() local
378 final double beta = 1. / b; in algorithmBC() local
/aosp_15_r20/external/tensorflow/tensorflow/stream_executor/rocm/
H A Drocm_blas.cc322 float beta, DeviceMemory<float> *y, int incy) { in DoBlasGemv()
333 const DeviceMemory<double> &x, int incx, double beta, in DoBlasGemv()
346 std::complex<float> beta, in DoBlasGemv()
359 std::complex<double> beta, in DoBlasGemv()
371 float beta, DeviceMemory<float> *y, int incy) { in DoBlasSbmv()
381 const DeviceMemory<double> &x, int incx, double beta, in DoBlasSbmv()
394 const void *beta, DeviceMemoryBase *c, in DoBlasGemm()
515 int incx, float beta, DeviceMemory<float> *y, int incy, in DoBlasGemvWithProfiling()
525 int incx, double beta, DeviceMemory<double> *y, int incy, in DoBlasGemvWithProfiling()
536 std::complex<float> beta, DeviceMemory<std::complex<float>> *y, int incy, in DoBlasGemvWithProfiling()
[all …]
/aosp_15_r20/cts/tests/tests/rsblas/assets/
H A Dblas_gen.py323 def L3_xGEMM(fo, alpha, beta, m, n, k): argument
347 def L3_xSYMM(fo, alpha, beta, m, n): argument
369 def L3_xHEMM(fo, alpha, beta, m, n): argument
391 def L3_xSYRK(fo, alpha, beta, n, k): argument
408 def L3_xHERK(fo, alpha, beta, n, k): argument
425 def L3_xSYR2K(fo, alpha, beta, n, k): argument
446 def L3_xHER2K(fo, alpha, beta, n, k): argument
507 def L2_xGEMV(fo, alpha, beta, m, n): argument
531 def L2_xGBMV(fo, alpha, beta, m, n, kl, ku): argument
555 def L2_xHEMV(fo, alpha, beta, n): argument
[all …]
/aosp_15_r20/frameworks/base/rs/java/android/renderscript/
H A DScriptIntrinsicBLAS.java324 …anspose int TransA, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, i… in SGEMV()
328 …as_sgemv, TransA, 0, 0, 0, 0, M, N, 0, alpha, A.getID(mRS), X.getID(mRS), beta, Y.getID(mRS), incX… in SGEMV() local
346 …nspose int TransA, double alpha, Allocation A, Allocation X, int incX, double beta, Allocation Y, … in DGEMV()
350 …as_dgemv, TransA, 0, 0, 0, 0, M, N, 0, alpha, A.getID(mRS), X.getID(mRS), beta, Y.getID(mRS), incX… in DGEMV() local
368 …nspose int TransA, Float2 alpha, Allocation A, Allocation X, int incX, Float2 beta, Allocation Y, … in CGEMV()
390 …pose int TransA, Double2 alpha, Allocation A, Allocation X, int incX, Double2 beta, Allocation Y, … in ZGEMV()
421 …sA, int KL, int KU, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, i… in SGBMV()
429 …as_sgbmv, TransA, 0, 0, 0, 0, M, N, 0, alpha, A.getID(mRS), X.getID(mRS), beta, Y.getID(mRS), incX… in SGBMV() local
456 …A, int KL, int KU, double alpha, Allocation A, Allocation X, int incX, double beta, Allocation Y, … in DGBMV()
464 …as_dgbmv, TransA, 0, 0, 0, 0, M, N, 0, alpha, A.getID(mRS), X.getID(mRS), beta, Y.getID(mRS), incX… in DGBMV() local
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/cuda/
H A Dcuda_blas.cc539 float beta, DeviceMemory<float> *y, int incy) { in DoBlasInternalImpl()
549 const DeviceMemory<double> &x, int incx, double beta, in DoBlasInternalImpl()
561 std::complex<float> beta, in DoBlasInternalImpl()
576 std::complex<double> beta, in DoBlasInternalImpl()
590 float beta, DeviceMemory<float> *y, int incy) { in DoBlasInternalImpl()
600 const DeviceMemory<double> &x, int incx, double beta, in DoBlasInternalImpl()
613 const void *beta, DeviceMemoryBase *c, in DoBlasInternalImpl()
750 int incx, float beta, DeviceMemory<float> *y, int incy, in DoBlasInternalImpl()
760 int incx, double beta, DeviceMemory<double> *y, int incy, in DoBlasInternalImpl()
771 std::complex<float> beta, DeviceMemory<std::complex<float>> *y, int incy, in DoBlasInternalImpl()
[all …]
/aosp_15_r20/external/eigen/blas/
H A Dlevel3_impl.h45 Scalar beta = *reinterpret_cast<const Scalar*>(pbeta); in EIGEN_BLAS_FUNC() local
295 Scalar beta = *reinterpret_cast<const Scalar*>(pbeta); in EIGEN_BLAS_FUNC() local
384 Scalar beta = *reinterpret_cast<const Scalar*>(pbeta); in EIGEN_BLAS_FUNC() local
444 Scalar beta = *reinterpret_cast<const Scalar*>(pbeta); in EIGEN_BLAS_FUNC() local
512 Scalar beta = *reinterpret_cast<const Scalar*>(pbeta); in EIGEN_BLAS_FUNC() local
588 RealScalar beta = *pbeta; in EIGEN_BLAS_FUNC() local
638 RealScalar beta = *pbeta; in EIGEN_BLAS_FUNC() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/cuda/
H A DSparseCUDABlas.cpp103 T *b, int64_t ldb, T *beta, T *c, int64_t ldc, in _csrmm2()
205 T *b, int64_t ldb, T beta, T *c, int64_t ldc) in csrmm2()
214 float *b, int64_t ldb, float beta, float *c, int64_t ldc) in csrmm2()
223 double *b, int64_t ldb, double beta, double *c, int64_t ldc) in csrmm2()
232 …c10::complex<float> *b, int64_t ldb, c10::complex<float> beta, c10::complex<float> *c, int64_t ldc) in csrmm2()
249 …c10::complex<double> *b, int64_t ldb, c10::complex<double> beta, c10::complex<double> *c, int64_t … in csrmm2()
283 …ala, int *csrrowptra, int *csrcolinda, const float *b, int64_t ldb, const float *beta, float *c, i… in Scsrmm2()
305 …a, int *csrrowptra, int *csrcolinda, const double *b, int64_t ldb, const double *beta, double *c, … in Dcsrmm2()
330 …tra, int *csrcolinda, const complex_target_t *b, int64_t ldb, const complex_target_t *beta, comple… in Ccsrmm2()
353 …tra, int *csrcolinda, const complex_target_t *b, int64_t ldb, const complex_target_t *beta, comple… in Zcsrmm2()
[all …]
H A DSparseBlas.cpp42 const Scalar& beta, in sparse_sampled_addmm_out_sparse_csr_cuda()
71 const Scalar& beta, in sparse_sampled_addmm_sparse_csr_cuda()
83 const Scalar& beta, in addmm_out_sparse_compressed_cuda()
165 const Scalar& beta, in baddbmm_out_sparse_csr_cuda()
202 Scalar beta(0.0); in bmm_out_sparse_csr_cuda() local
211 const Scalar& beta, in addmv_out_sparse_compressed_cuda()
H A DSparseBlasImpl.cpp75 const Scalar& beta, in addmm_out_legacy()
401 const Scalar& beta, in block_sparse_mv()
466 const Scalar& beta, in block_sparse_mm()
582 const Scalar& beta, in spmm()
692 const Scalar& beta, in spgemm()
838 const Scalar& beta, in addmm_out_sparse_csr()
977 const Scalar& beta, in addmv_out_sparse_csr()
1072 const Scalar& beta, in add_out_sparse_csr()
1418 const Scalar& beta, in sampled_addmm_out_sparse_csr()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/
H A DMatmul.cpp16 float beta, in mkldnn_matmul()
41 float beta, in mkldnn_bf16_gemm()
52 float beta, in mkldnn_fp16_gemm()
62 float beta, in mkldnn_bf32_gemm()
124 float beta, in mkldnn_gemm()
200 float beta, in mkldnn_bf16_gemm()
211 float beta, in mkldnn_fp16_gemm()
222 float beta, in mkldnn_bf32_gemm()
231 float beta, in mkldnn_matmul()
473 const float beta = 0; in _mkldnn_gemm_i8i8i32_with_blas() local
/aosp_15_r20/external/armnn/src/backends/backendsCommon/test/
H A DInstanceNormalizationEndToEndTestImpl.cpp29 const float beta, in CreateInstanceNormalizationNetwork()
66 const float beta, in InstanceNormalizationEndToEnd()
103 const float beta = 0.0f; in InstanceNormalizationNhwcEndToEndTest1() local
173 const float beta = 0.0f; in InstanceNormalizationNchwEndToEndTest1() local
244 const float beta = 10.0f; in InstanceNormalizationNhwcEndToEndTest2() local
315 const float beta = 10.0f; in InstanceNormalizationNchwEndToEndTest2() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/
H A DBlasKernel.cpp109 opmath_t beta, in gemm_notrans_()
145 opmath_t beta, in gemm_notrans_()
171 opmath_t beta, in gemm_transa_()
236 opmath_t beta, in gemm_transb_()
258 opmath_t beta, in gemm_transb_()
310 opmath_t beta, in gemm_transab_()
340 float beta, in gemm_notrans_()
388 float beta, in gemm_transa_()
420 float beta, in gemm_transa_()
450 opmath_t beta, in gemm_core_()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DCPUBlas.cpp133 const double beta, in gemm()
176 const float beta, in gemm()
224 const c10::complex<double> beta, in gemm()
267 const c10::complex<float> beta, in gemm()
310 const float beta, in gemm()
350 const float beta, in gemm()
369 const float beta, in gemm()
420 const float beta, in gemm()
456 const int64_t beta, in gemm()
500 scalar_t beta, in gemm_batched_mkl_impl()
[all …]
/aosp_15_r20/frameworks/rs/support/java/src/androidx/renderscript/
H A DScriptIntrinsicBLAS.java331 …anspose int TransA, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, i… in SGEMV()
345 …e(getID(mRS), RsBlas_sgemv, TransA, 0, 0, 0, 0, M, N, 0, alpha, aID, xID, beta, yID, incX, incY, 0… in SGEMV() local
363 …nspose int TransA, double alpha, Allocation A, Allocation X, int incX, double beta, Allocation Y, … in DGEMV()
377 …e(getID(mRS), RsBlas_dgemv, TransA, 0, 0, 0, 0, M, N, 0, alpha, aID, xID, beta, yID, incX, incY, 0… in DGEMV() local
395 …nspose int TransA, Float2 alpha, Allocation A, Allocation X, int incX, Float2 beta, Allocation Y, … in CGEMV()
427 …pose int TransA, Double2 alpha, Allocation A, Allocation X, int incX, Double2 beta, Allocation Y, … in ZGEMV()
468 …sA, int KL, int KU, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, i… in SGBMV()
486 …e(getID(mRS), RsBlas_sgbmv, TransA, 0, 0, 0, 0, M, N, 0, alpha, aID, xID, beta, yID, incX, incY, K… in SGBMV() local
513 …A, int KL, int KU, double alpha, Allocation A, Allocation X, int incX, double beta, Allocation Y, … in DGBMV()
531 …e(getID(mRS), RsBlas_dgbmv, TransA, 0, 0, 0, 0, M, N, 0, alpha, aID, xID, beta, yID, incX, incY, K… in DGBMV() local
[all …]
/aosp_15_r20/external/libaom/test/
H A Drd_test.cc24 double beta = 4; in TEST() local
42 double beta = 1.0 / 4.0; in TEST() local
60 double beta = 0.000000001; in TEST() local
70 double beta = 100; in TEST() local
80 double beta = 1; in TEST() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkl/
H A DLinearAlgebra.cpp13 const float** A, const MKL_INT lda, const float** B, const MKL_INT ldb, const float beta, in mkl_gemm_batched()
21 const double** A, const MKL_INT lda, const double** B, const MKL_INT ldb, const double beta, in mkl_gemm_batched()
30 const c10::complex<float> beta, c10::complex<float>** C, const MKL_INT ldc) { in mkl_gemm_batched()
38 const c10::complex<double> beta, c10::complex<double>** C, const MKL_INT ldc) { in mkl_gemm_batched()
46 const float beta, float* C, MKL_INT ldc) { in mkl_gemm_bf16bf16f32()
54 const float beta, float* C, int ldc) { in mkl_gemm_f16f16f32()
/aosp_15_r20/external/ComputeLibrary/src/gpu/cl/operators/
H A DClGemm.cpp204 …text, ITensorInfo *a, ITensorInfo *b, ITensorInfo *c, ITensorInfo *output, float alpha, float beta, in configure_native()
236 …text, ITensorInfo *a, ITensorInfo *b, ITensorInfo *c, ITensorInfo *output, float alpha, float beta, in configure_reshaped()
281 …text, ITensorInfo *a, ITensorInfo *b, ITensorInfo *c, ITensorInfo *output, float alpha, float beta, in configure_reshaped_only_rhs()
328 …text, ITensorInfo *a, ITensorInfo *b, ITensorInfo *c, ITensorInfo *output, float alpha, float beta, in configure_reshaped_only_rhs_mmul()
375 …Info *b, const ITensorInfo *c, const ITensorInfo *output, float alpha, float beta, const GEMMInfo … in validate_native()
409 …Info *b, const ITensorInfo *c, const ITensorInfo *output, float alpha, float beta, const GEMMInfo … in validate_reshaped()
459 …Info *b, const ITensorInfo *c, const ITensorInfo *output, float alpha, float beta, const GEMMInfo … in validate_reshaped_only_rhs()
509 …Info *b, const ITensorInfo *c, const ITensorInfo *output, float alpha, float beta, const GEMMInfo … in validate_reshaped_only_rhs_mmul()
557 … *a, ITensorInfo *b, ITensorInfo *c, ITensorInfo *output, float alpha, float beta, const GEMMInfo … in configure()
612 …Info *b, const ITensorInfo *c, const ITensorInfo *output, float alpha, float beta, const GEMMInfo … in validate()
/aosp_15_r20/external/executorch/kernels/optimized/blas/
H A DBlasKernel.h77 opmath_t beta, in gemm_notrans_()
114 opmath_t beta, in gemm_notrans_()
140 opmath_t beta, in gemm_transa_()
222 opmath_t beta, in gemm_transb_()
259 opmath_t beta, in gemm_transb_()
285 opmath_t beta, in gemm_transab_()

12345678910>>...36