Home
last modified time | relevance | path

Searched refs:DenseIndex (Results 1 – 25 of 59) sorted by relevance

123

/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
DTensorIndexList.h40 template <DenseIndex n>
42 static const DenseIndex value = n;
43 EIGEN_DEVICE_FUNC constexpr operator DenseIndex() const { return n; } in DenseIndex() function
44 EIGEN_DEVICE_FUNC void set(DenseIndex val) { in set()
51 template <DenseIndex f, DenseIndex s>
53 static const DenseIndex first = f;
54 static const DenseIndex second = s;
56 constexpr EIGEN_DEVICE_FUNC operator IndexPair<DenseIndex>() const {
57 return IndexPair<DenseIndex>(f, s);
60 EIGEN_DEVICE_FUNC void set(const IndexPair<DenseIndex>& val) { in set()
[all …]
DTensorDimensions.h106 template <typename DenseIndex>
107 explicit EIGEN_DEVICE_FUNC Sizes(const array<DenseIndex, Base::count>& /*indices*/) {
111 template <typename... DenseIndex> EIGEN_DEVICE_FUNC Sizes(DenseIndex...) { }
126 template <typename DenseIndex> EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE
127 size_t IndexOfColMajor(const array<DenseIndex, Base::count>& indices) const {
128 …return internal::fixed_size_tensor_index_linearization_helper<DenseIndex, Base::count, Base::count…
130 template <typename DenseIndex> EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE
131 size_t IndexOfRowMajor(const array<DenseIndex, Base::count>& indices) const {
132 …return internal::fixed_size_tensor_index_linearization_helper<DenseIndex, Base::count, Base::count…
168 template <typename DenseIndex>
[all …]
DTensorDimensionList.h39 template<DenseIndex n, typename Index, std::size_t Rank> const Index array_get(DimensionList<Index,…
42 template<DenseIndex n, typename Index, std::size_t Rank> const Index array_get(const DimensionList<…
50 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex) {
56 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex) {
89 static constexpr bool run(const DenseIndex i, const DenseIndex value) {
95 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex i, const DenseIndex value) {
102 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex i, const DenseIndex value) {
108 static constexpr bool run(const DenseIndex i, const DenseIndex value) {
115 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex i, const DenseIndex value) {
121 EIGEN_DEVICE_FUNC static constexpr bool run(const DenseIndex i, const DenseIndex value) {
[all …]
DTensorVolumePatch.h25 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
38 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
44 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
52 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
63 …NLINE TensorVolumePatchOp(const XprType& expr, DenseIndex patch_planes, DenseIndex patch_rows, Den…
64DenseIndex plane_strides, DenseIndex row_strides, DenseIndex col_strides,
65DenseIndex in_plane_strides, DenseIndex in_row_strides, DenseIndex in_col_strides,
66DenseIndex plane_inflate_strides, DenseIndex row_inflate_strides, DenseIndex col_inflate_strides,
75 …NLINE TensorVolumePatchOp(const XprType& expr, DenseIndex patch_planes, DenseIndex patch_rows, Den…
76DenseIndex plane_strides, DenseIndex row_strides, DenseIndex col_strides,
[all …]
DTensorImagePatch.h30 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
43 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
49 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
57 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
68 …EIGEN_STRONG_INLINE TensorImagePatchOp(const XprType& expr, DenseIndex patch_rows, DenseIndex patc…
69DenseIndex row_strides, DenseIndex col_strides,
70DenseIndex in_row_strides, DenseIndex in_col_strides,
71DenseIndex row_inflate_strides, DenseIndex col_inflate_strides,
80 …EIGEN_STRONG_INLINE TensorImagePatchOp(const XprType& expr, DenseIndex patch_rows, DenseIndex patc…
81DenseIndex row_strides, DenseIndex col_strides,
[all …]
DTensorForwardDeclarations.h26 template<typename Scalar_, int NumIndices_, int Options_ = 0, typename IndexType = DenseIndex> clas…
27 template<typename Scalar_, typename Dimensions, int Options_ = 0, typename IndexType = DenseIndex> …
45 template<DenseIndex Rows, DenseIndex Cols, typename XprType> class TensorImagePatchOp;
46 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType> class TensorVolumeP…
48 template<DenseIndex DimId, typename XprType> class TensorChippingOp;
DTensorChipping.h24 template<DenseIndex DimId, typename XprType>
37 template<DenseIndex DimId, typename XprType>
43 template<DenseIndex DimId, typename XprType>
49 template <DenseIndex DimId>
52 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE DimensionId(DenseIndex dim) {
55 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE DenseIndex actualDim() const {
62 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE DimensionId(DenseIndex dim) : actual_dim(dim) {
65 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE DenseIndex actualDim() const {
69 const DenseIndex actual_dim;
77 template<DenseIndex DimId, typename XprType>
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_argmax_cuda.cu26 Tensor<double, 3, Layout> in(Eigen::array<DenseIndex, 3>(72,53,97)); in test_cuda_simple_argmax()
27 Tensor<DenseIndex, 1, Layout> out_max(Eigen::array<DenseIndex, 1>(1)); in test_cuda_simple_argmax()
28 Tensor<DenseIndex, 1, Layout> out_min(Eigen::array<DenseIndex, 1>(1)); in test_cuda_simple_argmax()
35 std::size_t out_bytes = out_max.size() * sizeof(DenseIndex); in test_cuda_simple_argmax()
38 DenseIndex* d_out_max; in test_cuda_simple_argmax()
39 DenseIndex* d_out_min; in test_cuda_simple_argmax()
49 …Eigen::TensorMap<Eigen::Tensor<double, 3, Layout>, Aligned > gpu_in(d_in, Eigen::array<DenseIndex,… in test_cuda_simple_argmax()
50 …Eigen::TensorMap<Eigen::Tensor<DenseIndex, 1, Layout>, Aligned > gpu_out_max(d_out_max, Eigen::arr… in test_cuda_simple_argmax()
51 …Eigen::TensorMap<Eigen::Tensor<DenseIndex, 1, Layout>, Aligned > gpu_out_min(d_out_min, Eigen::arr… in test_cuda_simple_argmax()
60 VERIFY_IS_EQUAL(out_max(Eigen::array<DenseIndex, 1>(0)), 72*53*97 - 1); in test_cuda_simple_argmax()
[all …]
Dcxx11_tensor_argmax.cpp26 Tensor<Tuple<DenseIndex, float>, 4, DataLayout> index_tuples(2,3,5,7); in test_simple_index_tuples()
29 for (DenseIndex n = 0; n < 2*3*5*7; ++n) { in test_simple_index_tuples()
30 const Tuple<DenseIndex, float>& v = index_tuples.coeff(n); in test_simple_index_tuples()
43 Tensor<Tuple<DenseIndex, float>, 4, DataLayout> index_tuples(2,3,5,7); in test_index_tuples_dim()
47 for (Eigen::DenseIndex n = 0; n < tensor.size(); ++n) { in test_index_tuples_dim()
48 const Tuple<DenseIndex, float>& v = index_tuples(n); //(i, j, k, l); in test_index_tuples_dim()
61 Tensor<Tuple<DenseIndex, float>, 4, DataLayout> index_tuples(2,3,5,7); in test_argmax_tuple_reducer()
64 Tensor<Tuple<DenseIndex, float>, 0, DataLayout> reduced; in test_argmax_tuple_reducer()
65 DimensionList<DenseIndex, 4> dims; in test_argmax_tuple_reducer()
67 dims, internal::ArgMaxTupleReducer<Tuple<DenseIndex, float> >()); in test_argmax_tuple_reducer()
[all …]
Dcxx11_tensor_custom_op.cpp18 DSizes<DenseIndex, 2> dimensions(const Tensor<float, 2>& input) const { in dimensions()
19 DSizes<DenseIndex, 2> result; in dimensions()
28 array<DenseIndex, 2> strides; in eval()
33 Eigen::DSizes<DenseIndex, 2> offsets(1,1); in eval()
34 Eigen::DSizes<DenseIndex, 2> extents(output.dimension(0)-1, output.dimension(1)-1); in eval()
62 …DSizes<DenseIndex, 3> dimensions(const Tensor<float, 3>& input1, const Tensor<float, 3>& input2) c… in dimensions()
63 DSizes<DenseIndex, 3> result; in dimensions()
Dcxx11_tensor_index_list.cpp25 VERIFY_IS_EQUAL(static_cast<DenseIndex>(reduction_axis[0]), 0); in test_static_index_list()
26 VERIFY_IS_EQUAL(static_cast<DenseIndex>(reduction_axis[1]), 1); in test_static_index_list()
27 VERIFY_IS_EQUAL(static_cast<DenseIndex>(reduction_axis[2]), 2); in test_static_index_list()
170 …typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>, Eigen::IndexPair<DenseIndex>, Eigen::typ… in test_type2indexpair_list()
171 …def Eigen::IndexPairList<Eigen::IndexPair<DenseIndex>, Eigen::type2indexpair<1,11>, Eigen::IndexPa… in test_type2indexpair_list()
177 d2_b.set(1, Eigen::IndexPair<DenseIndex>(1,11)); in test_type2indexpair_list()
180 d2_c.set(0, Eigen::IndexPair<DenseIndex>(Eigen::IndexPair<DenseIndex>(0,10))); in test_type2indexpair_list()
181 d2_c.set(1, Eigen::IndexPair<DenseIndex>(1,11)); // setting type2indexpair to correct value. in test_type2indexpair_list()
182 d2_c.set(2, Eigen::IndexPair<DenseIndex>(2,12)); in test_type2indexpair_list()
281 VERIFY_IS_EQUAL(static_cast<DenseIndex>(reduction_axis[0]), 2); in test_dynamic_index_list()
[all …]
Dcxx11_tensor_random.cpp46 int operator()(Eigen::DenseIndex element_location, Eigen::DenseIndex /*unused*/ = 0) const { in operator ()()
52 Eigen::DenseIndex packet_location, Eigen::DenseIndex /*unused*/ = 0) const { in packetOp()
Dsplines.cpp216 for (Eigen::DenseIndex i=0; i<points.cols(); ++i) in check_global_interpolation2d()
228 for (Eigen::DenseIndex i=0; i<points.cols(); ++i) in check_global_interpolation2d()
242 const Eigen::DenseIndex numPoints = 100; in check_global_interpolation_with_derivatives2d()
254 for (Eigen::DenseIndex i = 0; i < numPoints; ++i) in check_global_interpolation_with_derivatives2d()
260 for (Eigen::DenseIndex i = 0; i < points.cols(); ++i) in check_global_interpolation_with_derivatives2d()
Dcxx11_tensor_cuda.cu69 Tensor<float, 1> in1(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
70 Tensor<float, 1> in2(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
71 Tensor<float, 1> out(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
93 d_in1, Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
95 d_in2, Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
97 d_out, Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
107 out(Eigen::array<Eigen::DenseIndex, 1>(i)), in test_cuda_elementwise_small()
108 in1(Eigen::array<Eigen::DenseIndex, 1>(i)) + in2(Eigen::array<Eigen::DenseIndex, 1>(i))); in test_cuda_elementwise_small()
118 Tensor<float, 3> in1(Eigen::array<Eigen::DenseIndex, 3>(72,53,97)); in test_cuda_elementwise()
119 Tensor<float, 3> in2(Eigen::array<Eigen::DenseIndex, 3>(72,53,97)); in test_cuda_elementwise()
[all …]
Dcxx11_tensor_generator.cpp17 float operator()(const array<Eigen::DenseIndex, 1>& coordinates) const { in operator ()()
37 float operator()(const array<Eigen::DenseIndex, 2>& coordinates) const { in operator ()()
67 internal::GaussianGenerator<float, Eigen::DenseIndex, 2> gaussian_gen(means, std_devs); in test_gaussian()
/external/eigen/unsupported/Eigen/src/Splines/
DSpline.h127 derivatives(Scalar u, DenseIndex order) const;
136 derivatives(Scalar u, DenseIndex order = DerivativeOrder) const;
171 basisFunctionDerivatives(Scalar u, DenseIndex order) const;
180 basisFunctionDerivatives(Scalar u, DenseIndex order = DerivativeOrder) const;
185 DenseIndex degree() const;
191 DenseIndex span(Scalar u) const;
196 …static DenseIndex Span(typename SplineTraits<Spline>::Scalar u, DenseIndex degree, const typename …
210 static BasisVectorType BasisFunctions(Scalar u, DenseIndex degree, const KnotVectorType& knots);
218 const Scalar u, const DenseIndex order, const DenseIndex degree, const KnotVectorType& knots);
227 const DenseIndex order,
[all …]
DSplineFitting.h45 void KnotAveraging(const KnotVectorType& parameters, DenseIndex degree, KnotVectorType& knots) in KnotAveraging()
49 for (DenseIndex j=1; j<parameters.size()-degree; ++j) in KnotAveraging()
85 DenseIndex numParameters = parameters.size(); in KnotAveragingWithDerivatives()
86 DenseIndex numDerivatives = derivativeIndices.size(); in KnotAveragingWithDerivatives()
94 DenseIndex startIndex; in KnotAveragingWithDerivatives()
95 DenseIndex endIndex; in KnotAveragingWithDerivatives()
97 DenseIndex numInternalDerivatives = numDerivatives; in KnotAveragingWithDerivatives()
120 DenseIndex numAverageKnots = endIndex - startIndex + 3; in KnotAveragingWithDerivatives()
125 for (DenseIndex i = startIndex; i <= endIndex; ++i) in KnotAveragingWithDerivatives()
133 for (DenseIndex i = 0; i < numAverageKnots - 1; ++i) in KnotAveragingWithDerivatives()
[all …]
/external/eigen/blas/
Dlevel3_impl.h16DenseIndex, DenseIndex, DenseIndex, const Scalar *, DenseIndex, const Scalar *, DenseIndex, Scalar… in EIGEN_BLAS_FUNC()
19 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,ColMajor,false,Co… in EIGEN_BLAS_FUNC()
21 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,ColMajor,false,Co… in EIGEN_BLAS_FUNC()
23 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,ColMajor,false,Co… in EIGEN_BLAS_FUNC()
26 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,false,Co… in EIGEN_BLAS_FUNC()
28 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,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()
[all …]
/external/eigen/unsupported/Eigen/src/Polynomials/
DPolynomialUtils.h31 for(DenseIndex i=poly.size()-2; i>=0; --i ){ in poly_eval_horner()
56 for( DenseIndex i=1; i<poly.size(); ++i ){ in poly_eval()
85 for( DenseIndex i=0; i<poly.size()-1; ++i ){ in cauchy_max_bound()
104 DenseIndex i=0; in cauchy_min_bound()
111 for( DenseIndex j=i+1; j<poly.size(); ++j ){ in cauchy_min_bound()
134 for( DenseIndex i=1; i< rv.size(); ++i ) in roots_to_monicPolynomial()
136 for( DenseIndex j=i+1; j>0; --j ){ poly[j] = poly[j-1] - rv[i]*poly[j]; } in roots_to_monicPolynomial()
/external/eigen/test/
Dbasicstuff.cpp218 Matrix<Scalar,2,1> m(raw), m2( (DenseIndex(raw[0])), (DenseIndex(raw[1])) ); in fixedSizeMatrixConstruction()
219 Array<Scalar,2,1> a(raw), a2( (DenseIndex(raw[0])), (DenseIndex(raw[1])) ); in fixedSizeMatrixConstruction()
224 for(int k=0; k<2; ++k) VERIFY(m2(k) == DenseIndex(raw[k])); in fixedSizeMatrixConstruction()
225 for(int k=0; k<2; ++k) VERIFY(a2(k) == DenseIndex(raw[k])); in fixedSizeMatrixConstruction()
229 m2( (DenseIndex(raw[0])), (DenseIndex(raw[1])) ), in fixedSizeMatrixConstruction()
232 Array<Scalar,1,2> a(raw), a2( (DenseIndex(raw[0])), (DenseIndex(raw[1])) ); in fixedSizeMatrixConstruction()
237 for(int k=0; k<2; ++k) VERIFY(m2(k) == DenseIndex(raw[k])); in fixedSizeMatrixConstruction()
238 for(int k=0; k<2; ++k) VERIFY(a2(k) == DenseIndex(raw[k])); in fixedSizeMatrixConstruction()
243 Matrix<Scalar,1,1> m(raw), m1(raw[0]), m2( (DenseIndex(raw[0])) ), m3( (int(raw[0])) ); in fixedSizeMatrixConstruction()
244 Array<Scalar,1,1> a(raw), a1(raw[0]), a2( (DenseIndex(raw[0])) ); in fixedSizeMatrixConstruction()
[all …]
/external/eigen/unsupported/Eigen/src/NonLinearOptimization/
Dfdjac1.h6 DenseIndex fdjac1( in fdjac1()
11 DenseIndex ml, DenseIndex mu, in fdjac1()
17 typedef DenseIndex Index; in fdjac1()
Dr1mpyq.h8 void r1mpyq(DenseIndex m, DenseIndex n, Scalar *a, const std::vector<JacobiRotation<Scalar> > &v_gi… in r1mpyq()
10 typedef DenseIndex Index; in r1mpyq()
/external/eigen/failtest/
Dmap_nonconst_ctor_on_const_ptr_2.cpp11 void foo(CV_QUALIFIER float *ptr, DenseIndex rows, DenseIndex cols){ in foo()
Dmap_nonconst_ctor_on_const_ptr_4.cpp11 void foo(const float *ptr, DenseIndex rows, DenseIndex cols){ in foo()
Dmap_nonconst_ctor_on_const_ptr_3.cpp11 void foo(CV_QUALIFIER float *ptr, DenseIndex rows, DenseIndex cols){ in foo()

123