Home
last modified time | relevance | path

Searched refs:Transpose (Results 1 – 25 of 291) sorted by relevance

12345678910>>...12

/external/gemmlowp/internal/
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 …]
/external/tensorflow/tensorflow/stream_executor/
Dblas.h70 enum class Transpose { kNoTranspose, kTranspose, kConjugateTranspose }; enum
73 std::string TransposeString(Transpose t);
220 Transpose transa;
221 Transpose transb;
492 virtual bool DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m,
497 virtual bool DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m,
502 virtual bool DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m,
509 virtual bool DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m,
528 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m,
532 virtual bool DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m,
[all …]
Dstream.h918 Stream &ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, uint64 kl,
922 Stream &ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, uint64 kl,
926 Stream &ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, uint64 kl,
932 Stream &ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, uint64 kl,
940 Stream &ThenBlasGemv(blas::Transpose trans, uint64 m, uint64 n, float alpha,
944 Stream &ThenBlasGemv(blas::Transpose trans, uint64 m, uint64 n, double alpha,
948 Stream &ThenBlasGemv(blas::Transpose trans, uint64 m, uint64 n,
954 Stream &ThenBlasGemv(blas::Transpose trans, uint64 m, uint64 n,
961 Stream &ThenBlasGemvWithProfiling(blas::Transpose trans, uint64 m, uint64 n,
967 Stream &ThenBlasGemvWithProfiling(blas::Transpose trans, uint64 m, uint64 n,
[all …]
Dstream.cc73 std::string ToVlogString(blas::Transpose t) { return blas::TransposeString(t); } in ToVlogString()
2092 Stream &Stream::ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, in ThenBlasGbmv()
2101 ThenBlasImpl<blas::Transpose, uint64, uint64, uint64, uint64, float, in ThenBlasGbmv()
2109 Stream &Stream::ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, in ThenBlasGbmv()
2118 ThenBlasImpl<blas::Transpose, uint64, uint64, uint64, uint64, double, in ThenBlasGbmv()
2126 Stream &Stream::ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, in ThenBlasGbmv()
2137 ThenBlasImpl<blas::Transpose, uint64, uint64, uint64, uint64, in ThenBlasGbmv()
2146 Stream &Stream::ThenBlasGbmv(blas::Transpose trans, uint64 m, uint64 n, in ThenBlasGbmv()
2157 ThenBlasImpl<blas::Transpose, uint64, uint64, uint64, uint64, in ThenBlasGbmv()
2166 Stream &Stream::ThenBlasGemv(blas::Transpose trans, uint64 m, uint64 n, in ThenBlasGemv()
[all …]
Dblas.cc23 std::string TransposeString(Transpose t) { in TransposeString()
25 case Transpose::kNoTranspose: in TransposeString()
27 case Transpose::kTranspose: in TransposeString()
29 case Transpose::kConjugateTranspose: in TransposeString()
/external/tensorflow/tensorflow/compiler/xla/tests/
Dtranspose_test.cc42 Transpose(lhs, {1, 0}); in XLA_TEST_F()
50 Transpose(lhs, {1, 0}); in XLA_TEST_F()
58 Transpose(lhs, {1, 0}); in XLA_TEST_F()
69 Transpose(lhs, {1, 0}); in TEST_F()
80 Transpose(operand, {1, 2, 0}); in XLA_TEST_F()
89 Transpose(operand, {1, 2, 0}); in TEST_F()
100 Transpose(operand, {2, 1, 0}); in TEST_F()
111 Transpose(operand, {0, 1, 2}); in TEST_F()
126 computed = Transpose(computed, {1, 0}); in TEST_F()
139 Transpose(operand, {1, 0}); in TEST_F()
[all …]
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/
Dlayout_optimization_move_transposes_end.mlir9 …// 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>
60 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[MAX_POOL]], %[[RES_PERM]])
63 // Transpose NCHW -> NHWC
65 …%1 = "tf.Transpose"(%arg0, %0) : (tensor<1x64x112x112xf32>, tensor<4xi32>) -> tensor<1x112x112x64x…
[all …]
Dlayout_optimization_move_transposes_begin.mlir7 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
13 %2 = "tf.Transpose"(%0, %1) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32>
22 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
31 %3 = "tf.Transpose"(%1, %2) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32>
40 // CHECK: %[[ARG0_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
41 // CHECK: %[[ARG1_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg1, %[[ARG_PERM]])
47 %2 = "tf.Transpose"(%0, %1) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32>
56 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
64 %3 = "tf.Transpose"(%1, %2) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32>
76 …%2 = "tf.Transpose"(%1, %cst_1) {device = ""} : (tensor<8x64x64xf32>, tensor<3xi32>) -> tensor<64x…
[all …]
Dlayout_optimization_layout_assignment_to_nchw.mlir11 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
22 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[CONV2D]], %[[RES_PERM]])
42 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
53 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[CONV2D]], %[[RES_PERM]])
81 // CHECK: %[[IN_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
82 // CHECK: %[[OUT_BP_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg2, %[[ARG_PERM]])
121 // CHECK: %[[OUT_BP_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg2, %[[ARG_PERM]])
134 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[CONV2D_BACKPROP]], %[[RES_PERM]])
158 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
168 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%y, %[[RES_PERM]])
[all …]
Dlayout_optimization_layout_assignment_to_nhwc.mlir11 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
22 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%[[CONV2D]], %[[RES_PERM]])
45 // CHECK: %[[ARG_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%arg0, %[[ARG_PERM]])
55 // CHECK: %[[RES_TRANSPOSE:[0-9]*]] = "tf.Transpose"(%y, %[[RES_PERM]])
78 // CHECK: %[[R0:.*]] = "tf.Transpose"(%[[ARG0]], %[[CST]])
81 // CHECK: "tf.Transpose"(%[[R1]], %[[CST_0]])
89 // CHECK: %[[R0:.*]] = "tf.Transpose"(%arg0, %[[CST]])
92 // CHECK: "tf.Transpose"(%[[R1]], %[[CST_0]])
/external/eigen/Eigen/src/Core/
DTranspositions.h108 inline Transpose<TranspositionsBase> inverse() const in inverse()
109 { return Transpose<TranspositionsBase>(derived()); } in inverse()
112 inline Transpose<TranspositionsBase> transpose() const in transpose()
113 { return Transpose<TranspositionsBase>(derived()); } in transpose()
362 struct traits<Transpose<TranspositionsBase<Derived> > >
369 class Transpose<TranspositionsBase<TranspositionsDerived> >
375 explicit Transpose(const TranspositionType& t) : m_transpositions(t) {}
384 const Product<OtherDerived, Transpose, AliasFreeProduct>
385 operator*(const MatrixBase<OtherDerived>& matrix, const Transpose& trt)
387 return Product<OtherDerived, Transpose, AliasFreeProduct>(matrix.derived(), trt.derived());
[all …]
DTranspose.h18 struct traits<Transpose<MatrixType> > : public traits<MatrixType>
52 template<typename MatrixType> class Transpose
60 EIGEN_GENERIC_PUBLIC_INTERFACE(Transpose)
64 explicit inline Transpose(MatrixType& matrix) : m_matrix(matrix) {}
66 EIGEN_INHERIT_ASSIGNMENT_OPERATORS(Transpose)
95 typedef typename dense_xpr_base<Transpose<MatrixType> >::type type;
101 typedef typename dense_xpr_base<Transpose<MatrixType> >::type type;
109 : public internal::generic_xpr_base<Transpose<XprType> >::type
112 typedef typename internal::generic_xpr_base<Transpose<XprType> >::type Base;
122 EIGEN_DENSE_PUBLIC_INTERFACE(Transpose<MatrixType>)
[all …]
/external/eigen/Eigen/src/SparseCore/
DSparseTranspose.h18 : public SparseMatrixBase<Transpose<MatrixType> >
23 : public SparseCompressedBase<Transpose<MatrixType> >
25 typedef SparseCompressedBase<Transpose<MatrixType> > Base;
55 struct unary_evaluator<Transpose<ArgType>, IteratorBased>
56 : public evaluator_base<Transpose<ArgType> >
60 typedef Transpose<ArgType> XprType;
/external/tensorflow/tensorflow/core/kernels/
Dtranspose_functor.h62 struct Transpose { struct
179 Transpose<Device, uint8>::run(d, in, perm, out); in DoTransposeImpl()
188 Transpose<Device, uint16>::run(d, in, perm, out); in DoTransposeImpl()
195 Transpose<Device, uint32>::run(d, in, perm, out); in DoTransposeImpl()
201 Transpose<Device, uint64>::run(d, in, perm, out); in DoTransposeImpl()
212 Transpose<Device, complex64, /*conjugate=*/true>::run(d, in, perm, out); in DoTransposeImpl()
215 Transpose<Device, uint64>::run(d, in, perm, out); in DoTransposeImpl()
221 Transpose<Device, complex128, /*conjugate=*/true>::run(d, in, perm, in DoTransposeImpl()
224 Transpose<Device, complex128, /*conjugate=*/false>::run(d, in, perm, in DoTransposeImpl()
230 Transpose<Device, tstring>::run(d, in, perm, out); in DoTransposeImpl()
/external/tensorflow/tensorflow/stream_executor/rocm/
Drocm_blas.cc377 rocblas_operation ROCMBlasTranspose(blas::Transpose trans) { in ROCMBlasTranspose()
379 case blas::Transpose::kNoTranspose: in ROCMBlasTranspose()
381 case blas::Transpose::kTranspose: in ROCMBlasTranspose()
383 case blas::Transpose::kConjugateTranspose: in ROCMBlasTranspose()
882 bool ROCMBlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGbmv()
893 bool ROCMBlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGbmv()
904 bool ROCMBlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGbmv()
918 bool ROCMBlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGbmv()
932 bool ROCMBlas::DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGemv()
943 bool ROCMBlas::DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasGemv()
[all …]
Drocm_blas.h155 FuncT rocblas_func, Stream *stream, blas::Transpose transa,
156 blas::Transpose transb, uint64 m, uint64 n, uint64 k, T alpha,
170 Stream *stream, blas::Transpose transa, blas::Transpose transb, uint64 m,
180 Stream *stream, blas::Transpose transa, blas::Transpose transb, uint64 m,
187 bool DoBlasGemvWithProfilingImpl(Stream *stream, blas::Transpose trans,
/external/tensorflow/tensorflow/stream_executor/cuda/
Dcuda_blas.h108 FuncT cublas_func, Stream *stream, blas::Transpose transa,
109 blas::Transpose transb, uint64 m, uint64 n, uint64 k, Scalar alpha,
118 Stream *stream, blas::Transpose transa, blas::Transpose transb, uint64 m,
128 Stream *stream, blas::Transpose transa, blas::Transpose transb, uint64 m,
135 bool DoBlasGemvWithProfilingImpl(Stream *stream, blas::Transpose trans,
Dcuda_blas.cc289 cublasOperation_t CUDABlasTranspose(blas::Transpose trans) { in CUDABlasTranspose()
291 case blas::Transpose::kNoTranspose: in CUDABlasTranspose()
293 case blas::Transpose::kTranspose: in CUDABlasTranspose()
295 case blas::Transpose::kConjugateTranspose: in CUDABlasTranspose()
1018 bool CUDABlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
1029 bool CUDABlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
1040 bool CUDABlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
1056 bool CUDABlas::DoBlasGbmv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
1072 bool CUDABlas::DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
1082 bool CUDABlas::DoBlasGemv(Stream *stream, blas::Transpose trans, uint64 m, in DoBlasInternalImpl()
[all …]
/external/tensorflow/tensorflow/compiler/jit/
Dclone_constants_for_better_clustering_test.cc75 Output tr0 = ops::Transpose(on_gpu.WithOpName("tr0"), in0, perm); in TEST()
76 Output tr1 = ops::Transpose(on_gpu.WithOpName("tr1"), in1, perm); in TEST()
101 Output tr0 = ops::Transpose(on_gpu.WithOpName("tr0"), in0, perm); in TEST()
102 Output tr1 = ops::Transpose(on_gpu.WithOpName("tr1"), in1, perm); in TEST()
131 Output tr0 = ops::Transpose(on_gpu.WithOpName("tr0"), in0, perm_int0); in TEST()
132 Output tr1 = ops::Transpose(on_gpu.WithOpName("tr1"), in1, perm_int1); in TEST()
162 Output tr0 = ops::Transpose(on_gpu.WithOpName("tr0"), in0, perm); in TEST()
163 Output tr1 = ops::Transpose(on_gpu.WithOpName("tr1"), in1, perm); in TEST()
189 Output tr0 = ops::Transpose(on_gpu.WithOpName("tr0"), in0, perm); in TEST()
190 Output tr1 = ops::Transpose(on_gpu.WithOpName("tr1"), in1, perm); in TEST()
/external/python/cpython3/Modules/_decimal/libmpdec/literature/
Dsix-step.txt18 1a) Transpose the matrix.
22 1c) Transpose the matrix.
28 4) Transpose the matrix.
41 1) Transpose the matrix, producing an R*C matrix.
47 4a) Transpose the matrix.
51 4c) Transpose the matrix.
/external/tensorflow/tensorflow/compiler/jit/tests/
Dopens2s_gnmt_mixed_precision.golden_summary84 Transpose 3
109 Transpose 2
132 Transpose 1
136 Transpose 3
150 Transpose 2
156 Transpose 1
274 Transpose 3
349 Transpose 1
/external/mesa3d/src/gallium/drivers/swr/rasterizer/core/
Dformat_utils.h237 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
257 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
341 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) = delete;
354 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
401 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
459 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
516 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
576 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
652 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
727 INLINE static void Transpose(const uint8_t* pSrc, uint8_t* pDst) in Transpose() function
[all …]
/external/tensorflow/tensorflow/lite/toco/graph_transformations/
Dresolve_constant_transpose.cc29 void Transpose(Model* model, const Array& input_array, in Transpose() function
147 Transpose<ArrayDataType::kFloat>(model, input_array, op->perm, in Run()
151 Transpose<ArrayDataType::kUint8>(model, input_array, op->perm, in Run()
155 Transpose<ArrayDataType::kInt32>(model, input_array, op->perm, in Run()
159 Transpose<ArrayDataType::kInt64>(model, input_array, op->perm, in Run()
163 Transpose<ArrayDataType::kComplex64>(model, input_array, op->perm, in Run()
/external/tensorflow/tensorflow/compiler/mlir/xla/
Dattribute_exporter.cc155 StatusOr<TriangularSolveOptions::Transpose> ConvertTranspose( in ConvertTranspose()
157 llvm::Optional<mlir::mhlo::Transpose> transpose = in ConvertTranspose()
163 case mlir::mhlo::Transpose::NO_TRANSPOSE: in ConvertTranspose()
165 case mlir::mhlo::Transpose::TRANSPOSE: in ConvertTranspose()
167 case mlir::mhlo::Transpose::ADJOINT: in ConvertTranspose()
169 case mlir::mhlo::Transpose::TRANSPOSE_INVALID: in ConvertTranspose()
/external/angle/third_party/vulkan-deps/glslang/src/Test/baseResults/
Dhlsl.matType.int.frag.out613 23: 18 Transpose 22
616 32: 25 Transpose 31
619 41: 34 Transpose 40
622 50: 43 Transpose 49
625 54: 28 Transpose 53
628 60: 55 Transpose 59
631 68: 61 Transpose 67
634 76: 69 Transpose 75
637 80: 37 Transpose 79
640 84: 64 Transpose 83
[all …]

12345678910>>...12