HomeSort by relevance Sort by last modified time
    Searched refs:Transpose (Results 51 - 75 of 156) sorted by null

1 23 4 5 6 7

  /external/tensorflow/tensorflow/compiler/tf2xla/lib/
batch_dot.cc 70 xla::ShapeUtil::HumanString(*x_shape), " transpose: ", transpose_x,
72 " transpose: ", transpose_y);
100 // dimensions to transpose directly (i.e. without requiring a Transpose HLO).
102 auto lhs = transpose_x ? builder->Transpose(x, {1, 0}) : x;
103 auto rhs = transpose_y ? builder->Transpose(y, {1, 0}) : y;
  /external/eigen/Eigen/src/Cholesky/
LLT_LAPACKE.h 85 Transpose<MatrixType> matt(mat); \
  /external/eigen/Eigen/src/Core/
SolveTriangular.h 124 rhs.coeffRef(DiagIndex) -= lhs.row(DiagIndex).template segment<LoopIndex>(StartIndex).transpose()
149 Transpose<const Lhs> trLhs(lhs);
150 Transpose<Rhs> trRhs(rhs);
152 triangular_solver_unroller<Transpose<const Lhs>,Transpose<Rhs>,
SolverBase.h 32 * x = dec.transpose().solve(b); // solve A^T * x = b
36 * \warning Currently, any other usage of transpose() and adjoint() are not supported and will produce compilation errors.
81 /** \internal the return type of transpose() */
82 typedef typename internal::add_const<Transpose<const Derived> >::type ConstTransposeReturnType;
86 * \code x = dec.transpose().solve(b); \endcode
90 inline ConstTransposeReturnType transpose() const function in class:Eigen::SolverBase
105 * For real scalar types, this function is equivalent to transpose().
107 * \sa transpose(), solve()
111 return AdjointReturnType(derived().transpose());
  /external/tensorflow/tensorflow/compiler/tf2xla/kernels/
select_op.cc 77 cond_handle = builder->Transpose(cond_handle, dim_order);
transpose_op.cc 16 // XLA-specific Transpose Op. This is very different to the Eigen
48 errors::InvalidArgument("transpose expects a vector of size ",
88 ctx->builder()->Transpose(ctx->Input(0), transposed_order));
92 REGISTER_XLA_OP(Name("Transpose").CompileTimeConstInput("perm"), TransposeOp);
94 // InvertPermutation frequently forms part of the gradient of Transpose.
depthtospace_op.cc 145 b->Transpose(reshaped, transpose_order);
spacetodepth_op.cc 149 b->Transpose(reshaped, transpose_order);
  /external/tensorflow/tensorflow/contrib/image/kernels/
adjust_hsv_in_yiq_op_gpu.cu.cc 62 auto no_transpose = perftools::gputools::blas::Transpose::kNoTranspose;
  /external/tensorflow/tensorflow/core/kernels/
