/external/eigen/blas/ |
D | level2_impl.h | 36 (general_matrix_vector_product_wrapper<int,Scalar,RowMajor,Conj ,false>::run), in EIGEN_BLAS_FUNC() 95 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|0, Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 102 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|0, Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 109 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|UnitDiag,Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 116 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|UnitDiag,Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 154 …(internal::triangular_matrix_vector_product<int,Lower|0, Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 161 …(internal::triangular_matrix_vector_product<int,Upper|0, Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 168 …(internal::triangular_matrix_vector_product<int,Lower|UnitDiag,Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 175 …(internal::triangular_matrix_vector_product<int,Upper|UnitDiag,Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 359 … (internal::band_solve_triangular_selector<int,Lower|0, Scalar,Conj, Scalar,RowMajor>::run), in EIGEN_BLAS_FUNC() [all …]
|
D | level3_impl.h | 23 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,ColMajor,false,Co… in EIGEN_BLAS_FUNC() 30 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,false,Co… in EIGEN_BLAS_FUNC() 33 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 35 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 37 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 89 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Lower|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 96 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheRight,Lower|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 103 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Upper|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 110 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheRight,Upper|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 117 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Lower|UnitDiag,Conj, RowMajor,ColM… in EIGEN_BLAS_FUNC() [all …]
|
D | level2_cplx_impl.h | 110 (internal::selfadjoint_packed_rank1_update<Scalar,int,ColMajor,Upper,false,Conj>::run), in EIGEN_BLAS_FUNC() 112 (internal::selfadjoint_packed_rank1_update<Scalar,int,ColMajor,Lower,false,Conj>::run), in EIGEN_BLAS_FUNC() 202 (selfadjoint_rank1_update<Scalar,int,ColMajor,Upper,false,Conj>::run), in EIGEN_BLAS_FUNC() 204 (selfadjoint_rank1_update<Scalar,int,ColMajor,Lower,false,Conj>::run), in EIGEN_BLAS_FUNC() 354 …internal::general_rank1_update<Scalar,int,ColMajor,false,Conj>::run(*m, *n, a, *lda, x_cpy, y_cpy,… in EIGEN_BLAS_FUNC()
|
D | level2_real_impl.h | 71 (selfadjoint_rank1_update<Scalar,int,ColMajor,Upper,false,Conj>::run), in EIGEN_BLAS_FUNC() 73 (selfadjoint_rank1_update<Scalar,int,ColMajor,Lower,false,Conj>::run), in EIGEN_BLAS_FUNC()
|
D | common.h | 99 Conj = IsComplex enumerator
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
D | tf_trait_folds.mlir | 6 // CHECK: [[CONJ:%.+]] = "tf.Conj"([[ARG0]]) 7 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 15 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 16 %1 = "tf.Conj"(%0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 24 // CHECK: [[CONJ:%.+]] = "tf.Conj"([[ARG0]]) 25 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 26 %1 = "tf.Conj"(%0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 27 %2 = "tf.Conj"(%1) : (tensor<complex<f32>>) -> tensor<complex<f32>>
|
/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
D | gpu_op_conj.cc | 23 GENERATE_AND_REGISTER_UNARY_GPU_KERNEL(Conj, DT_COMPLEX64); 24 GENERATE_AND_REGISTER_UNARY_GPU_KERNEL(Conj, DT_COMPLEX128);
|
/external/tensorflow/tensorflow/core/api_def/java_api/ |
D | api_def_Conj.pbtxt | 2 graph_op_name: "Conj" 4 name: "math.Conj"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | Conj.pbtxt | 2 name: "Conj" 26 name: "Conj"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | Conj.pbtxt | 2 name: "Conj" 26 name: "Conj"
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | cholesky_test.cc | 283 auto matrix = BatchDot(input, TransposeInMinorDims(Conj(input)), in XLA_TEST_P() 291 verification = BatchDot(cholesky, TransposeInMinorDims(Conj(cholesky)), in XLA_TEST_P() 294 verification = BatchDot(TransposeInMinorDims(Conj(cholesky)), cholesky, in XLA_TEST_P() 298 Reduce(Abs(delta * Conj(delta)), ConstantR0<float>(&builder, 0.0), in XLA_TEST_P()
|
/external/tensorflow/tensorflow/core/api_def/python_api/ |
D | api_def_Conj.pbtxt | 2 graph_op_name: "Conj"
|
/external/tensorflow/tensorflow/core/kernels/mlir_generated/op_definitions/ |
D | conj.mlir.tmpl | 3 %0 = "tf.Conj"(%arg0) : (tensor<*xelem_type>) -> tensor<*xoutput_type>
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | unary_ops.cc | 53 XLAJIT_MAKE_UNARY(Conj, xla::Conj(x));
|
D | transpose_op.cc | 90 ctx->SetOutput(0, xla::Conj(transposed)); in Compile()
|
/external/tensorflow/tensorflow/c/experimental/ops/ |
D | update_cpp_ops.sh | 44 Conj \
|
D | math_ops.h | 33 Status Conj(AbstractContext* ctx, AbstractTensorHandle* const input,
|
D | math_ops.cc | 67 Status Conj(AbstractContext* ctx, AbstractTensorHandle* const input, in Conj() function
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_Conj.pbtxt | 2 graph_op_name: "Conj"
|
/external/tensorflow/tensorflow/core/kernels/ |
D | cwise_ops_test.cc | 72 BM_UNARY(cpu, Conj, std::complex<float>, DT_COMPLEX64); 74 BM_UNARY(gpu, Conj, std::complex<float>, DT_COMPLEX64); 76 BM_UNARY(cpu, Conj, std::complex<double>, DT_COMPLEX128); 78 BM_UNARY(gpu, Conj, std::complex<double>, DT_COMPLEX128);
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | matrix_test.cc | 112 Symmetrize(lower ? a : Conj(TransposeInMinorDims(a)), /*lower=*/lower); in XLA_TEST_F() 160 Symmetrize(lower ? a : Conj(TransposeInMinorDims(a)), /*lower=*/lower); in XLA_TEST_F()
|
/external/tensorflow/tensorflow/cc/gradients/ |
D | linalg_grad.cc | 428 x = Conj(scope, x); in EinsumGrad() 429 y = Conj(scope, y); in EinsumGrad()
|
D | math_grad_test.cc | 200 y = Conj(scope_, x); in TestCWiseGrad() 532 TEST_F(CWiseUnaryGradTest, Conj) { in TEST_F() argument
|
/external/eigen/Eigen/src/Core/functors/ |
D | BinaryFunctors.h | 111 Conj = NumTraits<LhsScalar>::IsComplex 118 { return conj_helper<LhsScalar,RhsScalar,Conj,false>().pmul(a,b); } 122 { return conj_helper<Packet,Packet,Conj,false>().pmul(a,b); }
|
/external/tensorflow/tensorflow/c/experimental/gradients/ |
D | math_grad.cc | 48 return tensorflow::ops::Conj(ctx, input, output, name); in SafeConj()
|