Home
last modified time | relevance | path

Searched full:transpose (Results 1 – 25 of 5319) sorted by relevance

12345678910>>...213

/aosp_15_r20/external/eigen/test/
H A Dsparse_product.cpp87 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 …]
H A Dproduct.h59 // (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 …]
H A Dproduct_extra.cpp62 VERIFY_IS_APPROX((s1 * vc2.transpose()) * (-m1.adjoint() * s2), in product_extra()
63 (s1 * vc2.transpose()).eval() * (-m1.adjoint()*s2).eval()); in product_extra()
64 VERIFY_IS_APPROX((s1 * vc2.adjoint()) * (-m1.transpose() * s2), in product_extra()
65 (s1 * vc2.adjoint()).eval() * (-m1.transpose()*s2).eval()); in product_extra()
69 VERIFY_IS_APPROX((-m1.adjoint() * s2) * (s1 * v1.transpose()), in product_extra()
70 (-m1.adjoint()*s2).eval() * (s1 * v1.transpose()).eval()); in product_extra()
71 VERIFY_IS_APPROX((-m1.transpose() * s2) * (s1 * v1.adjoint()), in product_extra()
72 (-m1.transpose()*s2).eval() * (s1 * v1.adjoint()).eval()); in product_extra()
109 VERIFY_IS_APPROX(map1.adjoint() * v1.transpose(), m1.adjoint().reverse() * v1.transpose()); in product_extra()
110 VERIFY_IS_APPROX(m1.adjoint() * mapv1.transpose(), m1.adjoint() * v1.reverse().transpose()); in product_extra()
[all …]
H A Devaluators.cpp112 // Testing Matrix evaluator and Transpose in EIGEN_DECLARE_TEST()
121 // Testing Transpose in EIGEN_DECLARE_TEST()
122 VERIFY_IS_APPROX_EVALUATOR(w, v.transpose()); // Transpose as rvalue in EIGEN_DECLARE_TEST()
123 VERIFY_IS_APPROX_EVALUATOR(w, v_const.transpose()); in EIGEN_DECLARE_TEST()
125 copy_using_evaluator(w.transpose(), v); // Transpose as lvalue in EIGEN_DECLARE_TEST()
126 VERIFY_IS_APPROX(w,v.transpose().eval()); in EIGEN_DECLARE_TEST()
128 copy_using_evaluator(w.transpose(), v_const); in EIGEN_DECLARE_TEST()
129 VERIFY_IS_APPROX(w,v_const.transpose().eval()); in EIGEN_DECLARE_TEST()
138 VERIFY_IS_APPROX_EVALUATOR(b, a.transpose()); in EIGEN_DECLARE_TEST()
140 VERIFY_IS_APPROX_EVALUATOR(b, a_const.transpose()); in EIGEN_DECLARE_TEST()
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/
H A Dlayout_optimization.cc58 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 …]
/aosp_15_r20/external/XNNPACK/bench/
H A Dx32-transpose.cc19 #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 …]
H A Dx16-transpose.cc19 #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 …]
H A Dx8-transpose.cc19 #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 …]
/aosp_15_r20/external/deqp-deps/glslang/Test/baseResults/
Dhlsl.matType.int.frag.out11 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 …]
Dhlsl.matType.bool.frag.out11 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 …]
/aosp_15_r20/external/angle/third_party/glslang/src/Test/baseResults/
H A Dhlsl.matType.int.frag.out11 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 …]
H A Dhlsl.matType.bool.frag.out11 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 …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/
H A Dblas.h75 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 …]
/aosp_15_r20/external/deqp-deps/glslang/Test/
Dhlsl.matType.int.frag25 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 …]
/aosp_15_r20/external/angle/third_party/glslang/src/Test/
H A Dhlsl.matType.int.frag25 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 …]
/aosp_15_r20/external/gemmlowp/internal/
H A Ddispatch_gemm_shape.h37 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 …]
/aosp_15_r20/external/eigen/Eigen/src/Core/
H A DTranspose.h18 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 …]
/aosp_15_r20/external/eigen/lapack/
H A Dclarfb.f39 *> 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 …]
H A Dslarfb.f39 *> SLARFB applies a real block reflector H or its transpose H**T to a
56 *> = 'N': apply H (No transpose)
57 *> = 'T': apply H**T (Transpose)
269 CALL STRMM( 'Right', 'Lower', 'No transpose', 'Unit',
275 CALL SGEMM( 'Transpose', 'No transpose',
292 CALL SGEMM( 'No transpose', 'Transpose',
300 CALL STRMM( 'Right', 'Lower', 'Transpose', 'Unit',
328 CALL STRMM( 'Right', 'Lower', 'No transpose', 'Unit',
334 CALL SGEMM( 'No transpose', 'No transpose',
351 CALL SGEMM( 'No transpose', 'Transpose',
[all …]
H A Ddlarfb.f39 *> DLARFB applies a real block reflector H or its transpose H**T to a
56 *> = 'N': apply H (No transpose)
57 *> = 'T': apply H**T (Transpose)
269 CALL DTRMM( 'Right', 'Lower', 'No transpose', 'Unit',
275 CALL DGEMM( 'Transpose', 'No transpose',
292 CALL DGEMM( 'No transpose', 'Transpose',
300 CALL DTRMM( 'Right', 'Lower', 'Transpose', 'Unit',
328 CALL DTRMM( 'Right', 'Lower', 'No transpose', 'Unit',
334 CALL DGEMM( 'No transpose', 'No transpose',
351 CALL DGEMM( 'No transpose', 'Transpose',
[all …]
H A Dzlarfb.f39 *> ZLARFB 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 ZTRMM( 'Right', 'Lower', 'No transpose', 'Unit',
279 CALL ZGEMM( 'Conjugate transpose', 'No transpose',
295 CALL ZGEMM( 'No transpose', 'Conjugate transpose',
303 CALL ZTRMM( 'Right', 'Lower', 'Conjugate transpose',
331 CALL ZTRMM( 'Right', 'Lower', 'No transpose', 'Unit',
337 CALL ZGEMM( 'No transpose', 'No transpose',
354 CALL ZGEMM( 'No transpose', 'Conjugate transpose',
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/
H A Dlayout_optimization_move_transposes_end.mlir2 // 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 …]
/aosp_15_r20/external/mesa3d/src/mesa/main/
H A Duniforms.c626 _mesa_UniformMatrix2fv(GLint location, GLsizei count, GLboolean transpose, in _mesa_UniformMatrix2fv() argument
630 _mesa_uniform_matrix(location, count, transpose, value, in _mesa_UniformMatrix2fv()
635 _mesa_UniformMatrix3fv(GLint location, GLsizei count, GLboolean transpose, in _mesa_UniformMatrix3fv() argument
639 _mesa_uniform_matrix(location, count, transpose, value, in _mesa_UniformMatrix3fv()
644 _mesa_UniformMatrix4fv(GLint location, GLsizei count, GLboolean transpose, in _mesa_UniformMatrix4fv() argument
648 _mesa_uniform_matrix(location, count, transpose, value, in _mesa_UniformMatrix4fv()
755 GLboolean transpose, const GLfloat * value) in _mesa_ProgramUniformMatrix2fv() argument
761 _mesa_uniform_matrix(location, count, transpose, value, ctx, shProg, 2, 2, GLSL_TYPE_FLOAT); in _mesa_ProgramUniformMatrix2fv()
766 GLboolean transpose, const GLfloat * value) in _mesa_ProgramUniformMatrix3fv() argument
772 _mesa_uniform_matrix(location, count, transpose, value, ctx, shProg, 3, 3, GLSL_TYPE_FLOAT); in _mesa_ProgramUniformMatrix3fv()
[all …]
/aosp_15_r20/external/guava/guava-tests/test/com/google/common/graph/
H A DGraphsTest.java23 import static com.google.common.graph.Graphs.transpose;
205 assertThat(transpose(undirectedGraph)).isSameInstanceAs(undirectedGraph); in transpose_undirectedGraph()
224 Graph<Integer> transpose = transpose(directedGraph); in transpose_directedGraph() local
225 assertThat(transpose).isEqualTo(expectedTranspose); in transpose_directedGraph()
226 assertThat(transpose(transpose)).isSameInstanceAs(directedGraph); in transpose_directedGraph()
227 AbstractGraphTest.validateGraph(transpose); in transpose_directedGraph()
230 assertThat(directedGraph.inDegree(node)).isSameInstanceAs(transpose.outDegree(node)); in transpose_directedGraph()
231 assertThat(directedGraph.outDegree(node)).isSameInstanceAs(transpose.inDegree(node)); in transpose_directedGraph()
234 assertThat(transpose.successors(N1)).doesNotContain(N2); in transpose_directedGraph()
237 assertThat(transpose.successors(N1)).contains(N2); in transpose_directedGraph()
[all …]
/aosp_15_r20/external/guava/guava-tests/test/com/google/common/collect/
H A DTransposedTableTest.java23 * 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 …]

12345678910>>...213