/external/eigen/test/ |
D | sparse_product.cpp | 87 VERIFY_IS_APPROX(m4=m2t.transpose()*m3, refMat4=refMat2t.transpose()*refMat3); in sparse_product() 88 …VERIFY_IS_APPROX(m4=m2t.transpose()*m3t.transpose(), refMat4=refMat2t.transpose()*refMat3t.transpo… in sparse_product() 89 VERIFY_IS_APPROX(m4=m2*m3t.transpose(), refMat4=refMat2*refMat3t.transpose()); in sparse_product() 99 VERIFY_IS_APPROX(m4=(m2t.transpose()*m3).pruned(0), refMat4=refMat2t.transpose()*refMat3); in sparse_product() 100 …VERIFY_IS_APPROX(m4=(m2t.transpose()*m3t.transpose()).pruned(0), refMat4=refMat2t.transpose()*refM… in sparse_product() 101 VERIFY_IS_APPROX(m4=(m2*m3t.transpose()).pruned(0), refMat4=refMat2*refMat3t.transpose()); in sparse_product() 118 VERIFY_IS_EQUAL( (As*As.transpose()).eval().nonZeros(), 4); in sparse_product() 119 VERIFY_IS_EQUAL( (Ad*Ad.transpose()).eval().sparseView().eval().nonZeros(), 2); in sparse_product() 120 VERIFY_IS_EQUAL( (As*As.transpose()).pruned(1e-6).eval().nonZeros(), 2); in sparse_product() 127 VERIFY_IS_APPROX(dm4 =m2t.transpose()*m3, refMat4 =refMat2t.transpose()*refMat3); in sparse_product() [all …]
|
D | product.h | 59 // (we use Transpose.h but this doesn't count as a test for it) in product() 60 VERIFY_IS_APPROX((m1*m1.transpose())*m2, m1*(m1.transpose()*m2)); in product() 62 m3 *= m1.transpose() * m2; in product() 63 VERIFY_IS_APPROX(m3, m1 * (m1.transpose()*m2)); in product() 64 VERIFY_IS_APPROX(m3, m1 * (m1.transpose()*m2)); in product() 76 VERIFY_IS_APPROX(v1.transpose(), v1.transpose() * identity); in product() 87 VERIFY(areNotApprox(m1.transpose()*m2,m2.transpose()*m1)); in product() 92 res.noalias() += m1 * m2.transpose(); in product() 93 VERIFY_IS_APPROX(res, square + m1 * m2.transpose()); in product() 96 VERIFY(areNotApprox(res,square + m2 * m1.transpose())); in product() [all …]
|
/external/deqp-deps/glslang/Test/ |
D | hlsl.matType.int.frag | 25 int1x1 r00 = transpose(i1x1); 26 int1x2 r01 = transpose(i2x1); 27 int1x3 r02 = transpose(i3x1); 28 int1x4 r03 = transpose(i4x1); 30 int2x1 r10 = transpose(i1x2); 31 int2x2 r11 = transpose(i2x2); 32 int2x3 r12 = transpose(i3x2); 33 int2x4 r13 = transpose(i4x2); 35 int3x1 r20 = transpose(i1x3); 36 int3x2 r21 = transpose(i2x3); [all …]
|
D | hlsl.matType.bool.frag | 25 bool1x1 r00 = transpose(b1x1); 26 bool1x2 r01 = transpose(b2x1); 27 bool1x3 r02 = transpose(b3x1); 28 bool1x4 r03 = transpose(b4x1); 30 bool2x1 r10 = transpose(b1x2); 31 bool2x2 r11 = transpose(b2x2); 32 bool2x3 r12 = transpose(b3x2); 33 bool2x4 r13 = transpose(b4x2); 35 bool3x1 r20 = transpose(b1x3); 36 bool3x2 r21 = transpose(b2x3); [all …]
|
/external/angle/third_party/glslang/src/Test/ |
D | hlsl.matType.int.frag | 25 int1x1 r00 = transpose(i1x1); 26 int1x2 r01 = transpose(i2x1); 27 int1x3 r02 = transpose(i3x1); 28 int1x4 r03 = transpose(i4x1); 30 int2x1 r10 = transpose(i1x2); 31 int2x2 r11 = transpose(i2x2); 32 int2x3 r12 = transpose(i3x2); 33 int2x4 r13 = transpose(i4x2); 35 int3x1 r20 = transpose(i1x3); 36 int3x2 r21 = transpose(i2x3); [all …]
|
D | hlsl.matType.bool.frag | 25 bool1x1 r00 = transpose(b1x1); 26 bool1x2 r01 = transpose(b2x1); 27 bool1x3 r02 = transpose(b3x1); 28 bool1x4 r03 = transpose(b4x1); 30 bool2x1 r10 = transpose(b1x2); 31 bool2x2 r11 = transpose(b2x2); 32 bool2x3 r12 = transpose(b3x2); 33 bool2x4 r13 = transpose(b4x2); 35 bool3x1 r20 = transpose(b1x3); 36 bool3x2 r21 = transpose(b2x3); [all …]
|
/external/XNNPACK/bench/ |
D | x32-transpose.cc | 19 #include <xnnpack/transpose.h> 22 void transpose( in transpose() function 24 xnn_x32_transposec_ukernel_function transpose, in transpose() argument 43 transpose(x.data(), y.data(), tile_wbytes, tile_hbytes, width, in transpose() 62 BENCHMARK_CAPTURE(transpose, 1x2_scalar_int, xnn_x32_transposec_ukernel__1x2_scalar_int) 64 BENCHMARK_CAPTURE(transpose, 1x4_scalar_int, xnn_x32_transposec_ukernel__1x4_scalar_int) 66 BENCHMARK_CAPTURE(transpose, 2x1_scalar_int, xnn_x32_transposec_ukernel__2x1_scalar_int) 68 BENCHMARK_CAPTURE(transpose, 2x2_scalar_int, xnn_x32_transposec_ukernel__2x2_scalar_int) 70 BENCHMARK_CAPTURE(transpose, 2x4_scalar_int, xnn_x32_transposec_ukernel__2x4_scalar_int) 72 BENCHMARK_CAPTURE(transpose, 4x1_scalar_int, xnn_x32_transposec_ukernel__4x1_scalar_int) [all …]
|
D | x16-transpose.cc | 19 #include <xnnpack/transpose.h> 22 void transpose( in transpose() function 24 xnn_x16_transposec_ukernel_function transpose, in transpose() argument 43 transpose(x.data(), y.data(), tile_wbytes, tile_hbytes, width, in transpose() 62 BENCHMARK_CAPTURE(transpose, 1x2_scalar_int, xnn_x16_transposec_ukernel__1x2_scalar_int) 64 BENCHMARK_CAPTURE(transpose, 1x4_scalar_int, xnn_x16_transposec_ukernel__1x4_scalar_int) 66 BENCHMARK_CAPTURE(transpose, 2x1_scalar_int, xnn_x16_transposec_ukernel__2x1_scalar_int) 68 BENCHMARK_CAPTURE(transpose, 2x2_scalar_int, xnn_x16_transposec_ukernel__2x2_scalar_int) 70 BENCHMARK_CAPTURE(transpose, 2x4_scalar_int, xnn_x16_transposec_ukernel__2x4_scalar_int) 72 BENCHMARK_CAPTURE(transpose, 4x1_scalar_int, xnn_x16_transposec_ukernel__4x1_scalar_int) [all …]
|
D | x8-transpose.cc | 19 #include <xnnpack/transpose.h> 22 void transpose( in transpose() function 24 xnn_x8_transposec_ukernel_function transpose, in transpose() argument 43 transpose(x.data(), y.data(), tile_wbytes, tile_hbytes, width, in transpose() 62 BENCHMARK_CAPTURE(transpose, 1x2_scalar_int, xnn_x8_transposec_ukernel__1x2_scalar_int) 64 BENCHMARK_CAPTURE(transpose, 1x4_scalar_int, xnn_x8_transposec_ukernel__1x4_scalar_int) 66 BENCHMARK_CAPTURE(transpose, 2x1_scalar_int, xnn_x8_transposec_ukernel__2x1_scalar_int) 68 BENCHMARK_CAPTURE(transpose, 2x2_scalar_int, xnn_x8_transposec_ukernel__2x2_scalar_int) 70 BENCHMARK_CAPTURE(transpose, 2x4_scalar_int, xnn_x8_transposec_ukernel__2x4_scalar_int) 72 BENCHMARK_CAPTURE(transpose, 4x1_scalar_int, xnn_x8_transposec_ukernel__4x1_scalar_int) [all …]
|
D | x64-transpose.cc | 19 #include <xnnpack/transpose.h> 22 void transpose( in transpose() function 24 xnn_x64_transposec_ukernel_function transpose, in transpose() argument 43 transpose(x.data(), y.data(), tile_wbytes, tile_hbytes, width, in transpose() 62 BENCHMARK_CAPTURE(transpose, 1x2_scalar_int, xnn_x64_transposec_ukernel__1x2_scalar_int) 64 BENCHMARK_CAPTURE(transpose, 2x1_scalar_int, xnn_x64_transposec_ukernel__2x1_scalar_int) 66 BENCHMARK_CAPTURE(transpose, 2x2_scalar_int, xnn_x64_transposec_ukernel__2x2_scalar_int) 68 BENCHMARK_CAPTURE(transpose, 4x1_scalar_int, xnn_x64_transposec_ukernel__4x1_scalar_int) 70 BENCHMARK_CAPTURE(transpose, 4x2_scalar_int, xnn_x64_transposec_ukernel__4x2_scalar_int) 72 BENCHMARK_CAPTURE(transpose, 1x2_scalar_float, xnn_x64_transposec_ukernel__1x2_scalar_float) [all …]
|
D | x24-transpose.cc | 19 #include <xnnpack/transpose.h> 22 void transpose( in transpose() function 24 xnn_x24_transposec_ukernel_function transpose, in transpose() argument 43 transpose(x.data(), y.data(), tile_wbytes, tile_hbytes, width, in transpose() 62 BENCHMARK_CAPTURE(transpose, 1x2_scalar, xnn_x24_transposec_ukernel__1x2_scalar) 64 BENCHMARK_CAPTURE(transpose, 1x4_scalar, xnn_x24_transposec_ukernel__1x4_scalar) 66 BENCHMARK_CAPTURE(transpose, 2x1_scalar, xnn_x24_transposec_ukernel__2x1_scalar) 68 BENCHMARK_CAPTURE(transpose, 2x2_scalar, xnn_x24_transposec_ukernel__2x2_scalar) 70 BENCHMARK_CAPTURE(transpose, 2x4_scalar, xnn_x24_transposec_ukernel__2x4_scalar) 72 BENCHMARK_CAPTURE(transpose, 4x1_scalar, xnn_x24_transposec_ukernel__4x1_scalar) [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ |
D | layout_optimization.cc | 58 TransposeOp transpose = tranpose_op; in ReuseExistingTranspose() local 59 transpose.getOperation()->moveBefore(op); in ReuseExistingTranspose() 60 transpose.setOperand(0, operand->get()); in ReuseExistingTranspose() 61 transpose.setOperand(1, permutation_op); in ReuseExistingTranspose() 63 return transpose; in ReuseExistingTranspose() 85 // MoveTransposesPass moves all Transpose ops to the beginning or to the end of 127 // Transpose arguments into the target data format. in runOnOperation() 131 // Transpose results back to the original data format. in runOnOperation() 173 // Move Transpose operations that permute `op` results before the `op`. 175 // TODO(ezhulenev): Move transpose across layout sensitive operations. in MoveTransposeBefore() [all …]
|
/external/guava/android/guava-tests/test/com/google/common/collect/ |
D | TransposedTableTest.java | 23 * Test cases for {@link Tables#transpose}. 34 Table<String, Integer, Character> table = Tables.transpose(original); in create() 42 assertSame(original, Tables.transpose(Tables.transpose(original))); in testTransposeTransposed() 47 Table<String, Integer, Character> transpose = Tables.transpose(original); in testPutOriginalModifiesTranspose() local 49 assertEquals((Character) 'a', transpose.get("foo", 1)); in testPutOriginalModifiesTranspose() 54 Table<String, Integer, Character> transpose = Tables.transpose(original); in testPutTransposeModifiesOriginal() local 55 transpose.put("foo", 1, 'a'); in testPutTransposeModifiesOriginal() 61 Table<String, Integer, Character> transpose = Tables.transpose(original); in testTransposedViews() local 63 assertSame(original.columnKeySet(), transpose.rowKeySet()); in testTransposedViews() 64 assertSame(original.rowKeySet(), transpose.columnKeySet()); in testTransposedViews() [all …]
|
/external/guava/guava-tests/test/com/google/common/collect/ |
D | TransposedTableTest.java | 23 * Test cases for {@link Tables#transpose}. 34 Table<String, Integer, Character> table = Tables.transpose(original); in create() 42 assertSame(original, Tables.transpose(Tables.transpose(original))); in testTransposeTransposed() 47 Table<String, Integer, Character> transpose = Tables.transpose(original); in testPutOriginalModifiesTranspose() local 49 assertEquals((Character) 'a', transpose.get("foo", 1)); in testPutOriginalModifiesTranspose() 54 Table<String, Integer, Character> transpose = Tables.transpose(original); in testPutTransposeModifiesOriginal() local 55 transpose.put("foo", 1, 'a'); in testPutTransposeModifiesOriginal() 61 Table<String, Integer, Character> transpose = Tables.transpose(original); in testTransposedViews() local 63 assertSame(original.columnKeySet(), transpose.rowKeySet()); in testTransposedViews() 64 assertSame(original.rowKeySet(), transpose.columnKeySet()); in testTransposedViews() [all …]
|
/external/deqp-deps/glslang/Test/baseResults/ |
D | hlsl.matType.int.frag.out | 11 0:25 transpose ( temp 1X1 matrix of int) 16 0:26 transpose ( temp 1X2 matrix of int) 21 0:27 transpose ( temp 1X3 matrix of int) 26 0:28 transpose ( temp 1X4 matrix of int) 31 0:30 transpose ( temp 2X1 matrix of int) 36 0:31 transpose ( temp 2X2 matrix of int) 41 0:32 transpose ( temp 2X3 matrix of int) 46 0:33 transpose ( temp 2X4 matrix of int) 51 0:35 transpose ( temp 3X1 matrix of int) 56 0:36 transpose ( temp 3X2 matrix of int) [all …]
|
D | hlsl.matType.bool.frag.out | 11 0:25 transpose ( temp 1X1 matrix of bool) 16 0:26 transpose ( temp 1X2 matrix of bool) 21 0:27 transpose ( temp 1X3 matrix of bool) 26 0:28 transpose ( temp 1X4 matrix of bool) 31 0:30 transpose ( temp 2X1 matrix of bool) 36 0:31 transpose ( temp 2X2 matrix of bool) 41 0:32 transpose ( temp 2X3 matrix of bool) 46 0:33 transpose ( temp 2X4 matrix of bool) 51 0:35 transpose ( temp 3X1 matrix of bool) 56 0:36 transpose ( temp 3X2 matrix of bool) [all …]
|
/external/angle/third_party/glslang/src/Test/baseResults/ |
D | hlsl.matType.int.frag.out | 11 0:25 transpose ( temp 1X1 matrix of int) 16 0:26 transpose ( temp 1X2 matrix of int) 21 0:27 transpose ( temp 1X3 matrix of int) 26 0:28 transpose ( temp 1X4 matrix of int) 31 0:30 transpose ( temp 2X1 matrix of int) 36 0:31 transpose ( temp 2X2 matrix of int) 41 0:32 transpose ( temp 2X3 matrix of int) 46 0:33 transpose ( temp 2X4 matrix of int) 51 0:35 transpose ( temp 3X1 matrix of int) 56 0:36 transpose ( temp 3X2 matrix of int) [all …]
|
D | hlsl.matType.bool.frag.out | 11 0:25 transpose ( temp 1X1 matrix of bool) 16 0:26 transpose ( temp 1X2 matrix of bool) 21 0:27 transpose ( temp 1X3 matrix of bool) 26 0:28 transpose ( temp 1X4 matrix of bool) 31 0:30 transpose ( temp 2X1 matrix of bool) 36 0:31 transpose ( temp 2X2 matrix of bool) 41 0:32 transpose ( temp 2X3 matrix of bool) 46 0:33 transpose ( temp 2X4 matrix of bool) 51 0:35 transpose ( temp 3X1 matrix of bool) 56 0:36 transpose ( temp 3X2 matrix of bool) [all …]
|
/external/gemmlowp/internal/ |
D | dispatch_gemm_shape.h | 37 TransposeType<T> Transpose(const T& t) { in Transpose() function 83 dst.result_offset = Transpose(src.result_offset); 84 dst.result_mult_int = Transpose(src.result_mult_int); 99 Transpose(src.result_fixedpoint_multiplier); 100 dst.result_exponent = Transpose(src.result_exponent); 113 dst.bias_vector = Transpose(src.bias_vector); 126 return std::make_tuple(Transpose(std::get<0>(t))); 132 return std::make_tuple(Transpose(std::get<0>(t)), Transpose(std::get<1>(t))); 138 return std::make_tuple(Transpose(std::get<0>(t)), Transpose(std::get<1>(t)), 139 Transpose(std::get<2>(t))); [all …]
|
/external/tensorflow/tensorflow/compiler/xla/mlir_hlo/tests/Dialect/thlo/ |
D | invalid.mlir | 5 // expected-error @+1 {{'thlo.transpose' op permutation is not valid}} 6 %transpose = thlo.transpose 10 func.return %transpose : tensor<32x64x16xf32> 17 …// expected-error @+1 {{'thlo.transpose' op dim(result, 0) = 32 doesn't match dim(input, permutati… 18 %transpose = thlo.transpose 22 func.return %transpose : tensor<32x64x16xf32> 30 …// expected-error @+1 {{'thlo.transpose' op size of permutation 2 does not match the argument rank… 31 %transpose = thlo.transpose 35 func.return %transpose : tensor<32x64x16xf32> 42 // expected-error @+1 {{'thlo.transpose' op input rank 2 does not match init rank 3}} [all …]
|
/external/tensorflow/tensorflow/compiler/xla/stream_executor/ |
D | blas.h | 75 enum class Transpose { kNoTranspose, kTranspose, kConjugateTranspose }; enum 78 std::string TransposeString(Transpose t); 195 Transpose transpose; member 272 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64_t m, 276 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64_t m, 281 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64_t m, 287 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64_t m, 295 Stream *stream, blas::Transpose trans, uint64_t m, uint64 n, float alpha, 300 Stream *stream, blas::Transpose trans, uint64_t m, uint64 n, double alpha, 305 Stream *stream, blas::Transpose trans, uint64_t m, uint64 n, [all …]
|
/external/eigen/Eigen/src/Core/ |
D | Transpose.h | 18 struct traits<Transpose<MatrixType> > : public traits<MatrixType> 39 /** \class Transpose 42 * \brief Expression of the transpose of a matrix 44 * \tparam MatrixType the type of the object of which we are taking the transpose 46 * This class represents an expression of the transpose of a matrix. 47 * It is the return type of MatrixBase::transpose() and MatrixBase::adjoint() 50 * \sa MatrixBase::transpose(), MatrixBase::adjoint() 52 template<typename MatrixType> class Transpose 60 EIGEN_GENERIC_PUBLIC_INTERFACE(Transpose) 64 explicit EIGEN_STRONG_INLINE Transpose(MatrixType& matrix) : m_matrix(matrix) {} [all …]
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | transpose_test.cc | 40 XlaBuilder builder("Transpose"); in XLA_TEST_F() 42 Transpose(lhs, {1, 0}); in XLA_TEST_F() 48 XlaBuilder builder("Transpose"); in XLA_TEST_F() 50 Transpose(lhs, {1, 0}); in XLA_TEST_F() 56 XlaBuilder builder("Transpose"); in XLA_TEST_F() 58 Transpose(lhs, {1, 0}); in XLA_TEST_F() 64 XlaBuilder builder("Transpose"); in TEST_F() 69 Transpose(lhs, {1, 0}); in TEST_F() 77 XlaBuilder builder("Transpose"); in XLA_TEST_F() 80 Transpose(operand, {1, 2, 0}); in XLA_TEST_F() [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
D | layout_optimization_move_transposes_end.mlir | 2 // RUN: tf-opt %s -tf-move-transposes="fold-transpose-in-ops=false direction=end" -verify-diagnosti… 9 …// CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[TANH]], %[[RES_PERM]]) {{.*}} tensor<1x8x4… 13 %1 = "tf.Transpose"(%arg0, %0) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32> 25 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[RELU]], %[[RES_PERM]]) 29 %1 = "tf.Transpose"(%arg0, %0) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32> 41 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[ADD]], %[[RES_PERM]]) 45 %1 = "tf.Transpose"(%arg0, %0) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32> 46 %2 = "tf.Transpose"(%arg1, %0) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32> 57 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[ADD]], %[[RES_PERM]]) 61 %1 = "tf.Transpose"(%arg0, %0) : (tensor<1x4x1x8xf32>, tensor<4xi32>) -> tensor<1x8x4x1xf32> [all …]
|
/external/eigen/lapack/ |
D | clarfb.f | 39 *> CLARFB applies a complex block reflector H or its transpose H**H to a 56 *> = 'N': apply H (No transpose) 57 *> = 'C': apply H**H (Conjugate transpose) 273 CALL CTRMM( 'Right', 'Lower', 'No transpose', 'Unit', 279 CALL CGEMM( 'Conjugate transpose', 'No transpose', 295 CALL CGEMM( 'No transpose', 'Conjugate transpose', 302 CALL CTRMM( 'Right', 'Lower', 'Conjugate transpose', 330 CALL CTRMM( 'Right', 'Lower', 'No transpose', 'Unit', 336 CALL CGEMM( 'No transpose', 'No transpose', 353 CALL CGEMM( 'No transpose', 'Conjugate transpose', [all …]
|