/external/eigen/Eigen/src/Core/products/ |
D | SelfadjointMatrixMatrix.h | 54 …const Index peeled_mc2 = Pack1>=2*PacketSize ? peeled_mc3+((rows-peeled_mc3)/(2*PacketSize))*(2*Pa… in operator() 96 for(Index j2=0; j2<k2; j2+=nr) in operator() local 100 blockB[count+0] = rhs(k,j2+0); in operator() 101 blockB[count+1] = rhs(k,j2+1); in operator() 104 blockB[count+2] = rhs(k,j2+2); in operator() 105 blockB[count+3] = rhs(k,j2+3); in operator() 109 blockB[count+4] = rhs(k,j2+4); in operator() 110 blockB[count+5] = rhs(k,j2+5); in operator() 111 blockB[count+6] = rhs(k,j2+6); in operator() 112 blockB[count+7] = rhs(k,j2+7); in operator() [all …]
|
D | TriangularSolverMatrix.h | 91 IsLower ? k2+=kc : k2-=kc) 93 const Index actual_kc = (std::min)(IsLower ? size-k2 : k2, kc); 99 // - B = R1 => general block copy (done during the next step) 100 // - R1 = A11^-1 B => tricky part 101 …// - update B from the new R1 => actually this has to be performed continuously during the above… 102 // - R2 -= A21 * B => GEPP 104 // The tricky part: compute R1 = A11^-1 B while updating B from R1 108 for(Index j2=0; j2<cols; j2+=subcols) 110 Index actual_cols = (std::min)(cols-j2,subcols); 114 Index actualPanelWidth = std::min<Index>(actual_kc-k1, SmallPanelWidth); [all …]
|
D | GeneralBlockPanelKernel.h | 4 // Copyright (C) 2008-2009 Gael Guennebaud <gael.guennebaud@inria.fr> 40 CacheSizes(): m_l1(-1),m_l2(-1),m_l3(-1) { in CacheSizes() 86 * - the L1 and L2 cache sizes, 87 * - the register level blocking sizes defined by gebp_traits, 88 * - the number of scalars that fit into a packet (when vectorization is enabled). 118 const Index k_cache = (numext::mini<Index>)((l1-ksub)/kdiv, 320); 120 k = k_cache - (k_cache % kr); 124 const Index n_cache = (l2-l1) / (nr * sizeof(RhsScalar) * k); 129 n = n_cache - (n_cache % nr); 132 n = (numext::mini<Index>)(n, (n_per_thread + nr - 1) - ((n_per_thread + nr - 1) % nr)); [all …]
|
D | TriangularMatrixMatrix.h | 78 // implements col-major += alpha * op(triangular) * op(general) 153 IsLower ? k2-=kc : k2+=kc) 155 Index actual_kc = (std::min)(IsLower ? k2 : depth-k2, kc); 156 Index actual_k2 = IsLower ? k2-actual_kc : k2; 161 actual_kc = rows-k2; 162 k2 = k2+actual_kc-kc; 168 // 1 - the part which is zero => skip it 169 // 2 - the diagonal block => special kernel 170 // 3 - the dense panel below (lower case) or above (upper case) the diagonal block => GEPP 178 Index actualPanelWidth = std::min<Index>(actual_kc-k1, panelWidth); [all …]
|
/external/webrtc/webrtc/modules/audio_processing/aec/ |
D | aec_rdft.c | 2 * http://www.kurims.kyoto-u.ac.jp/~ooura/fft.html 3 * Copyright Takuya OOURA, 1996-2001 10 * - Trivial type modifications. 11 * - Minimal code subset to do rdft of length 128. 12 * - Optimizations because of known length. 15 * Use of this source code is governed by a BSD-style license 29 // These tables used to be computed at run-time. For example, refer to: 52 0.831469536f, 0.555570245f, -0.195090353f, 0.980785251f, 54 0.634393334f, 0.773010492f, -0.471396863f, 0.881921172f, 57 -0.707106769f, 0.707106769f, -0.923879564f, -0.382683456f, [all …]
|
D | aec_rdft_sse2.c | 4 * Use of this source code is governed by a BSD-style license 16 k_swap_sign[4] = {-1.f, 1.f, -1.f, 1.f}; 140 a[j0 + 48] = -a[j0 + 48]; in cftmdl_128_SSE2() 242 int j1, j2, k1, k2; in rftfsub_128_SSE2() local 251 for (j1 = 1, j2 = 2; j2 + 7 < 64; j1 += 4, j2 += 8) { in rftfsub_128_SSE2() 254 const __m128 c_k1 = _mm_loadu_ps(&c[29 - j1]); // 28, 29, 30, 31, in rftfsub_128_SSE2() 260 const __m128 a_j2_0 = _mm_loadu_ps(&a[0 + j2]); // 2, 3, 4, 5, in rftfsub_128_SSE2() 261 const __m128 a_j2_4 = _mm_loadu_ps(&a[4 + j2]); // 6, 7, 8, 9, in rftfsub_128_SSE2() 262 const __m128 a_k2_0 = _mm_loadu_ps(&a[122 - j2]); // 120, 121, 122, 123, in rftfsub_128_SSE2() 263 const __m128 a_k2_4 = _mm_loadu_ps(&a[126 - j2]); // 124, 125, 126, 127, in rftfsub_128_SSE2() [all …]
|
D | aec_rdft_neon.c | 4 * Use of this source code is governed by a BSD-style license 12 * The rdft AEC algorithm, neon version of speed-critical functions. 23 k_swap_sign[4] = {-1.f, 1.f, -1.f, 1.f}; 120 a[j + 48] = -a[j + 48]; in cftmdl_128_neon() 182 // A B C D -> C D A B in reverse_order_f32x4() 184 // C D A B -> D C B A in reverse_order_f32x4() 190 int j1, j2; in rftfsub_128_neon() local 195 for (j1 = 1, j2 = 2; j2 + 7 < 64; j1 += 4, j2 += 8) { in rftfsub_128_neon() 198 const float32x4_t c_k1 = vld1q_f32(&c[29 - j1]); // 28, 29, 30, 31, in rftfsub_128_neon() 204 float32x4x2_t a_j2_p = vld2q_f32(&a[0 + j2]); in rftfsub_128_neon() [all …]
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_uint128.cpp | 47 for (uint64_t j2 = 1; j2 < 100 * incr; j2 += incr) { in test_add() local 48 TensorUInt128<uint64_t, uint64_t> j(j1, j2); in test_add() 49 uint128_t b = (static_cast<uint128_t>(j1) << 64) + static_cast<uint128_t>(j2); in test_add() 66 for (uint64_t j2 = 1; j2 < 100 * incr; j2 += incr) { in test_sub() local 67 TensorUInt128<uint64_t, uint64_t> j(j1, j2); in test_sub() 68 uint128_t b = (static_cast<uint128_t>(j1) << 64) + static_cast<uint128_t>(j2); in test_sub() 69 TensorUInt128<uint64_t, uint64_t> actual = i - j; in test_sub() 70 uint128_t expected = a - b; in test_sub() 85 for (uint64_t j2 = 1; j2 < 100 * incr; j2 += incr) { in test_mul() local 86 TensorUInt128<uint64_t, uint64_t> j(j1, j2); in test_mul() [all …]
|
/external/u-boot/arch/arm/dts/ |
D | meson-gxbb-odroidc2.dts | 1 // SPDX-License-Identifier: (GPL-2.0+ OR MIT) 8 /dts-v1/; 10 #include "meson-gxbb.dtsi" 11 #include <dt-bindings/gpio/gpio.h> 14 compatible = "hardkernel,odroid-c2", "amlogic,meson-gxbb"; 15 model = "Hardkernel ODROID-C2"; 23 stdout-path = "serial0:115200n8"; 31 usb_otg_pwr: regulator-usb-pwrs { 32 compatible = "regulator-fixed"; 34 regulator-name = "USB_OTG_PWR"; [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/LoopPredication/ |
D | profitability.ll | 1 ; RUN: opt -S -loop-predication -loop-predication-skip-profitability-checks=false < %s 2>&1 | FileC… 2 ; RUN: opt -S -loop-predication-skip-profitability-checks=false -passes='require<scalar-evolution>,… 10 ; CHECK-LABEL: donot_predicate( 16 ; CHECK-LABEL: Header: 17 ; CHECK: %within.bounds = icmp ult i64 %j2, %length.ext 18 ; CHECK-NEXT: call void (i1, ...) @llvm.experimental.guard(i1 %within.bounds, i32 9) 21 %j2 = phi i64 [ 0, %entry ], [ %j.next, %Latch ] 22 %within.bounds = icmp ult i64 %j2, %length.ext 24 %innercmp = icmp eq i64 %j2, %n.pre 25 %j.next = add nuw nsw i64 %j2, 1 [all …]
|
/external/webrtc/webrtc/common_audio/ |
D | fft4g.c | 2 * http://www.kurims.kyoto-u.ac.jp/~ooura/fft.html 3 * Copyright Takuya OOURA, 1996-2001 27 dfst: Sine Transform of RDFT (Real Anti-symmetric DFT) 37 -------- Complex DFT (Discrete Fourier Transform) -------- 40 X[k] = sum_j=0^n-1 x[j]*exp(2*pi*i*j*k/n), 0<=k<n 42 X[k] = sum_j=0^n-1 x[j]*exp(-2*pi*i*j*k/n), 0<=k<n 43 (notes: sum_j=0^n-1 is a summation from j=0 to n-1) 50 cdft(2*n, -1, a, ip, w); 54 a[0...2*n-1] :input/output data (float *) 67 w[0...n/2-1] :cos/sin table (float *) [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/StraightLineStrengthReduce/AMDGPU/ |
D | reassociate-geps-and-slsr-addrspace.ll | 1 ; RUN: opt -S -mtriple=amdgcn-- -separate-const-offset-from-gep -slsr -gvn < %s | FileCheck %s 3 …-p:32:32-p1:64:64-p2:64:64-p3:32:32-p4:64:64-p5:32:32-p24:64:64-i64:64-v16:16-v24:32-v32:32-v48:64… 6 ; CHECK-LABEL: @slsr_after_reassociate_global_geps_mubuf_max_offset( 7 ; CHECK: [[b1:%[0-9]+]] = getelementptr float, float addrspace(1)* %arr, i64 [[bump:%[0-9]+]] 8 ; CHECK: [[b2:%[0-9]+]] = getelementptr float, float addrspace(1)* [[b1]], i64 [[bump]] 20 %j2 = add nsw i32 %i2, 1023 21 %tmp5 = sext i32 %j2 to i64 31 ; CHECK-LABEL: @slsr_after_reassociate_global_geps_over_mubuf_max_offset( 47 %j2 = add nsw i32 %i2, 1024 48 %tmp5 = sext i32 %j2 to i64 [all …]
|
/external/llvm/test/Transforms/StraightLineStrengthReduce/AMDGPU/ |
D | reassociate-geps-and-slsr-addrspace.ll | 1 ; RUN: opt -S -mtriple=amdgcn-- -separate-const-offset-from-gep -slsr -gvn < %s | FileCheck %s 3 …-p:32:32-p1:64:64-p2:64:64-p3:32:32-p4:64:64-p5:32:32-p24:64:64-i64:64-v16:16-v24:32-v32:32-v48:64… 6 ; CHECK-LABEL: @slsr_after_reassociate_global_geps_mubuf_max_offset( 7 ; CHECK: [[b1:%[0-9]+]] = getelementptr float, float addrspace(1)* %arr, i64 [[bump:%[0-9]+]] 8 ; CHECK: [[b2:%[0-9]+]] = getelementptr float, float addrspace(1)* [[b1]], i64 [[bump]] 20 %j2 = add nsw i32 %i2, 1023 21 %tmp5 = sext i32 %j2 to i64 31 ; CHECK-LABEL: @slsr_after_reassociate_global_geps_over_mubuf_max_offset( 47 %j2 = add nsw i32 %i2, 1024 48 %tmp5 = sext i32 %j2 to i64 [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | eigen_spatial_convolutions-inl.h | 7 http://www.apache.org/licenses/LICENSE-2.0 48 // row - offset within a single patch (in code: patchId) 49 // col - index of the extracted patch (in code: patchIndex) 112 patch_depth = tensor.impl().dimensions()[NumDims - 1]; in TensorContractionInputMapper() 113 patch_rows = tensor.impl().dimensions()[NumDims - 2]; in TensorContractionInputMapper() 114 m_patch_cols = tensor.impl().dimensions()[NumDims - 3]; in TensorContractionInputMapper() 115 m_num_patches = tensor.impl().dimensions()[NumDims - 4]; in TensorContractionInputMapper() 139 m_inputRows = tensor.impl().impl().dimensions()[NumDims - 2]; in TensorContractionInputMapper() 140 m_inputCols = tensor.impl().impl().dimensions()[NumDims - 3]; in TensorContractionInputMapper() 206 // patches are "non-standard" such as there are non-trivial strides or [all …]
|
D | eigen_cuboid_convolution.h | 7 http://www.apache.org/licenses/LICENSE-2.0 54 // row - offset within a single patch (in code: patchId) 55 // col - index of the extracted patch (in code: patchIndex) 112 m_patch_depth = tensor.impl().dimensions()[NumDims - 1]; in TensorContractionInputMapper() 113 m_patch_planes = tensor.impl().dimensions()[NumDims - 2]; in TensorContractionInputMapper() 114 m_patch_rows = tensor.impl().dimensions()[NumDims - 3]; in TensorContractionInputMapper() 115 m_patch_cols = tensor.impl().dimensions()[NumDims - 4]; in TensorContractionInputMapper() 116 m_num_patches = tensor.impl().dimensions()[NumDims - 5]; in TensorContractionInputMapper() 158 m_inputDepth = tensor.impl().impl().dimensions()[NumDims - 1]; in TensorContractionInputMapper() 159 m_inputPlanes = tensor.impl().impl().dimensions()[NumDims - 2]; in TensorContractionInputMapper() [all …]
|
/external/minijail/examples/ |
D | drop_privs.cpp | 7 // http://www.apache.org/licenses/LICENSE-2.0 21 #include <android-base/logging.h> 22 #include <android-base/macros.h> 68 // minijail *j2 = minijail_new(); in main() 69 // minijail_change_uid(j2, 5000); in main() 70 // minijail_change_gid(j2, 5000); in main() 71 // minijail_enter(j2); in main()
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/TableGen/ |
D | foreach-eval.td | 1 // RUN: llvm-tblgen %s | FileCheck %s 24 // CHECK-LABEL: def d 37 // CHECK-LABEL: def i 50 class J2<list<dag> patterns> 56 // CHECK-LABEL: def j1 59 // CHECK-LABEL: def j2 61 def j2 : J2< [(d1 d2:$dst, (d3 d4:$src1))]>;
|
/external/eigen/Eigen/src/LU/ |
D | InverseImpl.h | 4 // Copyright (C) 2008-2010 Benoit Jacob <jacob.benoit.1@gmail.com> 81 result.coeffRef(1,0) = -matrix.coeff(1,0) * invdet; 82 result.coeffRef(0,1) = -matrix.coeff(0,1) * invdet; 132 j2 = (j+2) % 3 134 return m.coeff(i1, j1) * m.coeff(i2, j2) 135 - m.coeff(i1, j2) * m.coeff(i2, j1); 205 (const MatrixBase<Derived>& matrix, int i1, int i2, int i3, int j1, int j2, int j3) 208 * (matrix.coeff(i2,j2) * matrix.coeff(i3,j3) - matrix.coeff(i2,j3) * matrix.coeff(i3,j2)); 220 j2 = (j+2) % 4, 223 return general_det3_helper(matrix, i1, i2, i3, j1, j2, j3) [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/LoopDeletion/ |
D | dcetest.ll | 4 ; RUN: opt < %s -sccp -simplifycfg -indvars -loop-deletion -dce -simplifycfg -S | not grep br 11 %j2 = phi i32 [ %j4, %BB7 ], [ 1, %BB1 ] ; <i32> [#uses=2] 17 %jcond = icmp slt i32 %j2, 20 ; <i1> [#uses=1] 21 ret i32 %j2
|
/external/llvm/test/Transforms/LoopDeletion/ |
D | dcetest.ll | 4 ; RUN: opt < %s -sccp -simplifycfg -indvars -loop-deletion -dce -simplifycfg -S | not grep br 11 %j2 = phi i32 [ %j4, %BB7 ], [ 1, %BB1 ] ; <i32> [#uses=2] 17 %jcond = icmp slt i32 %j2, 20 ; <i1> [#uses=1] 21 ret i32 %j2
|
/external/swiftshader/third_party/LLVM/test/Transforms/LoopDeletion/ |
D | dcetest.ll | 4 ; RUN: opt < %s -sccp -simplifycfg -indvars -loop-deletion -dce -simplifycfg -S | not grep br 11 %j2 = phi i32 [ %j4, %BB7 ], [ 1, %BB1 ] ; <i32> [#uses=2] 17 %jcond = icmp slt i32 %j2, 20 ; <i1> [#uses=1] 21 ret i32 %j2
|
/external/libusb/.private/ |
D | bm.sh | 9 mkdir -p $target/include/libusb-1.0 10 cp -v libusb/libusb-1.0.def $target 11 cp -v libusb/libusb.h $target/include/libusb-1.0 17 git clean -fdx 18 # Not using debug (-g) in CFLAGS DRAMATICALLY reduces the size of the binaries 19 export CFLAGS="-O2 -m32" 20 export LDFLAGS="-m32" 21 export RCFLAGS="--target=pe-i386" 22 export DLLTOOLFLAGS="-m i386 -f --32" 24 (glibtoolize --version) < /dev/null > /dev/null 2>&1 && LIBTOOLIZE=glibtoolize || LIBTOOLIZE=libtoo… [all …]
|
/external/minijail/test/ |
D | libminijail_test.cpp | 7 // http://www.apache.org/licenses/LICENSE-2.0 21 #include <android-base/logging.h> 22 #include <android-base/macros.h> 127 minijail* j2 = minijail_new(); in main() local 128 minijail_change_uid(j2, 5 * kSystemUid); in main() 129 minijail_change_gid(j2, 5 * kSystemUid); in main() 130 minijail_enter(j2); in main()
|
/external/swiftshader/third_party/LLVM/test/Transforms/SCCP/ |
D | sccptest.ll | 1 ; RUN: opt < %s -sccp -S | FileCheck %s 29 %j2 = phi i32 [ %j4, %BB7 ], [ 1, %BB1 ] 34 %jcond = icmp slt i32 %j2, 20 37 ; CHECK-NEXT: br i1 true, label %BB5, label %BB6 39 ret i32 %j2 41 ; CHECK-NEXT: ret i32 1 49 ; CHECK-NEXT: br label %BB7 55 ; CHECK-NEXT: %k4 = phi i32 [ %k3, %BB5 ], [ undef, %BB6 ] 56 ; CHECK-NEXT: br label %BB2
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/SCCP/ |
D | sccptest.ll | 1 ; RUN: opt < %s -sccp -S | FileCheck %s 17 ; CHECK-LABEL: @test1( 25 ; CHECK-LABEL: @test2( 29 %j2 = phi i32 [ %j4, %BB7 ], [ 1, %BB1 ] 34 %jcond = icmp slt i32 %j2, 20 37 ; CHECK-NEXT: br i1 true, label %BB5, label %BB6 39 ret i32 %j2 41 ; CHECK-NEXT: ret i32 1 49 ; CHECK-NEXT: br label %BB7 55 ; CHECK-NEXT: %k4 = phi i32 [ %k3, %BB5 ], [ undef, %BB6 ] [all …]
|