Go to the documentation of this file.
10 #ifndef EIGEN_CXX11_TENSOR_TENSOR_BASE_H
11 #define EIGEN_CXX11_TENSOR_TENSOR_BASE_H
25 #ifndef EIGEN_PARSED_BY_DOXYGEN
28 template<
typename Derived>
59 random(
const RandomGenerator& gen = RandomGenerator())
const {
60 return nullaryExpr(gen);
404 template <
int NanPropagation=PropagateFast>
408 return cwiseMax<NanPropagation>(constant(threshold));
411 template <
int NanPropagation=PropagateFast>
415 return cwiseMin<NanPropagation>(constant(threshold));
418 template<
typename NewType>
599 select(
const ThenDerived& thenTensor,
const ElseDerived& elseTensor)
const {
614 contract(
const OtherDerived&
other,
const Dimensions& dims,
const OutputKernel& output_kernel)
const {
621 convolve(
const KernelDerived& kernel,
const Dimensions& dims)
const {
628 fft(
const FFT& dims)
const {
647 template <
typename Reducer>
650 scan(
const Index& axis,
const Reducer& reducer,
bool exclusive =
false)
const {
697 template <
int NanPropagation=PropagateFast>
710 template <
int NanPropagation=PropagateFast>
775 in_dims[0] = return_dim;
788 in_dims[0] = return_dim;
834 const Index row_stride = 1,
const Index col_stride = 1,
835 const Index in_row_stride = 1,
const Index in_col_stride = 1,
838 in_row_stride, in_col_stride, 1, 1, padding_type, padding_value);
844 const Index row_stride,
const Index col_stride,
845 const Index in_row_stride,
const Index in_col_stride,
846 const Index row_inflate_stride,
const Index col_inflate_stride,
847 const Index padding_top,
const Index padding_bottom,
848 const Index padding_left,
const Index padding_right,
849 const Scalar padding_value)
const {
851 in_row_stride, in_col_stride, row_inflate_stride, col_inflate_stride,
852 padding_top, padding_bottom, padding_left, padding_right, padding_value);
858 const Index plane_stride = 1,
const Index row_stride = 1,
const Index col_stride = 1,
860 return TensorVolumePatchOp<Dynamic, Dynamic, Dynamic, const Derived>(
derived(), patch_planes, patch_rows, patch_cols, plane_stride, row_stride, col_stride, 1, 1, 1, 1, 1, 1, padding_type, padding_value);
867 const Index plane_stride,
const Index row_stride,
const Index col_stride,
868 const Index plane_inflate_stride,
const Index row_inflate_stride,
const Index col_inflate_stride,
869 const Index padding_top_z,
const Index padding_bottom_z,
870 const Index padding_top,
const Index padding_bottom,
872 return TensorVolumePatchOp<Dynamic, Dynamic, Dynamic, const Derived>(
derived(), patch_planes, patch_rows, patch_cols, plane_stride, row_stride, col_stride, 1, 1, 1, plane_inflate_stride, row_inflate_stride, col_inflate_stride, padding_top_z, padding_bottom_z, padding_top, padding_bottom, padding_left, padding_right, padding_value);
883 reshape(
const NewDimensions& newDimensions)
const {
893 stridedSlice(
const StartIndices& startIndices,
const StopIndices& stopIndices,
const Strides&
strides)
const {
914 pad(
const PaddingDimensions& padding)
const {
919 pad(
const PaddingDimensions& padding,
const Scalar padding_value)
const {
946 template <
typename CustomUnaryFunc>
951 template <
typename OtherDerived,
typename CustomBinaryFunc>
964 template <
typename Scalar,
int NumIndices,
int Options,
typename IndexType>
friend class Tensor;
965 template <
typename Scalar,
typename Dimensions,
int Option,
typename IndexTypes>
friend class TensorFixedSize;
982 template <
typename Scalar,
int NumIndices,
int Options,
typename IndexType>
friend class Tensor;
983 template <
typename Scalar,
typename Dimensions,
int Option,
typename IndexTypes>
friend class TensorFixedSize;
993 return derived() = this->constant(val);
997 return derived() = this->random();
1001 return derived() = this->
template random<RandomGenerator>();
1004 #if EIGEN_HAS_VARIADIC_TEMPLATES
1007 const typename internal::Initializer<Derived, NumDimensions>::InitList& vals) {
1009 internal::initialize_tensor<Derived, NumDimensions>(
eval, vals);
1012 #endif // EIGEN_HAS_VARIADIC_TEMPLATES
1055 reshape(
const NewDimensions& newDimensions)
const {
1077 stridedSlice(
const StartIndices& startIndices,
const StopIndices& stopIndices,
const Strides&
strides)
const {
1144 template <
typename DeviceType>
1150 template <
typename DeviceType,
typename DoneCallback>
1173 #endif // EIGEN_PARSED_BY_DOXYGEN
1176 #endif // EIGEN_CXX11_TENSOR_TENSOR_BASE_H
std::vector< Eigen::Index > Dims
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_abs_op< Scalar >, const Derived > abs() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_min_op< Scalar, Scalar, NaNPropagation >, const Derived, const OtherDerived > cwiseMin(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_min_op< Scalar, Scalar, NanPropagation >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > cwiseMin(Scalar threshold) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorBroadcastingOp< const Broadcast, const Derived > broadcast(const Broadcast &bcast) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_lgamma_op< Scalar >, const Derived > lgamma() const
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC bool operator<=(const bfloat16 &a, const bfloat16 &b)
#define EIGEN_DEVICE_FUNC
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool operator!=(const Tuple< U, V > &x, const Tuple< U, V > &y)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::bind2nd_op< internal::scalar_pow_op< Scalar, Scalar > >, const Derived > pow(Scalar exponent) const
Namespace containing all symbols from the Eigen library.
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_logistic_op< Scalar >, const Derived > sigmoid() const
DerivedTraits::Scalar Scalar
Eigen::IndexPair< Index > DimensionPair
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_i0e_op< Scalar >, const Derived > bessel_i0e() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_erf_op< Scalar >, const Derived > erf() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_boolean_and_op, const Derived, const OtherDerived > operator&&(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_log1p_op< Scalar >, const Derived > log1p() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_rint_op< Scalar >, const Derived > rint() const
CleanedUpDerType< DerType >::type() max(const AutoDiffScalar< DerType > &x, const T &y)
EIGEN_ALWAYS_INLINE DSizes< IndexType, NumDims > strides(const DSizes< IndexType, NumDims > &dimensions)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_k1e_op< Scalar >, const Derived > bessel_k1e() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorTraceOp< const Dims, const Derived > trace(const Dims &dims) const
Pseudo expression providing an operator = that will evaluate its argument on the specified computing ...
static const double d[K][N]
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC bool operator>(const bfloat16 &a, const bfloat16 &b)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_k1_op< Scalar >, const Derived > bessel_k1() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_k0e_op< Scalar >, const Derived > bessel_k0e() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReshapingOp< const NewDimensions, const Derived > reshape(const NewDimensions &newDimensions) const
#define EIGEN_DEFAULT_EMPTY_CONSTRUCTOR_AND_DESTRUCTOR(Derived)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorChippingOp< Dynamic, const Derived > chip(const Index offset, const Index dim) const
const EIGEN_STRONG_INLINE CwiseBinaryOp< internal::scalar_sum_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > operator+(const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorConcatenationOp< const Axis, const Derived, const OtherDerived > concatenate(const OtherDerived &other, const Axis &axis) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & operator+=(const OtherDerived &other)
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & setConstant(const Scalar &val)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReshapingOp< const NewDimensions, const Derived > reshape(const NewDimensions &newDimensions) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorStridingOp< const Strides, Derived > stride(const Strides &strides)
const TensorReductionOp< internal::MeanReducer< CoeffReturnType >, const DimensionList< Index, NumDimensions >, const Derived > mean() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorTupleReducerOp< internal::ArgMinTupleReducer< Tuple< Index, CoeffReturnType > >, const array< Index, NumDimensions >, const Derived > argmin() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReverseOp< const ReverseDimensions, const Derived > reverse(const ReverseDimensions &rev) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseNullaryOp< internal::UniformRandomGenerator< Scalar >, const Derived > random() const
Signature operator%(const DiscreteKey &key, const string &parent)
std::vector< Array2i > sizes
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorTupleReducerOp< internal::ArgMinTupleReducer< Tuple< Index, CoeffReturnType > >, const array< Index, 1 >, const Derived > argmin(const Index return_dim) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_sum_op< Scalar >, const Derived, const OtherDerived > operator+(const OtherDerived &other) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorChippingOp< Dynamic, Derived > chip(const Index offset, const Index dim)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_boolean_xor_op, const Derived, const OtherDerived > operator^(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::MinReducer< CoeffReturnType, NanPropagation >, const Dims, const Derived > minimum(const Dims &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_square_op< Scalar >, const Derived > square() const
const EIGEN_STRONG_INLINE CwiseBinaryOp< internal::scalar_difference_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > operator-(const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::MeanReducer< CoeffReturnType >, const Dims, const Derived > mean(const Dims &dims) const
const TensorReductionOp< internal::MaxReducer< CoeffReturnType, NanPropagation >, const DimensionList< Index, NumDimensions >, const Derived > maximum() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_igammac_op< Scalar >, const Derived, const OtherDerived > igammac(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorShufflingOp< const Shuffle, const Derived > shuffle(const Shuffle &shfl) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::ProdReducer< CoeffReturnType >, const Dims, const Derived > prod(const Dims &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE internal::conditional< NumTraits< CoeffReturnType >::IsComplex, TensorCwiseUnaryOp< internal::scalar_conjugate_op< Scalar >, const Derived >, Derived >::type conjugate() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & operator/=(const OtherDerived &other)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_rsqrt_op< Scalar >, const Derived > rsqrt() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorTupleReducerOp< internal::ArgMaxTupleReducer< Tuple< Index, CoeffReturnType > >, const array< Index, 1 >, const Derived > argmax(const Index return_dim) const
TensorAsyncDevice< Derived, DeviceType, DoneCallback > device(const DeviceType &dev, DoneCallback done)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_j0_op< Scalar >, const Derived > bessel_j0() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorChippingOp< DimId, Derived > chip(const Index offset)
DerivedTraits::Index Index
Pseudo expression providing an operator = that will evaluate its argument asynchronously on the speci...
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseNullaryOp< RandomGenerator, const Derived > random(const RandomGenerator &gen=RandomGenerator()) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorConcatenationOp< Axis, const Derived, const OtherDerived > concatenate(const OtherDerived &other, Axis axis) const
const EIGEN_DEVICE_FUNC Product< MatrixDerived, PermutationDerived, AliasFreeProduct > operator*(const MatrixBase< MatrixDerived > &matrix, const PermutationBase< PermutationDerived > &permutation)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::AndReducer, const Dims, const typename internal::conditional< internal::is_same< bool, CoeffReturnType >::value, Derived, TensorConversionOp< bool, const Derived > >::type > all(const Dims &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_sign_op< Scalar >, const Derived > sign() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReverseOp< const ReverseDimensions, const Derived > reverse(const ReverseDimensions &rev) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_max_op< Scalar, Scalar, NaNPropagation >, const Derived, const OtherDerived > cwiseMax(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_difference_op< Scalar >, const Derived, const OtherDerived > operator-(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorChippingOp< DimId, const Derived > chip(const Index offset) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorForcedEvalOp< const Derived > eval() const
TensorScanOp< internal::SumReducer< CoeffReturnType >, const Derived > TensorScanSumOp
Tensor concatenation class.
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorVolumePatchOp< Dynamic, Dynamic, Dynamic, const Derived > extract_volume_patches(const Index patch_planes, const Index patch_rows, const Index patch_cols, const Index plane_stride=1, const Index row_stride=1, const Index col_stride=1, const PaddingType padding_type=PADDING_SAME, const Scalar padding_value=Scalar(0)) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_cube_op< Scalar >, const Derived > cube() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_erfc_op< Scalar >, const Derived > erfc() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorContractionOp< const Dimensions, const Derived, const OtherDerived, const NoOpOutputKernel > contract(const OtherDerived &other, const Dimensions &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_GT >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > operator>(Scalar threshold) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorReshapingOp< const NewDimensions, Derived > reshape(const NewDimensions &newDimensions)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorIndexTupleOp< const Derived > index_tuples() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseNullaryOp< CustomNullaryOp, const Derived > nullaryExpr(const CustomNullaryOp &func) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_EQ >, const Derived, const OtherDerived > operator==(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorPaddingOp< const PaddingDimensions, const Derived > pad(const PaddingDimensions &padding) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorShufflingOp< const Shuffle, const Derived > shuffle(const Shuffle &shfl) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorPatchOp< const PatchDims, const Derived > extract_patches(const PatchDims &patch_dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorStridingOp< const Strides, const Derived > stride(const Strides &strides) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorConvolutionOp< const Dimensions, const Derived, const KernelDerived > convolve(const KernelDerived &kernel, const Dimensions &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_imag_op< Scalar >, const Derived > imag() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorLayoutSwapOp< Derived > swap_layout()
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorStridingSlicingOp< const StartIndices, const StopIndices, const Strides, const Derived > stridedSlice(const StartIndices &startIndices, const StopIndices &stopIndices, const Strides &strides) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_y1_op< Scalar >, const Derived > bessel_y1() const
const EIGEN_DEVICE_FUNC CwiseUnaryOp< CustomUnaryOp, const Derived > unaryExpr(const CustomUnaryOp &func=CustomUnaryOp()) const
Apply a unary operator coefficient-wise.
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_product_op< Scalar >, const Derived, const OtherDerived > operator*(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_opposite_op< Scalar >, const Derived > operator-() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCustomUnaryOp< const CustomUnaryFunc, const Derived > customOp(const CustomUnaryFunc &op) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_digamma_op< Scalar >, const Derived > digamma() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorStridingSlicingOp< const StartIndices, const StopIndices, const Strides, const Derived > stridedSlice(const StartIndices &startIndices, const StopIndices &stopIndices, const Strides &strides) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_clamp_op< Scalar >, const Derived > clip(Scalar min, Scalar max) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorScanProdOp cumprod(const Index &axis, bool exclusive=false) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorChippingOp< DimId, const Derived > chip(const Index offset) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_polygamma_op< Scalar >, const Derived, const OtherDerived > polygamma(const OtherDerived &other) const
#define EIGEN_STRONG_INLINE
static const int NumDimensions
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & operator*=(const OtherDerived &other)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorChippingOp< Dynamic, const Derived > chip(const Index offset, const Index dim) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCustomBinaryOp< const CustomBinaryFunc, const Derived, const OtherDerived > customOp(const OtherDerived &other, const CustomBinaryFunc &op) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::OrReducer, const DimensionList< Index, NumDimensions >, const typename internal::conditional< internal::is_same< bool, CoeffReturnType >::value, Derived, TensorConversionOp< bool, const Derived > >::type > any() const
LhsXprType::Scalar Scalar
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE CwiseBinaryOp< CustomBinaryOp, const Derived, const OtherDerived > binaryExpr(const EIGEN_CURRENT_STORAGE_BASE_CLASS< OtherDerived > &other, const CustomBinaryOp &func=CustomBinaryOp()) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & setRandom()
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorLayoutSwapOp< const Derived > swap_layout() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::OrReducer, const Dims, const typename internal::conditional< internal::is_same< bool, CoeffReturnType >::value, Derived, TensorConversionOp< bool, const Derived > >::type > any(const Dims &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_exp_op< Scalar >, const Derived > exp() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorSelectOp< const Derived, const ThenDerived, const ElseDerived > select(const ThenDerived &thenTensor, const ElseDerived &elseTensor) const
Tensor conversion class. This class makes it possible to vectorize type casting operations when the n...
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_igamma_op< Scalar >, const Derived, const OtherDerived > igamma(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_floor_op< Scalar >, const Derived > floor() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & operator=(const OtherDerived &other)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_EQ >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > operator==(Scalar threshold) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_y0_op< Scalar >, const Derived > bessel_y0() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE Derived & derived() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_igamma_der_a_op< Scalar >, const Derived, const OtherDerived > igamma_der_a(const OtherDerived &other) const
#define EIGEN_DEFAULT_COPY_CONSTRUCTOR(CLASS)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_ceil_op< Scalar >, const Derived > ceil() const
set noclip points set clip one set noclip two set bar set border lt lw set xdata set ydata set zdata set x2data set y2data set boxwidth set dummy y set format x g set format y g set format x2 g set format y2 g set format z g set angles radians set nogrid set key title set key left top Right noreverse box linetype linewidth samplen spacing width set nolabel set noarrow set nologscale set logscale x set set pointsize set encoding default set nopolar set noparametric set set set set surface set nocontour set clabel set mapping cartesian set nohidden3d set cntrparam order set cntrparam linear set cntrparam levels auto set cntrparam points set size set set xzeroaxis lt lw set x2zeroaxis lt lw set yzeroaxis lt lw set y2zeroaxis lt lw set tics in set ticslevel set tics set mxtics default set mytics default set mx2tics default set my2tics default set xtics border mirror norotate autofreq set ytics border mirror norotate autofreq set ztics border nomirror norotate autofreq set nox2tics set noy2tics set timestamp bottom norotate offset
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_j1_op< Scalar >, const Derived > bessel_j1() const
DerivedTraits::Index Index
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_round_op< Scalar >, const Derived > round() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & setRandom()
bool operator<(const benchmark_t &b1, const benchmark_t &b2)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorImagePatchOp< Dynamic, Dynamic, const Derived > extract_image_patches(const Index patch_rows, const Index patch_cols, const Index row_stride, const Index col_stride, const Index in_row_stride, const Index in_col_stride, const Index row_inflate_stride, const Index col_inflate_stride, const Index padding_top, const Index padding_bottom, const Index padding_left, const Index padding_right, const Scalar padding_value) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_GE >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > operator>=(Scalar threshold) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE Derived & derived() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::MaxReducer< CoeffReturnType, NanPropagation >, const Dims, const Derived > maximum(const Dims &dims) const
internal::traits< Derived > DerivedTraits
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_quotient_op< Scalar >, const Derived, const OtherDerived > operator/(const OtherDerived &other) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorReverseOp< const ReverseDimensions, Derived > reverse(const ReverseDimensions &rev)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_log_op< Scalar >, const Derived > log() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::AndReducer, const DimensionList< Index, NumDimensions >, const typename internal::conditional< internal::is_same< bool, CoeffReturnType >::value, Derived, TensorConversionOp< bool, const Derived > >::type > all() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorInflationOp< const Strides, const Derived > inflate(const Strides &strides) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorSlicingOp< const StartIndices, const Sizes, const Derived > slice(const StartIndices &startIndices, const Sizes &sizes) const
#define EIGEN_STATIC_ASSERT(CONDITION, MSG)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_tanh_op< Scalar >, const Derived > tanh() const
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool operator==(const Tuple< U, V > &x, const Tuple< U, V > &y)
TensorDevice< Derived, DeviceType > device(const DeviceType &dev)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > constant(const Scalar &value) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorVolumePatchOp< Dynamic, Dynamic, Dynamic, const Derived > extract_volume_patches(const Index patch_planes, const Index patch_rows, const Index patch_cols, const Index plane_stride, const Index row_stride, const Index col_stride, const Index plane_inflate_stride, const Index row_inflate_stride, const Index col_inflate_stride, const Index padding_top_z, const Index padding_bottom_z, const Index padding_top, const Index padding_bottom, const Index padding_left, const Index padding_right, const Scalar padding_value=Scalar(0)) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE CwiseBinaryOp< internal::scalar_quotient_op< Scalar, typename OtherDerived::Scalar >, const Derived, const OtherDerived > operator/(const EIGEN_CURRENT_STORAGE_BASE_CLASS< OtherDerived > &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_k0_op< Scalar >, const Derived > bessel_k0() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_log2_op< Scalar >, const Derived > log2() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_GT >, const Derived, const OtherDerived > operator>(const OtherDerived &other) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorConcatenationOp< const Axis, Derived, OtherDerived > concatenate(const OtherDerived &other, const Axis &axis)
TensorBase< Derived, ReadOnlyAccessors > Base
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_expm1_op< Scalar >, const Derived > expm1() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< internal::SumReducer< CoeffReturnType >, const Dims, const Derived > sum(const Dims &dims) const
internal::remove_const< Scalar >::type CoeffReturnType
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorPaddingOp< const PaddingDimensions, const Derived > pad(const PaddingDimensions &padding, const Scalar padding_value) const
const TensorReductionOp< internal::SumReducer< CoeffReturnType >, const DimensionList< Index, NumDimensions >, const Derived > sum() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_sqrt_op< Scalar >, const Derived > sqrt() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorGeneratorOp< Generator, const Derived > generate(const Generator &generator) const
internal::traits< Derived > DerivedTraits
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorTupleReducerOp< internal::ArgMaxTupleReducer< Tuple< Index, CoeffReturnType > >, const array< Index, NumDimensions >, const Derived > argmax() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_i0_op< Scalar >, const Derived > bessel_i0() const
const TensorTraceOp< const DimensionList< Index, NumDimensions >, const Derived > trace() const
A cost model used to limit the number of threads used for evaluating tensor expression.
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_boolean_or_op, const Derived, const OtherDerived > operator||(const OtherDerived &other) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorSlicingOp< const StartIndices, const Sizes, Derived > slice(const StartIndices &startIndices, const Sizes &sizes)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorScanOp< Reducer, const Derived > scan(const Index &axis, const Reducer &reducer, bool exclusive=false) const
The fixed sized version of the tensor class.
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< CustomBinaryOp, const Derived, const OtherDerived > binaryExpr(const OtherDerived &other, const CustomBinaryOp &func) const
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC bool operator>=(const bfloat16 &a, const bfloat16 &b)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_i1e_op< Scalar >, const Derived > bessel_i1e() const
CleanedUpDerType< DerType >::type() min(const AutoDiffScalar< DerType > &x, const T &y)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorImagePatchOp< Dynamic, Dynamic, const Derived > extract_image_patches(const Index patch_rows=1, const Index patch_cols=1, const Index row_stride=1, const Index col_stride=1, const Index in_row_stride=1, const Index in_col_stride=1, const PaddingType padding_type=PADDING_SAME, const Scalar padding_value=Scalar(0)) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_zeta_op< Scalar >, const Derived, const OtherDerived > zeta(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorFFTOp< const FFT, const Derived, FFTDataType, FFTDirection > fft(const FFT &dims) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorContractionOp< const Dimensions, const Derived, const OtherDerived, const OutputKernel > contract(const OtherDerived &other, const Dimensions &dims, const OutputKernel &output_kernel) const
EIGEN_DEVICE_FUNC const EIGEN_ALWAYS_INLINE T1 & choose(Cond< true >, const T1 &first, const T2 &)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE internal::conditional< internal::is_same< NewType, CoeffReturnType >::value, Derived, TensorConversionOp< NewType, const Derived > >::type cast() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & operator-=(const OtherDerived &other)
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorStridingSlicingOp< const StartIndices, const StopIndices, const Strides, Derived > stridedSlice(const StartIndices &startIndices, const StopIndices &stopIndices, const Strides &strides)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_gamma_sample_der_alpha_op< Scalar >, const Derived, const OtherDerived > gamma_sample_der_alpha(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorScanSumOp cumsum(const Index &axis, bool exclusive=false) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< CustomUnaryOp, const Derived > unaryExpr(const CustomUnaryOp &func) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_bessel_i1_op< Scalar >, const Derived > bessel_i1() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorStridingOp< const Strides, const Derived > stride(const Strides &strides) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_NEQ >, const Derived, const OtherDerived > operator!=(const OtherDerived &other) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_inverse_op< Scalar >, const Derived > inverse() const
TensorScanOp< internal::ProdReducer< CoeffReturnType >, const Derived > TensorScanProdOp
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorReductionOp< Reducer, const Dims, const Derived > reduce(const Dims &dims, const Reducer &reducer) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorSlicingOp< const StartIndices, const Sizes, const Derived > slice(const StartIndices &startIndices, const Sizes &sizes) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & setZero()
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_real_op< Scalar >, const Derived > real() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorLayoutSwapOp< const Derived > swap_layout() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_NEQ >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > operator!=(Scalar threshold) const
Holds information about the various numeric (i.e. scalar) types allowed by Eigen.
internal::nested_eval< T, 1 >::type eval(const T &xpr)
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseUnaryOp< internal::scalar_ndtri_op< Scalar >, const Derived > ndtri() const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorShufflingOp< const Shuffle, Derived > shuffle(const Shuffle &shfl)
DerivedTraits::Scalar Scalar
const TensorReductionOp< internal::ProdReducer< CoeffReturnType >, const DimensionList< Index, NumDimensions >, const Derived > prod() const
EIGEN_DEFAULT_DENSE_INDEX_TYPE Index
The Index type as used for the API.
const TensorReductionOp< internal::MinReducer< CoeffReturnType, NanPropagation >, const DimensionList< Index, NumDimensions >, const Derived > minimum() const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_max_op< Scalar, Scalar, NanPropagation >, const Derived, const TensorCwiseNullaryOp< internal::scalar_constant_op< Scalar >, const Derived > > cwiseMax(Scalar threshold) const
EIGEN_DEVICE_FUNC const EIGEN_STRONG_INLINE TensorCwiseBinaryOp< internal::scalar_cmp_op< Scalar, Scalar, internal::cmp_GE >, const Derived, const OtherDerived > operator>=(const OtherDerived &other) const
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Derived & derived()
static EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void run(const Expression &expr, const Device &device=Device())
gtsam
Author(s):
autogenerated on Fri Nov 1 2024 03:37:06