/external/tensorflow/tensorflow/core/framework/ |
D | tensor_types.h | 24 template <typename T, int NDIMS = 1, typename IndexType = Eigen::DenseIndex> 27 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType>, 28 Eigen::Aligned> 30 typedef Eigen::TensorMap< 31 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType>, Eigen::Aligned> 35 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType> > 37 typedef Eigen::TensorMap< 38 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType> > 41 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, int>, 42 Eigen::Aligned> [all …]
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_of_float16_cuda.cu | 22 using Eigen::Tensor; 26 Eigen::CudaStreamDevice stream; in test_cuda_numext() 27 Eigen::GpuDevice gpu_device(&stream); in test_cuda_numext() 34 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_numext() 36 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_half( in test_cuda_numext() 38 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_float( in test_cuda_numext() 42 gpu_res_float.device(gpu_device) = gpu_float.unaryExpr(Eigen::internal::scalar_isnan_op<float>()); in test_cuda_numext() 43 …res_half.device(gpu_device) = gpu_float.cast<Eigen::half>().unaryExpr(Eigen::internal::scalar_isna… in test_cuda_numext() 66 Eigen::CudaStreamDevice stream; in test_cuda_conversion() 67 Eigen::GpuDevice gpu_device(&stream); in test_cuda_conversion() [all …]
|
D | cxx11_tensor_index_list.cpp | 54 typedef Eigen::IndexList<Eigen::type2index<0>> Dims0; in test_type2index_list() 55 typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>> Dims1; in test_type2index_list() 56 typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>> Dims2; in test_type2index_list() 57 …typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>, Eigen::… in test_type2index_list() 58 …typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>, Eigen::… in test_type2index_list() 168 typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>> Dims0; in test_type2indexpair_list() 169 …typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>, Eigen::type2indexpair<1,11>, Eigen::type… in test_type2indexpair_list() 170 …typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>, Eigen::IndexPair<DenseIndex>, Eigen::typ… in test_type2indexpair_list() 171 …typedef Eigen::IndexPairList<Eigen::IndexPair<DenseIndex>, Eigen::type2indexpair<1,11>, Eigen::Ind… in test_type2indexpair_list() 177 d2_b.set(1, Eigen::IndexPair<DenseIndex>(1,11)); in test_type2indexpair_list() [all …]
|
D | cxx11_tensor_cuda.cu | 21 using Eigen::Tensor; 38 Eigen::CudaStreamDevice stream; in test_cuda_nullary() 39 Eigen::GpuDevice gpu_device(&stream); in test_cuda_nullary() 41 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_cuda_nullary() 43 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_cuda_nullary() 69 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() 89 Eigen::CudaStreamDevice stream; in test_cuda_elementwise_small() 90 Eigen::GpuDevice gpu_device(&stream); in test_cuda_elementwise_small() [all …]
|
D | cxx11_tensor_device.cu | 22 using Eigen::Tensor; 23 using Eigen::RowMajor; 27 …CPUContext(const Eigen::Tensor<float, 3>& in1, Eigen::Tensor<float, 3>& in2, Eigen::Tensor<float, … in CPUContext() 46 const Eigen::DefaultDevice& device() const { return cpu_device_; } in device() 48 const Eigen::Tensor<float, 3>& in1() const { return in1_; } in in1() 49 const Eigen::Tensor<float, 3>& in2() const { return in2_; } in in2() 50 Eigen::Tensor<float, 3>& out() { return out_; } in out() 51 const Eigen::Tensor<float, 1>& kernel1d() const { return kernel_1d_; } in kernel1d() 52 const Eigen::Tensor<float, 2>& kernel2d() const { return kernel_2d_; } in kernel2d() 53 const Eigen::Tensor<float, 3>& kernel3d() const { return kernel_3d_; } in kernel3d() [all …]
|
D | cxx11_tensor_cast_float16_cuda.cu | 22 using Eigen::Tensor; 25 Eigen::CudaStreamDevice stream; in test_cuda_conversion() 26 Eigen::GpuDevice gpu_device(&stream); in test_cuda_conversion() 33 Eigen::half* d_half = (Eigen::half*)gpu_device.allocate(num_elem * sizeof(Eigen::half)); in test_cuda_conversion() 36 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_conversion() 38 Eigen::TensorMap<Eigen::Tensor<Eigen::half, 1>, Eigen::Aligned> gpu_half( in test_cuda_conversion() 40 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_conv( in test_cuda_conversion() 45 gpu_half.device(gpu_device) = gpu_float.cast<Eigen::half>(); in test_cuda_conversion() 69 Eigen::Tensor<Eigen::half, 1> halfs = floats.cast<Eigen::half>(); in test_fallback_conversion() 70 Eigen::Tensor<float, 1> conv = halfs.cast<float>(); in test_fallback_conversion()
|
/external/python/pybind11/tests/ |
D | test_eigen.cpp | 21 using MatrixXdR = Eigen::Matrix<double, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor>; 33 Eigen::MatrixXd &get_cm() { in get_cm() 34 static Eigen::MatrixXd *x; in get_cm() 36 x = new Eigen::MatrixXd(3, 3); in get_cm() 57 double get_elem(Eigen::Ref<const Eigen::MatrixXd> m) { return m(2, 1); }; in get_elem() 62 template <typename MatrixArgType> Eigen::MatrixXd adjust_matrix(MatrixArgType m) { in adjust_matrix() 63 Eigen::MatrixXd ret(m); in adjust_matrix() 73 Eigen::Matrix4d a = Eigen::Matrix4d::Zero(); 74 Eigen::Matrix4d b = Eigen::Matrix4d::Identity(); 80 using FixedMatrixR = Eigen::Matrix<float, 5, 6, Eigen::RowMajor>; in TEST_SUBMODULE() [all …]
|
/external/eigen/unsupported/Eigen/src/SpecialFunctions/ |
D | SpecialFunctionsHalf.h | 11 namespace Eigen { 15 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half lgamma(const Eigen::half& a) { in lgamma() 16 return Eigen::half(Eigen::numext::lgamma(static_cast<float>(a))); in lgamma() 18 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half digamma(const Eigen::half& a) { in digamma() 19 return Eigen::half(Eigen::numext::digamma(static_cast<float>(a))); in digamma() 21 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half zeta(const Eigen::half& x, const Eigen… in zeta() 22 return Eigen::half(Eigen::numext::zeta(static_cast<float>(x), static_cast<float>(q))); in zeta() 24 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half polygamma(const Eigen::half& n, const … in polygamma() 25 return Eigen::half(Eigen::numext::polygamma(static_cast<float>(n), static_cast<float>(x))); in polygamma() 27 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half erf(const Eigen::half& a) { in erf() [all …]
|
D | SpecialFunctionsArrayAPI.h | 14 namespace Eigen { 27 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_op<typename Derived::Scalar>, cons… 28 igamma(const Eigen::ArrayBase<Derived>& a, const Eigen::ArrayBase<ExponentDerived>& x) in igamma() 30 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_op<typename Derived::Scalar>, const Der… in igamma() 47 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igammac_op<typename Derived::Scalar>, con… 48 igammac(const Eigen::ArrayBase<Derived>& a, const Eigen::ArrayBase<ExponentDerived>& x) in igammac() 50 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_igammac_op<typename Derived::Scalar>, const De… in igammac() 69 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_polygamma_op<typename DerivedX::Scalar>, … 70 polygamma(const Eigen::ArrayBase<DerivedN>& n, const Eigen::ArrayBase<DerivedX>& x) in polygamma() 72 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_polygamma_op<typename DerivedX::Scalar>, const… in polygamma() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | redux_functor.h | 29 using CPUDevice = Eigen::ThreadPoolDevice; 45 const Eigen::DSizes<Eigen::Index, num_dims>& input_dims, in operator() 51 Eigen::Index inner_dim = 1, outer_dim = 1; in operator() 66 const Eigen::Index num_threads = device.numThreads(); in operator() 73 const Eigen::Index num_blocks = num_threads; in operator() 76 const Eigen::Index inner_block_size = Eigen::divup(inner_dim, num_blocks); in operator() 80 Eigen::Tensor<AccumT, 1, Eigen::RowMajor, Eigen::Index> buffer( in operator() 85 using Buffer = Eigen::TensorMap< in operator() 86 Eigen::Tensor<AccumT, 1, Eigen::RowMajor, Eigen::Index>, in operator() 87 Eigen::Unaligned>; in operator() [all …]
|
D | conv_2d_gpu_half.cu.cc | 32 template struct SwapDimension1And2InTensor3<Eigen::GpuDevice, Eigen::half>; 35 template struct TransformFilter<Eigen::GpuDevice, Eigen::half, int, 4>; 36 template struct ReverseTransformFilter<Eigen::GpuDevice, Eigen::half, 4>; 37 template struct NHWCToNCHW<Eigen::GpuDevice, Eigen::half, 4>; 38 template struct NCHWToNHWC<Eigen::GpuDevice, Eigen::half, 4>; 39 template struct PadInput<Eigen::GpuDevice, Eigen::half, int, 4>; 42 template struct TransformFilter<Eigen::GpuDevice, Eigen::half, int, 5>; 43 template struct ReverseTransformFilter<Eigen::GpuDevice, Eigen::half, 5>; 44 template struct NHWCToNCHW<Eigen::GpuDevice, Eigen::half, 5>; 45 template struct NCHWToNHWC<Eigen::GpuDevice, Eigen::half, 5>; [all …]
|
D | scan_ops.h | 25 typedef Eigen::Index Index; 35 Eigen::array<bool, 3> dims; in operator() 48 auto mi = Eigen::internal::scalar_min_op<T>()(a, b); in operator() 49 auto ma = Eigen::internal::scalar_max_op<T>()(a, b); in operator() 51 auto sub = Eigen::internal::scalar_difference_op<T>(); in operator() 52 auto add = Eigen::internal::scalar_sum_op<T>(); in operator() 53 auto exp = Eigen::internal::scalar_exp_op<T>(); in operator() 54 auto log1p = Eigen::internal::scalar_log1p_op<T>(); in operator() 56 Eigen::internal::scalar_cmp_op<T, T, Eigen::internal::cmp_LT>(); in operator() 59 return cmp_lt(ma, Eigen::NumTraits<T>::lowest()) ? ma : logsumexp; in operator() [all …]
|
D | eigen_pooling.h | 22 namespace Eigen { 42 const Eigen::DSizes<typename internal::traits<Input>::Index, 47 const Eigen::array<int, 2>, 52 const Eigen::DSizes<typename internal::traits<Input>::Index, 59 const Eigen::IndexList<Eigen::type2index<1>, Eigen::type2index<2> >, 60 const Eigen::IndexList<Eigen::type2index<2>, 61 Eigen::type2index<3> > >::type, 92 Eigen::DSizes<TensorIndex, internal::traits<Input>::NumDimensions> 96 post_reduce_dims[idxRows] = Eigen::divup( 99 post_reduce_dims[idxCols] = Eigen::divup( [all …]
|
D | conv_2d.h | 33 const Eigen::PaddingType& padding, 40 output.device(d) = Eigen::SpatialConvolution( 47 typename OutputKernel = const Eigen::NoOpOutputKernel> 53 const Eigen::PaddingType& padding, in operator() 67 col_dilation, Eigen::PaddingType::PADDING_VALID, output_kernel, in operator() 73 struct SpatialConvolution<Device, Eigen::half, OutputKernel> { 75 typename TTypes<Eigen::half, 4>::Tensor output, 76 typename TTypes<Eigen::half, 4>::ConstTensor input, 77 typename TTypes<Eigen::half, 4>::ConstTensor filter, 79 int col_dilation, const Eigen::PaddingType& padding, [all …]
|
/external/tensorflow/tensorflow/compiler/xla/service/cpu/ |
D | runtime_conv2d_impl.h | 33 ScalarType* rhs, Eigen::Index input_batch, in EigenConvImpl() 34 Eigen::Index input_rows, Eigen::Index input_cols, in EigenConvImpl() 35 Eigen::Index input_channels, Eigen::Index kernel_rows, in EigenConvImpl() 36 Eigen::Index kernel_cols, Eigen::Index kernel_channels, in EigenConvImpl() 37 Eigen::Index kernel_filters, Eigen::Index output_rows, in EigenConvImpl() 38 Eigen::Index output_cols, Eigen::Index row_stride, in EigenConvImpl() 39 Eigen::Index col_stride, Eigen::Index padding_top, in EigenConvImpl() 40 Eigen::Index padding_bottom, Eigen::Index padding_left, in EigenConvImpl() 41 Eigen::Index padding_right, Eigen::Index lhs_row_dilation, in EigenConvImpl() 42 Eigen::Index lhs_col_dilation, Eigen::Index rhs_row_dilation, in EigenConvImpl() [all …]
|
D | runtime_fft_impl.h | 47 const auto axes = Eigen::ArrayXi::LinSpaced(FFTRank, 1, FFTRank); in EigenFftC2C() 48 constexpr auto direction = Forward ? Eigen::FFT_FORWARD : Eigen::FFT_REVERSE; in EigenFftC2C() 53 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> dims; in EigenFftC2C() 58 const Eigen::TensorMap<Eigen::Tensor<Complex, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C() 59 Eigen::Aligned> in EigenFftC2C() 61 Eigen::TensorMap<Eigen::Tensor<Complex, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C() 62 Eigen::Aligned> in EigenFftC2C() 64 output.device(device) = input.template fft<Eigen::BothParts, direction>(axes); in EigenFftC2C() 76 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> in_dims; in EigenFftR2C() 78 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> out_dims; in EigenFftR2C() [all …]
|
/external/eigen/bench/tensors/ |
D | tensor_benchmarks.h | 13 using Eigen::Tensor; 14 using Eigen::TensorMap; 48 Eigen::array<TensorIndex, 2> sizes; in typeCasting() 56 const TensorMap<Tensor<int, 2, 0, TensorIndex>, Eigen::Aligned> A((int*)a_, sizes); in typeCasting() 57 TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, sizes); in typeCasting() 69 Eigen::array<TensorIndex, 2> sizes; in random() 72 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in random() 84 Eigen::array<TensorIndex, 2> sizes; in slicing() 87 const TensorMap<Tensor<T, 2>, Eigen::Aligned> A(a_, sizes); in slicing() 88 const TensorMap<Tensor<T, 2>, Eigen::Aligned> B(b_, sizes); in slicing() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | multithreaded_conv.h | 40 typedef Eigen::TensorMap< 41 Eigen::Tensor<float, 2, Eigen::RowMajor, Eigen::DenseIndex>, Eigen::Aligned> 43 typedef Eigen::TensorMap< 44 Eigen::Tensor<const float, 2, Eigen::RowMajor, Eigen::DenseIndex>, 45 Eigen::Aligned> 48 typedef Eigen::TensorMap< 49 Eigen::Tensor<float, 4, Eigen::RowMajor, Eigen::DenseIndex>, Eigen::Aligned> 51 typedef Eigen::TensorMap< 52 Eigen::Tensor<const float, 4, Eigen::RowMajor, Eigen::DenseIndex>, 53 Eigen::Aligned> [all …]
|
/external/eigen/demos/opengl/ |
D | camera.h | 22 inline Frame(const Eigen::Vector3f& pos = Eigen::Vector3f::Zero(), 23 const Eigen::Quaternionf& o = Eigen::Quaternionf()) 32 Eigen::Quaternionf orientation; 33 Eigen::Vector3f position; 60 void setPosition(const Eigen::Vector3f& pos); 61 inline const Eigen::Vector3f& position(void) const { return mFrame.position; } in position() 63 void setOrientation(const Eigen::Quaternionf& q); 64 inline const Eigen::Quaternionf& orientation(void) const { return mFrame.orientation; } in orientation() 69 void setDirection(const Eigen::Vector3f& newDirection); 70 Eigen::Vector3f direction(void) const; [all …]
|
/external/tensorflow/third_party/eigen3/ |
D | LICENSE | 1 Eigen is primarily MPL2 licensed. See COPYING.MPL2 and these links: 11 If you want to guarantee that the Eigen code that you are #including 236 ./unsupported/Eigen/IterativeSolvers 237 ./unsupported/Eigen/src/IterativeSolvers/DGMRES.h 238 ./unsupported/Eigen/src/IterativeSolvers/IncompleteLU.h 239 ./unsupported/Eigen/src/IterativeSolvers/GMRES.h 240 ./unsupported/Eigen/src/IterativeSolvers/IncompleteCholesky.h 241 ./unsupported/Eigen/src/IterativeSolvers/Scaling.h 242 ./unsupported/Eigen/src/IterativeSolvers/MINRES.h 243 ./unsupported/Eigen/src/SparseExtra/RandomSetter.h [all …]
|
/external/eigen/doc/examples/ |
D | matrixfree_cg.cpp | 8 using Eigen::SparseMatrix; 10 namespace Eigen { namespace 14 struct traits<MatrixReplacement> : public Eigen::internal::traits<Eigen::SparseMatrix<double> > 21 class MatrixReplacement : public Eigen::EigenBase<MatrixReplacement> { 28 ColsAtCompileTime = Eigen::Dynamic, 29 MaxColsAtCompileTime = Eigen::Dynamic, 37 …Eigen::Product<MatrixReplacement,Rhs,Eigen::AliasFreeProduct> operator*(const Eigen::MatrixBase<Rh… in operator *() 38 return Eigen::Product<MatrixReplacement,Rhs,Eigen::AliasFreeProduct>(*this, x.derived()); in operator *() 55 namespace Eigen { namespace 84 Eigen::SparseMatrix<double> S = Eigen::MatrixXd::Random(n,n).sparseView(0.5,1); in main() [all …]
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | adjust_contrast_op.h | 38 Eigen::array<int, 4> scalar_broadcast; in operator() 44 Eigen::array<int, 2> reduction_axis; in operator() 47 Eigen::array<int, 4> broadcast_dims; in operator() 52 Eigen::Tensor<int, 4>::Dimensions reshape_dims; in operator() 58 Eigen::IndexList<Eigen::type2index<1>, Eigen::type2index<2> > in operator() 60 Eigen::IndexList<Eigen::type2index<1>, int, int, Eigen::type2index<1> > in operator() 64 Eigen::IndexList<int, Eigen::type2index<1>, Eigen::type2index<1>, int> in operator() 69 Eigen::Sizes<1, 1, 1, 1> scalar; in operator() 100 Eigen::array<int, 4> scalar_broadcast; in operator() 106 Eigen::array<int, 2> reduction_axis; in operator() [all …]
|
/external/tensorflow/tensorflow/python/tools/ |
D | aot_compiled_test.cc | 46 Eigen::Tensor<float, 2, Eigen::RowMajor> arg_feed_x(3000, 5000); in TEST() 47 Eigen::Tensor<float, 2, Eigen::RowMajor> arg_feed_y(5000, 4000); in TEST() 52 const Eigen::array<Eigen::IndexPair<int>, 1> product_dims = { in TEST() 53 Eigen::IndexPair<int>(1, 0)}; in TEST() 55 const Eigen::Tensor<float, 2, Eigen::RowMajor> expected_output0 = in TEST() 71 Eigen::ThreadPool pool(2); in TEST() 72 Eigen::ThreadPoolDevice device(&pool, pool.NumThreads()); in TEST() 80 Eigen::Tensor<float, 2, Eigen::RowMajor> arg_feed_x(3000, 5000); in TEST() 81 Eigen::Tensor<float, 2, Eigen::RowMajor> arg_feed_y(5000, 4000); in TEST() 86 const Eigen::array<Eigen::IndexPair<int>, 1> product_dims = { in TEST() [all …]
|
/external/tensorflow/tensorflow/core/kernels/special_math/ |
D | special_math_op_bessel.cc | 20 REGISTER3(UnaryOp, CPU, "BesselI0", functor::bessel_i0, Eigen::half, float, 22 REGISTER3(UnaryOp, CPU, "BesselI1", functor::bessel_i1, Eigen::half, float, 24 REGISTER3(UnaryOp, CPU, "BesselI0e", functor::bessel_i0e, Eigen::half, float, 26 REGISTER3(UnaryOp, CPU, "BesselI1e", functor::bessel_i1e, Eigen::half, float, 29 REGISTER3(UnaryOp, CPU, "BesselK0", functor::bessel_k0, Eigen::half, float, 31 REGISTER3(UnaryOp, CPU, "BesselK1", functor::bessel_k1, Eigen::half, float, 33 REGISTER3(UnaryOp, CPU, "BesselK0e", functor::bessel_k0e, Eigen::half, float, 35 REGISTER3(UnaryOp, CPU, "BesselK1e", functor::bessel_k1e, Eigen::half, float, 38 REGISTER3(UnaryOp, CPU, "BesselJ0", functor::bessel_j0, Eigen::half, float, 40 REGISTER3(UnaryOp, CPU, "BesselJ1", functor::bessel_j1, Eigen::half, float, [all …]
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | constants.cc | 47 return ConstantR0<Eigen::half>( in Epsilon() 49 static_cast<Eigen::half>(Eigen::NumTraits<Eigen::half>::epsilon())); in Epsilon() 51 return ConstantR0<Eigen::bfloat16>( in Epsilon() 52 builder, static_cast<Eigen::bfloat16>( in Epsilon() 53 Eigen::NumTraits<Eigen::bfloat16>::epsilon())); in Epsilon() 72 return ConstantR0<Eigen::half>(builder, in MinFiniteValue() 73 Eigen::NumTraits<Eigen::half>::lowest()); in MinFiniteValue() 75 return ConstantR0<Eigen::bfloat16>( in MinFiniteValue() 76 builder, Eigen::NumTraits<Eigen::bfloat16>::lowest()); in MinFiniteValue() 89 return ConstantR0<Eigen::half>(builder, in MinPositiveNormalValue() [all …]
|