/external/eigen/unsupported/Eigen/CXX11/src/Tensor/ |
D | TensorIndexList.h | 40 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 …]
|
D | TensorDimensions.h | 106 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 …]
|
D | TensorDimensionList.h | 39 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 …]
|
D | TensorVolumePatch.h | 25 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… 64 … DenseIndex plane_strides, DenseIndex row_strides, DenseIndex col_strides, 65 … DenseIndex in_plane_strides, DenseIndex in_row_strides, DenseIndex in_col_strides, 66 … DenseIndex plane_inflate_strides, DenseIndex row_inflate_strides, DenseIndex col_inflate_strides, 75 …NLINE TensorVolumePatchOp(const XprType& expr, DenseIndex patch_planes, DenseIndex patch_rows, Den… 76 … DenseIndex plane_strides, DenseIndex row_strides, DenseIndex col_strides, [all …]
|
D | TensorImagePatch.h | 30 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… 69 … DenseIndex row_strides, DenseIndex col_strides, 70 … DenseIndex in_row_strides, DenseIndex in_col_strides, 71 … DenseIndex row_inflate_strides, DenseIndex col_inflate_strides, 80 …EIGEN_STRONG_INLINE TensorImagePatchOp(const XprType& expr, DenseIndex patch_rows, DenseIndex patc… 81 … DenseIndex row_strides, DenseIndex col_strides, [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | eigen_pooling.h | 64 SpatialMaxPooling(const Input& input, DenseIndex patchRows, 65 DenseIndex patchCols, DenseIndex strideRows, 66 DenseIndex strideCols, const PaddingType padding_type, 67 DenseIndex in_strideRows = 1, DenseIndex in_strideCols = 1) { 77 const DenseIndex patchRowsEff = 79 const DenseIndex patchColsEff = 97 static_cast<DenseIndex>(in.dimension(idxRows)) - patchRowsEff + 1, 100 static_cast<DenseIndex>(in.dimension(idxCols)) - patchColsEff + 1, 104 static_cast<DenseIndex>(in.dimension(idxRows)), strideRows); 106 static_cast<DenseIndex>(in.dimension(idxCols)), strideCols); [all …]
|
D | split_op.cc | 137 Eigen::DenseIndex prefix_dim_size, in operator ()() 138 Eigen::DenseIndex split_dim_size, in operator ()() 139 Eigen::DenseIndex suffix_dim_size, in operator ()() 151 Eigen::DSizes<Eigen::DenseIndex, NDims> indices; in operator ()() 168 Eigen::DSizes<Eigen::DenseIndex, NDims> slice_indices; in operator ()() 169 Eigen::DSizes<Eigen::DenseIndex, NDims> slice_sizes; in operator ()() 224 std::numeric_limits<Eigen::DenseIndex>::max()), in Compute() 226 std::numeric_limits<Eigen::DenseIndex>::max())); in Compute() 228 Eigen::DenseIndex prefix_dim_size; in Compute() 229 Eigen::DenseIndex split_dim_size; in Compute() [all …]
|
D | strided_slice_op_impl.h | 89 Eigen::DSizes<Eigen::DenseIndex, NDIM> begin_di; in HandleStridedSliceCase() 90 Eigen::DSizes<Eigen::DenseIndex, NDIM> sizes_di; in HandleStridedSliceCase() 100 Eigen::DSizes<Eigen::DenseIndex, NDIM> begin_di; in HandleStridedSliceCase() 101 Eigen::DSizes<Eigen::DenseIndex, NDIM> end_di; in HandleStridedSliceCase() 102 Eigen::DSizes<Eigen::DenseIndex, NDIM> strides_di; in HandleStridedSliceCase() 125 Eigen::DSizes<Eigen::DenseIndex, NDIM> begin_di; in HandleStridedSliceGradCase() 126 Eigen::DSizes<Eigen::DenseIndex, NDIM> end_di; in HandleStridedSliceGradCase() 127 Eigen::DSizes<Eigen::DenseIndex, NDIM> strides_di; in HandleStridedSliceGradCase() 148 Eigen::DSizes<Eigen::DenseIndex, NDIM> begin_di; in operator() 149 Eigen::DSizes<Eigen::DenseIndex, NDIM> end_di; in operator() [all …]
|
D | split_lib.h | 30 const Eigen::DSizes<Eigen::DenseIndex, 2>& slice_indices, 31 const Eigen::DSizes<Eigen::DenseIndex, 2>& slice_sizes); 38 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_indices, 39 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_sizes); 47 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_indices, 48 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_sizes); 57 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_indices, 58 const Eigen::DSizes<Eigen::DenseIndex, NDims>& slice_sizes);
|
D | gather_nd_op_cpu_impl.h | 55 const Index loc, Eigen::array<Eigen::DenseIndex, IXDIM + 1>* ix) const { in GenerateIndices() argument 67 operator()(const Eigen::array<Eigen::DenseIndex, 1>& loc_array) const { in operator() 69 Eigen::array<Eigen::DenseIndex, IXDIM + 1> ix; in operator() 70 Eigen::array<Eigen::DenseIndex, 2> ix_out; in operator() 105 const Eigen::DenseIndex batch_size = Tindices.dimension(0); 107 Eigen::Tensor<Eigen::DenseIndex, 1>::Dimensions reshape_dims{{ 1 }}; 108 Eigen::array<Eigen::DenseIndex, 1> broadcast_dims{{ batch_size }}; 111 Eigen::IndexList<Eigen::DenseIndex> broadcast_dims; 125 for (Eigen::DenseIndex i = 0; i < batch_size; i++) { 126 const Eigen::array<Eigen::DenseIndex, 1> loc{i};
|
D | split_v_op.cc | 192 Eigen::DenseIndex prefix_dim_size, in operator ()() 193 Eigen::DenseIndex split_dim_size, in operator ()() 194 Eigen::DenseIndex suffix_dim_size, in operator ()() 198 Eigen::DSizes<Eigen::DenseIndex, NDims> indices; in operator ()() 279 std::numeric_limits<Eigen::DenseIndex>::max()), in Compute() 281 std::numeric_limits<Eigen::DenseIndex>::max())); in Compute() 283 Eigen::DenseIndex prefix_dim_size; in Compute() 284 Eigen::DenseIndex split_dim_size; in Compute() 285 Eigen::DenseIndex suffix_dim_size; in Compute() 288 Base::template SetDims<Eigen::DenseIndex>(input_shape, split_dim); in Compute() [all …]
|
D | tile_ops_impl.h | 31 const Eigen::DSizes<Eigen::DenseIndex, NDIM>& indices, in operator() 32 const Eigen::DSizes<Eigen::DenseIndex, NDIM>& sizes, in operator() 46 const Eigen::DSizes<Eigen::DenseIndex, 0>&, 47 const Eigen::DSizes<Eigen::DenseIndex, 0>&, 62 const Eigen::DSizes<Eigen::DenseIndex, REDUCEDNDIM>& reduce_dim, 63 const Eigen::DSizes<Eigen::DenseIndex, NDIM>& reshape_dim) const {
|
D | strided_slice_op.h | 34 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& start_indices, in operator() 35 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& stop_indices, in operator() 36 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& strides) { in operator() 82 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& start_indices, 83 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& stop_indices, 84 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& strides) { 108 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& start_indices, 109 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& stop_indices, 110 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& strides) {
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_argmax_cuda.cu | 26 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 …]
|
D | cxx11_tensor_argmax.cpp | 26 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 …]
|
D | cxx11_tensor_custom_op.cpp | 18 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()
|
D | cxx11_tensor_index_list.cpp | 25 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 …]
|
/external/tensorflow/tensorflow/contrib/image/kernels/ |
D | image_ops.h | 35 using Eigen::DenseIndex; 54 operator()(const array<DenseIndex, 4>& coords) const { in operator() 91 nearest_interpolation(const DenseIndex batch, const float y, const float x, in nearest_interpolation() 92 const DenseIndex channel, const T fill_value) const { in nearest_interpolation() 93 return read_with_fill_value(batch, DenseIndex(std::round(y)), in nearest_interpolation() 94 DenseIndex(std::round(x)), channel, fill_value); in nearest_interpolation() 98 bilinear_interpolation(const DenseIndex batch, const float y, const float x, in bilinear_interpolation() 99 const DenseIndex channel, const T fill_value) const { in bilinear_interpolation() 108 batch, DenseIndex(y_floor), DenseIndex(x_floor), in bilinear_interpolation() 111 batch, DenseIndex(y_floor), DenseIndex(x_ceil), in bilinear_interpolation() [all …]
|
/external/eigen/unsupported/Eigen/src/Splines/ |
D | Spline.h | 127 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 …]
|
D | SplineFitting.h | 45 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/ |
D | level3_impl.h | 16 …DenseIndex, 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/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | multithreaded_conv.h | 41 Eigen::Tensor<float, 2, Eigen::RowMajor, Eigen::DenseIndex>, Eigen::Aligned> 44 Eigen::Tensor<const float, 2, Eigen::RowMajor, Eigen::DenseIndex>, 49 Eigen::Tensor<float, 4, Eigen::RowMajor, Eigen::DenseIndex>, Eigen::Aligned> 52 Eigen::Tensor<const float, 4, Eigen::RowMajor, Eigen::DenseIndex>, 64 const Eigen::array<Eigen::IndexPair<Eigen::DenseIndex>, 1>& dim_pair) { in operator() 100 Eigen::array<Eigen::IndexPair<Eigen::DenseIndex>, 1> dim_pair; in operator() 101 dim_pair[0] = Eigen::IndexPair<Eigen::DenseIndex>(1, 0); in operator() 114 Eigen::array<Eigen::IndexPair<Eigen::DenseIndex>, 1> dim_pair; in operator() 115 dim_pair[0] = Eigen::IndexPair<Eigen::DenseIndex>(1, 0); in operator()
|
/external/eigen/unsupported/Eigen/src/Polynomials/ |
D | PolynomialUtils.h | 31 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/ |
D | basicstuff.cpp | 218 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/tensorflow/tensorflow/contrib/rnn/kernels/ |
D | gru_ops.h | 36 inline Eigen::array<Eigen::DenseIndex, 2> x_offsets() const { return {0, 0}; } in x_offsets() 38 inline Eigen::array<Eigen::DenseIndex, 2> x_extends() const { in x_extends() 42 inline Eigen::array<Eigen::DenseIndex, 2> h_offsets() const { in h_offsets() 46 inline Eigen::array<Eigen::DenseIndex, 2> h_extends() const { in h_extends() 50 inline Eigen::array<Eigen::DenseIndex, 2> ru_r_offset() const { in ru_r_offset() 54 inline Eigen::array<Eigen::DenseIndex, 2> ru_u_offset() const { in ru_u_offset() 58 inline Eigen::array<Eigen::DenseIndex, 2> cell_extents() const { in cell_extents() 96 Eigen::array<Eigen::DenseIndex, 2> broadcast_shape({batch_size_, 1}); in operator() 97 Eigen::array<Eigen::DenseIndex, 2> b_ru_shape({1, b_ru.dimensions()[0]}); in operator() 115 Eigen::array<Eigen::DenseIndex, 2> b_c_shape({1, b_c.dimensions()[0]}); in operator()
|