/aosp_15_r20/frameworks/base/rs/java/android/renderscript/ |
H A D | ScriptIntrinsicBLAS.java | 8 * http://www.apache.org/licenses/LICENSE-2.0 33 * href="https://developer.android.com/guide/topics/renderscript/migration-guide">migration 289 throw new RSRuntimeException("BLAS vectors must have Y dimension of 0 or 1"); in validateGEMV() 292 if (incX <= 0 || incY <= 0) { in validateGEMV() 293 throw new RSRuntimeException("Vector increments must be greater than 0"); in validateGEMV() 295 int expectedXDim = -1, expectedYDim = -1; in validateGEMV() 297 expectedXDim = 1 + (N - 1) * incX; in validateGEMV() 298 expectedYDim = 1 + (M - 1) * incY; in validateGEMV() 300 expectedXDim = 1 + (M - 1) * incX; in validateGEMV() 301 expectedYDim = 1 + (N - 1) * incY; in validateGEMV() [all …]
|
/aosp_15_r20/external/eigen/blas/testing/ |
H A D | zblat3.f | 6 * http://www.netlib.org/lapack/explore-html/ 22 *> of the file are read using list-directed input, the last 9 records 29 *> -1 UNIT NUMBER OF SNAPSHOT FILE (NOT USED IF .LT. 0) 35 *> 0 1 2 3 5 9 VALUES OF N 37 *> (0.0,0.0) (1.0,0.0) (0.7,-0.9) VALUES OF ALPHA 38 *> 3 NUMBER OF VALUES OF BETA 39 *> (0.0,0.0) (1.0,0.0) (1.3,-1.1) VALUES OF BETA 63 *> -- Written on 8-February-1989. 69 *> 10-9-00: Change STATUS='NEW' to 'UNKNOWN' so that the testers 89 * -- Reference BLAS test routine (version 3.4.1) -- [all …]
|
H A D | cblat3.f | 6 * http://www.netlib.org/lapack/explore-html/ 22 *> of the file are read using list-directed input, the last 9 records 29 *> -1 UNIT NUMBER OF SNAPSHOT FILE (NOT USED IF .LT. 0) 35 *> 0 1 2 3 5 9 VALUES OF N 37 *> (0.0,0.0) (1.0,0.0) (0.7,-0.9) VALUES OF ALPHA 38 *> 3 NUMBER OF VALUES OF BETA 39 *> (0.0,0.0) (1.0,0.0) (1.3,-1.1) VALUES OF BETA 62 *> -- Written on 8-February-1989. 68 *> 10-9-00: Change STATUS='NEW' to 'UNKNOWN' so that the testers 88 * -- Reference BLAS test routine (version 3.4.1) -- [all …]
|
H A D | sblat3.f | 6 * http://www.netlib.org/lapack/explore-html/ 22 *> of the file are read using list-directed input, the last 6 records 29 *> -1 UNIT NUMBER OF SNAPSHOT FILE (NOT USED IF .LT. 0) 35 *> 0 1 2 3 5 9 VALUES OF N 38 *> 3 NUMBER OF VALUES OF BETA 39 *> 0.0 1.0 1.3 VALUES OF BETA 59 *> -- Written on 8-February-1989. 65 *> 10-9-00: Change STATUS='NEW' to 'UNKNOWN' so that the testers 85 * -- Reference BLAS test routine (version 3.4.1) -- 86 * -- Reference BLAS is a software package provided by Univ. of Tennessee, -- [all …]
|
H A D | dblat3.f | 6 * http://www.netlib.org/lapack/explore-html/ 22 *> of the file are read using list-directed input, the last 6 records 29 *> -1 UNIT NUMBER OF SNAPSHOT FILE (NOT USED IF .LT. 0) 35 *> 0 1 2 3 5 9 VALUES OF N 38 *> 3 NUMBER OF VALUES OF BETA 39 *> 0.0 1.0 1.3 VALUES OF BETA 59 *> -- Written on 8-February-1989. 65 *> 10-9-00: Change STATUS='NEW' to 'UNKNOWN' so that the testers 85 * -- Reference BLAS test routine (version 3.4.1) -- 86 * -- Reference BLAS is a software package provided by Univ. of Tennessee, -- [all …]
|
/aosp_15_r20/external/libavc/common/arm/ |
H A D | ih264_deblk_chroma_a9.s | 9 @ * http://www.apache.org/licenses/LICENSE-2.0 47 @/* 05 01 2015 Kaushik Added double-call functions for */ 68 @* @param[in] r0 - pu1_src 71 @* @param[in] r1 - src_strd 74 @* @param[in] r2 - alpha 77 @* @param[in] r3 - beta 78 @* Beta Value for the boundary 94 vpush {d8 - d15} 105 vabd.u8 q13, q3, q2 @Q13 = ABS(p1 - p0) 108 vabd.u8 q11, q2, q0 @Q11 = ABS(p0 - q0) [all …]
|
H A D | ih264_deblk_luma_a9.s | 9 @ * http://www.apache.org/licenses/LICENSE-2.0 41 @/* 05 01 2015 Kaushik Added double-call functions for */ 61 @* @param[in] r0 - pu1_src 64 @* @param[in] r1 - src_strd 67 @* @param[in] r2 - alpha 70 @* @param[in] r3 - beta 71 @* Beta Value for the boundary 73 @* @param[in] sp(0) - u4_bs 76 @* @param[in] sp(4) - pu1_cliptab 92 stmfd sp!, {r4-r7, lr} [all …]
|
/aosp_15_r20/frameworks/rs/support/java/src/androidx/renderscript/ |
H A D | ScriptIntrinsicBLAS.java | 8 * http://www.apache.org/licenses/LICENSE-2.0 33 * href="https://developer.android.com/guide/topics/renderscript/migration-guide">migration 296 throw new RSRuntimeException("BLAS vectors must have Y dimension of 0 or 1"); 299 if (incX <= 0 || incY <= 0) { 300 throw new RSRuntimeException("Vector increments must be greater than 0"); 302 int expectedXDim = -1, expectedYDim = -1; 304 expectedXDim = 1 + (N - 1) * incX; 305 expectedYDim = 1 + (M - 1) * incY; 307 expectedXDim = 1 + (M - 1) * incX; 308 expectedYDim = 1 + (N - 1) * incY; [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | Distributions.h | 95 if (alpha == 0.f) return 0.f; in sample_gamma() 96 scale *= compat_pow(1 - standard_uniform.sample(), 1.0f / alpha); in sample_gamma() 100 // This implements the acceptance-rejection method of Marsaglia and Tsang (2000) in sample_gamma() 102 const accscalar_t d = alpha - 1.0f / 3.0f; in sample_gamma() 109 } while (y <= 0); in sample_gamma() 111 const accscalar_t u = 1 - standard_uniform.sample(); in sample_gamma() 113 if (u < 1.0f - 0.0331f * xx * xx) in sample_gamma() 115 if (compat_log(u) < 0.5f * xx + d * (1.0f - v + compat_log(v))) in sample_gamma() 125 * http://www.apache.org/licenses/LICENSE-2.0 146 return (1.0 / 12 - (1.0 / 360 - 1.0 / 1260 / kp1sq) / kp1sq) / (k + 1); in stirling_approx_tail() [all …]
|
/aosp_15_r20/external/cblas/testing/ |
H A D | c_d3chke.c | 22 cblas_ok = 0 ; in chkxer() 32 ALPHA=0.0, BETA=0.0; in F77_d3chke() local 46 if (strncmp( sf,"cblas_dgemm" ,11)==0) { in F77_d3chke() 50 cblas_dgemm( INVALID, CblasNoTrans, CblasNoTrans, 0, 0, 0, in F77_d3chke() 51 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_d3chke() 54 cblas_dgemm( INVALID, CblasNoTrans, CblasTrans, 0, 0, 0, in F77_d3chke() 55 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_d3chke() 58 cblas_dgemm( INVALID, CblasTrans, CblasNoTrans, 0, 0, 0, in F77_d3chke() 59 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_d3chke() 62 cblas_dgemm( INVALID, CblasTrans, CblasTrans, 0, 0, 0, in F77_d3chke() [all …]
|
H A D | c_s3chke.c | 22 cblas_ok = 0 ; in chkxer() 32 ALPHA=0.0, BETA=0.0; in F77_s3chke() local 46 if (strncmp( sf,"cblas_sgemm" ,11)==0) { in F77_s3chke() 49 cblas_sgemm( INVALID, CblasNoTrans, CblasNoTrans, 0, 0, 0, in F77_s3chke() 50 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_s3chke() 53 cblas_sgemm( INVALID, CblasNoTrans, CblasTrans, 0, 0, 0, in F77_s3chke() 54 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_s3chke() 57 cblas_sgemm( INVALID, CblasTrans, CblasNoTrans, 0, 0, 0, in F77_s3chke() 58 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_s3chke() 61 cblas_sgemm( INVALID, CblasTrans, CblasTrans, 0, 0, 0, in F77_s3chke() [all …]
|
H A D | c_z3chke.c | 22 cblas_ok = 0 ; in chkxer() 33 BETA[2] = {0.0,0.0}, in F77_z3chke() local 48 if (strncmp( sf,"cblas_zgemm" ,11)==0) { in F77_z3chke() 52 cblas_zgemm( INVALID, CblasNoTrans, CblasNoTrans, 0, 0, 0, in F77_z3chke() 53 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_z3chke() 56 cblas_zgemm( INVALID, CblasNoTrans, CblasTrans, 0, 0, 0, in F77_z3chke() 57 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_z3chke() 60 cblas_zgemm( INVALID, CblasTrans, CblasNoTrans, 0, 0, 0, in F77_z3chke() 61 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_z3chke() 64 cblas_zgemm( INVALID, CblasTrans, CblasTrans, 0, 0, 0, in F77_z3chke() [all …]
|
H A D | c_c3chke.c | 22 cblas_ok = 0 ; in chkxer() 33 BETA[2] = {0.0,0.0}, in F77_c3chke() local 48 if (strncmp( sf,"cblas_cgemm" ,11)==0) { in F77_c3chke() 52 cblas_cgemm( INVALID, CblasNoTrans, CblasNoTrans, 0, 0, 0, in F77_c3chke() 53 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_c3chke() 56 cblas_cgemm( INVALID, CblasNoTrans, CblasTrans, 0, 0, 0, in F77_c3chke() 57 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_c3chke() 60 cblas_cgemm( INVALID, CblasTrans, CblasNoTrans, 0, 0, 0, in F77_c3chke() 61 ALPHA, A, 1, B, 1, BETA, C, 1 ); in F77_c3chke() 64 cblas_cgemm( INVALID, CblasTrans, CblasTrans, 0, 0, 0, in F77_c3chke() [all …]
|
H A D | c_c2chke.c | 22 cblas_ok = 0 ; in chkxer() 33 BETA[2] = {0.0,0.0}, in F77_c2chke() local 48 if (strncmp( sf,"cblas_cgemv",11)==0) { in F77_c2chke() 51 cblas_cgemv(INVALID, CblasNoTrans, 0, 0, in F77_c2chke() 52 ALPHA, A, 1, X, 1, BETA, Y, 1 ); in F77_c2chke() 55 cblas_cgemv(CblasColMajor, INVALID, 0, 0, in F77_c2chke() 56 ALPHA, A, 1, X, 1, BETA, Y, 1 ); in F77_c2chke() 59 cblas_cgemv(CblasColMajor, CblasNoTrans, INVALID, 0, in F77_c2chke() 60 ALPHA, A, 1, X, 1, BETA, Y, 1 ); in F77_c2chke() 63 cblas_cgemv(CblasColMajor, CblasNoTrans, 0, INVALID, in F77_c2chke() [all …]
|
/aosp_15_r20/external/linux-kselftest/tools/testing/selftests/net/ |
H A D | ioam6.sh | 2 # SPDX-License-Identifier: GPL-2.0+ 11 # and INPUT tests only use a two-node topology (alpha and beta), while GLOBAL 12 # tests use the entire three-node topology (alpha, beta, gamma). Each test is 16 # When either Beta or Gamma is the destination (depending on the test category), 17 # Alpha adds an IOAM option (Pre-allocated Trace) inside a Hop-by-hop. 20 # +-------------------+ +-------------------+ 24 # | +-------------+ | | +-------------+ | 27 # | +-------------+ | | +-------------+ | 29 # +-------------------+ +-------------------+ 33 # +----------------------------------------------------+ [all …]
|
/aosp_15_r20/frameworks/rs/cpp/ |
H A D | ScriptIntrinsicBLAS.cpp | 8 * http://www.apache.org/licenses/LICENSE-2.0 21 #define NELEM(m) (sizeof(m) / sizeof((m)[0])) 58 memset(&call, 0, sizeof(call)); in setUpBLASCall() 71 // For Single-precision BLAS. in setUpBLASCall() 73 call.beta.f = betaF; in setUpBLASCall() 76 // For Double-precision BLAS. in setUpBLASCall() 78 call.beta.d = betaD; in setUpBLASCall() 81 // For Single-precision complex BLAS. in setUpBLASCall() 84 call.beta.c.r = betaCX; in setUpBLASCall() 85 call.beta.c.i = betaCY; in setUpBLASCall() [all …]
|
/aosp_15_r20/external/libavc/common/ |
H A D | ih264_deblk_edge_filters.c | 9 * http://www.apache.org/licenses/LICENSE-2.0 33 * - ih264_deblk_luma_vert_bs4 34 * - ih264_deblk_luma_horz_bs4 35 * - ih264_deblk_chroma_vert_bs4_bp 36 * - ih264_deblk_chroma_horz_bs4_bp 37 * - ih264_deblk_luma_vert_bslt4 38 * - ih264_deblk_chroma_vert_bslt4_bp 39 * - ih264_deblk_luma_horz_bslt4 40 * - ih264_deblk_luma_horz_bslt4 41 * - ih264_deblk_luma_vert_bs4_mbaff [all …]
|
/aosp_15_r20/external/armnn/src/backends/backendsCommon/test/layerTests/ |
H A D | SoftmaxTestImpl.cpp | 3 // SPDX-License-Identifier: MIT 63 float beta, in SimpleSoftmaxBaseTestImpl() argument 67 int axis = -1) in SimpleSoftmaxBaseTestImpl() 72 const int qOffset = 0; in SimpleSoftmaxBaseTestImpl() 94 data.m_Parameters.m_Beta = beta; in SimpleSoftmaxBaseTestImpl() 103 inputHandle->Allocate(); in SimpleSoftmaxBaseTestImpl() 104 outputHandle->Allocate(); in SimpleSoftmaxBaseTestImpl() 115 outputHandle->GetShape(), in SimpleSoftmaxBaseTestImpl() 124 float beta) in SimpleSoftmaxTestImpl() argument 129 float x0[4] = { exp((0.f - 1.0f) * beta), exp((1.0f - 1.0f) * beta), in SimpleSoftmaxTestImpl() [all …]
|
/aosp_15_r20/external/apache-commons-math/src/main/java/org/apache/commons/math3/distribution/ |
H A D | BetaDistribution.java | 9 * http://www.apache.org/licenses/LICENSE-2.0 23 import org.apache.commons.math3.special.Beta; 29 * Implements the Beta distribution. 31 * @see <a href="http://en.wikipedia.org/wiki/Beta_distribution">Beta distribution</a> 40 public static final double DEFAULT_INVERSE_ABSOLUTE_ACCURACY = 1e-9; 43 private static final long serialVersionUID = -1221965979403477668L; 49 private final double beta; field in BetaDistribution 52 * Normalizing factor used in density computations. updated whenever alpha or beta are changed. 69 * @param beta Second shape parameter (must be positive). 71 public BetaDistribution(double alpha, double beta) { in BetaDistribution() argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/ |
H A D | test_manifest.txt | 16 DISABLED_add/add_activation=False,dtype=tf.float32,input_shape_1=[0],input_shape_2=[1] 65 concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=1,type=tf.float32 66 concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=1,type=tf.uint8 67 DISABLED_concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=1,type=tf.int32 68 DISABLED_concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=1,type=tf.int64 69 concat/concat_axis=0,base_shape=[3,4],num_tensors=1,type=tf.float32 70 concat/concat_axis=0,base_shape=[3,4],num_tensors=1,type=tf.uint8 71 DISABLED_concat/concat_axis=0,base_shape=[3,4],num_tensors=1,type=tf.int32 72 DISABLED_concat/concat_axis=0,base_shape=[3,4],num_tensors=1,type=tf.int64 73 concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=2,type=tf.float32 [all …]
|
/aosp_15_r20/external/openscreen/third_party/abseil/src/absl/random/ |
H A D | beta_distribution_test.cc | 7 // https://www.apache.org/licenses/LICENSE-2.0 54 std::exp(std::log((std::numeric_limits<TypeParam>::max)()) - in TYPED_TEST() 57 std::log((std::numeric_limits<TypeParam>::max)()) - in TYPED_TEST() 58 std::log(std::log((std::numeric_limits<TypeParam>::max)())) - 10.0f); in TYPED_TEST() 64 TypeParam(1e-20), TypeParam(1e-12), TypeParam(1e-8), TypeParam(1e-4), in TYPED_TEST() 65 TypeParam(1e-3), TypeParam(0.1), TypeParam(0.25), in TYPED_TEST() 66 std::nextafter(TypeParam(0.5), TypeParam(0)), // 0.5 - epsilon in TYPED_TEST() 69 std::nextafter(TypeParam(1), TypeParam(0)), // 1 - epsilon in TYPED_TEST() 74 std::nextafter(kSmallA, TypeParam(0)), // in TYPED_TEST() 77 std::nextafter(kLargeA, TypeParam(0)), // in TYPED_TEST() [all …]
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/fixtures/ |
H A D | GEMMFixture.h | 2 * Copyright (c) 2017-2022 Arm Limited. 4 * SPDX-License-Identifier: MIT 56 …hape_b, TensorShape shape_c, TensorShape output_shape, float alpha, float beta, bool pretranspose,… in setup() argument 59 … _target = compute_target(shape_a, shape_b, shape_c, output_shape, alpha, beta, data_type); in setup() 60 _reference = compute_reference(shape_a, shape_b, output_shape, alpha, beta, data_type); in setup() 65 void fill(U &&tensor, int i, float lo = -1.f, float hi = 1.f) 72 library->fill(tensor, distribution, i); 78 library->fill(tensor, distribution, i); 82 library->fill_tensor_uniform(tensor, i); 86 …ape &shape_b, const TensorShape &shape_c, const TensorShape &output_shape, float alpha, float beta, in compute_target() argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/ |
H A D | blas.h | 7 http://www.apache.org/licenses/LICENSE-2.0 16 // Exposes the family of BLAS routines as pre-canned high performance calls for 23 // a Stream -- users typically will not use this API directly, but will use the 27 // DeviceMemory<float> x = stream_exec->AllocateArray<float>(1024); 28 // DeviceMemory<float> y = stream_exec->AllocateArray<float>(1024); 37 // kernel launches (via StreamExecutor::ThenLaunch()) with these pre-canned BLAS 69 using DeviceMemorySlice = port::ArraySlice<DeviceMemory<T> *>; // non-absl ok 106 kF16, // 16-bit floating-point 107 kF32, // 32-bit floating-point 108 kF64, // 64-bit floating-point [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/ |
H A D | BlasKernel.cpp | 21 const float beta, 33 const float beta, 59 if (alpha == opmath_t(0)) { in scale_() 62 a[j * lda + i] = scalar_t(0); in scale_() 78 using acc_t = decltype(f(0)); in sum() 83 int64_t i = 0; in sum() 90 partial_sums[0] += f(i); in sum() 93 partial_sums[0] += partial_sums[k]; in sum() 95 return partial_sums[0]; in sum() 109 opmath_t beta, in gemm_notrans_() argument [all …]
|
/aosp_15_r20/system/core/fastboot/ |
H A D | fastboot_test.cpp | 8 * http://www.apache.org/licenses/LICENSE-2.0 19 #include <android-base/logging.h> 27 fb.ParseOsPatchLevel(&hdr, "2018-01-05"); in TEST() 28 ASSERT_EQ(2018U, 2000U + ((hdr.os_version >> 4) & 0x7f)); in TEST() 29 ASSERT_EQ(1U, ((hdr.os_version >> 0) & 0xf)); in TEST() 31 EXPECT_DEATH(fb.ParseOsPatchLevel(&hdr, "2018"), "should be YYYY-MM-DD"); in TEST() 32 EXPECT_DEATH(fb.ParseOsPatchLevel(&hdr, "2018-01"), "should be YYYY-MM-DD"); in TEST() 33 EXPECT_DEATH(fb.ParseOsPatchLevel(&hdr, "2128-01-05"), "year out of range"); in TEST() 34 EXPECT_DEATH(fb.ParseOsPatchLevel(&hdr, "2018-13-05"), "month out of range"); in TEST() 43 ASSERT_EQ(1U, ((hdr.os_version >> 25) & 0x7f)); in TEST() [all …]
|