matrix_triangular_solve_op.cc 204 // output' = rhs' / matrix' (' stands for transpose)
208 perftools::gputools::blas::Transpose transpose_matrix;
216 perftools::gputools::blas::Transpose::kConjugateTranspose;
218 transpose_matrix = perftools::gputools::blas::Transpose::kNoTranspose;
matmul_op.cc 95 out_v.noalias() = a_m.transpose() * b_v;
170 trans ? perftools::gputools::blas::Transpose::kTranspose
171 : perftools::gputools::blas::Transpose::kNoTranspose;
269 using perftools::gputools::blas::Transpose;
270 Transpose trans[] = {Transpose::kNoTranspose, Transpose::kTranspose};
312 // C' = B' x A' (' stands for transpose)
413 // Use C' = B' x A' (' stands for transpose)
transpose_functor_gpu.cu.cc 26 // GPU util functions and transpose kernels into separate files.
61 CHECK_LT(nelem, kint32max) << "Tensor too large to transpose on GPU";
170 // Transpose kernel specialized for GPU Device.
172 struct Transpose<GPUDevice, T, conjugate> {
233 struct Transpose<GPUDevice, string, conjugate> {
236 LOG(FATAL) << "Transpose of DT_STRING tensor not supported on GPU.";
241 template struct Transpose<GPUDevice, string, false>;
  /external/eigen/Eigen/src/SparseCore/
SparseMatrixBase.h 107 CwiseUnaryOp<internal::scalar_conjugate_op<Scalar>, Eigen::Transpose<const Derived> >,
108 Transpose<const Derived>
110 typedef Transpose<Derived> TransposeReturnType;
111 typedef typename internal::add_const<Transpose<const Derived> >::type ConstTransposeReturnType;
349 TransposeReturnType transpose() { return TransposeReturnType(derived()); } function in class:Eigen::SparseMatrixBase
350 const ConstTransposeReturnType transpose() const { return ConstTransposeReturnType(derived()); } function in class:Eigen::SparseMatrixBase
351 const AdjointReturnType adjoint() const { return AdjointReturnType(transpose()); }
  /external/webrtc/webrtc/modules/audio_processing/beamformer/
covariance_matrix_generator.cc 84 interf_cov_vector_transposed.Transpose(interf_cov_vector);
  /external/gemmlowp/internal/
output_msa.h 309 inline RegBlockInt32<4, 4> Transpose(const RegBlockInt32<4, 4>& src) {
336 const auto transpose = Transpose(src); local
338 StoreInt32x4(dst->data(row + i, col), transpose.buf.reg[i]);
374 const auto transpose_top = Transpose(top);
383 const auto transpose_bottom = Transpose(bottom);
429 const auto transpose_top_left = Transpose(top_left);
438 const auto transpose_bottom_left = Transpose(bottom_left);
448 const auto transpose_top_right = Transpose(top_right);
458 const auto transpose_bottom_right = Transpose(bottom_right)
    [all...]
output_sse.h 247 inline RegBlockInt32<4, 4> Transpose(const RegBlockInt32<4, 4>& src) {
270 const auto transpose = Transpose(src); local
272 StoreInt32x4(dst->data(row + i, col), transpose.buf.reg[i]);
308 const auto transpose_top = Transpose(top);
317 const auto transpose_bottom = Transpose(bottom);
363 const auto transpose_top_left = Transpose(top_left);
372 const auto transpose_bottom_left = Transpose(bottom_left);
382 const auto transpose_top_right = Transpose(top_right);
392 const auto transpose_bottom_right = Transpose(bottom_right)
    [all...]
output_neon.h 243 inline RegBlockInt32<4, 4> Transpose(const RegBlockInt32<4, 4>& src) {
263 DstType::kOrder == MapOrder::ColMajor ? src : Transpose(src);
319 const auto transpose_top = Transpose(top);
328 const auto transpose_bottom = Transpose(bottom);
390 const auto transpose_top_left = Transpose(top_left);
399 const auto transpose_bottom_left = Transpose(bottom_left);
409 const auto transpose_top_right = Transpose(top_right);
418 const auto transpose_bottom_right = Transpose(bottom_right);
575 inline RegBlockUint8<8, 8> Transpose(const RegBlockUint8<8, 8>& src) {
616 DstType::kOrder == MapOrder::ColMajor ? src : Transpose(src)
    [all...]
  /frameworks/ml/nn/common/operations/
Reshape.cpp 215 tflite::reference_ops::Transpose(
222 tflite::reference_ops::Transpose(
  /external/tensorflow/tensorflow/core/grappler/optimizers/
arithmetic_optimizer_test.cc 462 Output transp = ops::Transpose(s.WithOpName("trans"), conj, perm);
501 EXPECT_EQ("Transpose", output.node(6).op());
512 Output trans = ops::Transpose(s.WithOpName("trans"), z, perm);
539 Output trans_a = ops::Transpose(s.WithOpName("trans_a"), a, perm);
540 Output trans_b = ops::Transpose(s.WithOpName("trans_b"), b, perm);
691 Output transpose = local
692 ops::Transpose(s.WithOpName("transpose"), nchw_vect_c,
695 s.WithOpName("nhwc"), transpose,
723 ops::Transpose(s, nhwc_fp32, ops::Const(s, {0, 3, 1, 2}, {4}))
931 const NodeDef* transpose = node_map.GetNode(NodeName(folded_conv->input(0))); local
1019 Output transpose = local
    [all...]
  /external/eigen/Eigen/src/Core/products/
SelfadjointMatrixVector.h 249 // let's simply transpose the product
250 Transpose<Dest> destT(dest);
251 selfadjoint_product_impl<Transpose<const Rhs>, int(RhsUpLo)==Upper ? Lower : Upper, false,
252 Transpose<const Lhs>, 0, true>::run(destT, a_rhs.transpose(), a_lhs.transpose(), alpha);
  /external/dng_sdk/source/
dng_matrix.h 289 dng_matrix Transpose (const dng_matrix &A);
dng_rect.h 408 inline dng_rect Transpose (const dng_rect &a)
417 inline dng_rect_real64 Transpose (const dng_rect_real64 &a)
  /external/eigen/Eigen/src/Core/util/
BlasUtil.h 350 // pop/push transpose
352 struct blas_traits<Transpose<NestedXpr> >
357 typedef Transpose<NestedXpr> XprType;
358 typedef Transpose<const typename Base::_ExtractType> ExtractType; // const to get rid of a compile error; anyway blas traits are only used on the RHS
359 typedef Transpose<const typename Base::_ExtractType> _ExtractType;
  /external/tensorflow/tensorflow/contrib/lite/kernels/
transpose.cc 27 namespace transpose { namespace in namespace:tflite::ops::builtin
29 // This file has two implementations of Transpose.
55 "Transpose op permutations array is out of bounds.");
76 "Transpose op only supports 1D-4D input arrays.");
111 type::Transpose(GetTensorData<scalar>(op_context.input), \
139 "Type is currently not supported by Transpose.");
147 } // namespace transpose
150 static TfLiteRegistration r = {nullptr, nullptr, transpose::Prepare,
151 transpose::Eval<transpose::kReference>}
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/tests/
matrix_ops_simple_test.cc 167 bool transpose = std::get<2>(GetParam()); local
193 if (transpose) {
194 lhs_mat_arg = builder.Transpose(lhs_mat_arg, {1, 0});
201 if (transpose) {
208 if (transpose) {
231 bool transpose = std::get<2>(GetParam()); local
261 if (transpose) {
262 lhs_mat_arg = builder.Transpose(lhs_mat_arg, {1, 0});
269 if (transpose) {
278 if (transpose) {
    [all...]

Completed in 940 milliseconds

1 23 4 5 6 7