/external/tensorflow/tensorflow/core/kernels/ |
D | cwise_ops_common.h | 79 template <typename Device, typename Functor> 82 typedef typename Functor::in_type Tin; // Input scalar data type. 83 typedef typename Functor::out_type Tout; // Output scalar data type. 103 bool* const error_ptr = Functor::has_errors ? &error : nullptr; in Compute() 108 functor::BinaryFunctor<Device, Functor, 1>().Right( in Compute() 113 functor::BinaryFunctor<Device, Functor, 1>().Left( in Compute() 117 functor::BinaryFunctor<Device, Functor, 1>()( in Compute() 122 functor::BinaryFunctor<Device, Functor, 2>().BCast( in Compute() 129 functor::BinaryFunctor<Device, Functor, 3>().BCast( in Compute() 136 functor::BinaryFunctor<Device, Functor, 4>().BCast( in Compute() [all …]
|
D | cwise_ops_sycl_common.h | 40 template <typename Functor> 41 struct UnaryFunctor<SYCLDevice, Functor> { 42 void operator()(const SYCLDevice& d, typename Functor::tout_type out, 43 typename Functor::tin_type in) { 44 To32Bit(out).device(d) = To32Bit(in).unaryExpr(typename Functor::func()); 49 template <typename Functor, int NDIMS, bool has_errors> 50 struct BinaryFunctor<SYCLDevice, Functor, NDIMS, has_errors> { 51 void operator()(const SYCLDevice& d, typename Functor::tout_type out, 52 typename Functor::tin_type in0, 53 typename Functor::tin_type in1, bool* error) { [all …]
|
D | cwise_ops_gpu_common.cu.h | 40 template <typename Functor> 41 struct UnaryFunctor<GPUDevice, Functor> { 42 void operator()(const GPUDevice& d, typename Functor::tout_type out, 43 typename Functor::tin_type in) { 44 To32Bit(out).device(d) = To32Bit(in).unaryExpr(typename Functor::func()); 49 template <typename Functor, int NDIMS, bool has_errors> 50 struct BinaryFunctor<GPUDevice, Functor, NDIMS, has_errors> { 51 void operator()(const GPUDevice& d, typename Functor::tout_type out, 52 typename Functor::tin_type in0, 53 typename Functor::tin_type in1, bool* error) { [all …]
|
D | cwise_ops_gradients.h | 155 template <typename Device, typename Functor> 157 void operator()(const Device& d, typename Functor::tout_type out, 158 typename Functor::tin_type in0, 159 typename Functor::tin_type in1); 165 template <typename Functor> 166 struct SimpleBinaryFunctor<CPUDevice, Functor> { 167 void operator()(const CPUDevice& d, typename Functor::tout_type out, 168 typename Functor::tin_type in0, 169 typename Functor::tin_type in1) { 170 out.device(d) = in0.binaryExpr(in1, typename Functor::func()); [all …]
|
D | cwise_ops_gpu_gradients.cu.h | 41 template <typename Functor> 42 struct SimpleBinaryFunctor<GPUDevice, Functor> { 43 void operator()(const GPUDevice& d, typename Functor::tout_type out, 44 typename Functor::tin_type in1, 45 typename Functor::tin_type in2) { 47 To32Bit(in1).binaryExpr(in2, typename Functor::func());
|
D | reduction_ops_common.h | 182 typedef functor::ReduceFunctor<Device, Reducer> Functor; 194 Functor::FillIdentity(d, tmp_out.flat<T>(), reducer); 197 Functor::Reduce(ctx, helper.out<T, 0>(&tmp_out), helper.in<T, 1>(data), 201 Functor::Reduce(ctx, helper.out<T, 1>(&tmp_out), helper.in<T, 2>(data), 205 Functor::Reduce(ctx, helper.out<T, 1>(&tmp_out), helper.in<T, 2>(data), 210 Functor::Reduce(ctx, helper.out<T, 1>(&tmp_out), helper.in<T, 3>(data), 214 Functor::Reduce(ctx, helper.out<T, 2>(&tmp_out), helper.in<T, 3>(data), 230 Functor::Reduce(ctx, tmp_out.flat<T>(),
|
D | mkl_cwise_ops_common.cc | 32 template <typename Device, typename Functor> 33 class MklBinaryOp : public BinaryOp<Device, Functor> { 36 : BinaryOp<Device, Functor>(context) {} in MklBinaryOp() 46 BinaryOp<Device, Functor>::Compute(context); in Compute()
|
D | cwise_ops.h | 944 template <typename Device, typename Functor> 947 void operator()(const Device& d, typename Functor::tout_type out, 948 typename Functor::tin_type in); 951 template <typename Device, typename Functor, int NDIMS, 952 bool has_errors = Functor::has_errors> 955 void operator()(const Device& d, typename Functor::tout_type out, 956 typename Functor::tin_type in0, 957 typename Functor::tin_type in1, bool* error); 960 void Left(const Device& d, typename Functor::tout_type out, 961 typename Functor::tscalar_type scalar, [all …]
|
/external/eigen/unsupported/Eigen/src/NumericalDiff/ |
D | NumericalDiff.h | 39 typedef _Functor Functor; typedef 40 typedef typename Functor::Scalar Scalar; 41 typedef typename Functor::InputType InputType; 42 typedef typename Functor::ValueType ValueType; 43 typedef typename Functor::JacobianType JacobianType; 45 NumericalDiff(Scalar _epsfcn=0.) : Functor(), epsfcn(_epsfcn) {} in Functor() function 46 NumericalDiff(const Functor& f, Scalar _epsfcn=0.) : Functor(f), epsfcn(_epsfcn) {} in Functor() function 50 NumericalDiff(const T0& a0) : Functor(a0), epsfcn(0) {} in NumericalDiff() 52 NumericalDiff(const T0& a0, const T1& a1) : Functor(a0, a1), epsfcn(0) {} in NumericalDiff() 54 NumericalDiff(const T0& a0, const T1& a1, const T2& a2) : Functor(a0, a1, a2), epsfcn(0) {} in NumericalDiff() [all …]
|
/external/libchrome/base/ |
D | bind_internal.h | 96 template <typename Functor, typename SFINAE = void> 133 template <typename Functor, typename SFINAE> 140 template <typename Functor> 142 Functor, 143 typename std::enable_if<IsConvertibleToRunType<Functor>::value>::type> { 144 using RunType = ExtractCallableRunType<Functor>; 150 Invoke(const Functor& functor, RunArgs&&... args) { 282 template <typename Functor, typename... RunArgs> 283 static inline ReturnType MakeItSo(Functor&& functor, RunArgs&&... args) { 284 using Traits = FunctorTraits<typename std::decay<Functor>::type>; [all …]
|
D | bind.h | 28 template <typename Functor, typename... Args> 29 inline OnceCallback<MakeUnboundRunType<Functor, Args...>> 30 BindOnce(Functor&& functor, Args&&... args) { in BindOnce() 31 using BindState = internal::MakeBindStateType<Functor, Args...>; in BindOnce() 32 using UnboundRunType = MakeUnboundRunType<Functor, Args...>; in BindOnce() 45 std::forward<Functor>(functor), in BindOnce() 50 template <typename Functor, typename... Args> 51 inline RepeatingCallback<MakeUnboundRunType<Functor, Args...>> 52 BindRepeating(Functor&& functor, Args&&... args) { in BindRepeating() 53 using BindState = internal::MakeBindStateType<Functor, Args...>; in BindRepeating() [all …]
|
D | bind_helpers.h | 182 template <typename Functor, typename SFINAE = void> 531 template <typename Functor, typename BoundArgsTuple, typename SFINAE = void> 537 template <typename Functor, typename... BoundArgs> 539 Functor, 542 internal::IsWeakMethod<internal::FunctorTraits<Functor>::is_method, 547 static bool IsCancelled(const Functor&, 563 template <typename Functor> 564 static bool IsCancelled(const Functor& functor, const BoundArgs&...) {
|
/external/eigen/unsupported/Eigen/src/AutoDiff/ |
D | AutoDiffJacobian.h | 16 template<typename Functor> class AutoDiffJacobian : public Functor 19 AutoDiffJacobian() : Functor() {} in AutoDiffJacobian() 20 AutoDiffJacobian(const Functor& f) : Functor(f) {} in AutoDiffJacobian() 25 AutoDiffJacobian(const T& ...Values) : Functor(Values...) {} in AutoDiffJacobian() 28 AutoDiffJacobian(const T0& a0) : Functor(a0) {} in AutoDiffJacobian() 30 AutoDiffJacobian(const T0& a0, const T1& a1) : Functor(a0, a1) {} in AutoDiffJacobian() 32 AutoDiffJacobian(const T0& a0, const T1& a1, const T2& a2) : Functor(a0, a1, a2) {} in AutoDiffJacobian() 35 typedef typename Functor::InputType InputType; 36 typedef typename Functor::ValueType ValueType; 73 Functor::operator()(x, v, Params...); in operator() [all …]
|
/external/libcxx/test/std/utilities/function.objects/func.invoke/ |
D | invoke.pass.cpp | 81 template <class Signature, class Expect, class Functor> 82 void test_b12(Functor&& f) { in test_b12() 92 std::invoke(func_ptr, std::forward<Functor>(f), std::move(arg)) in test_b12() 97 typedef typename std::result_of<ClassFunc&&(Functor&&, NonCopyable&&)>::type in test_b12() 103 std::invoke(func_ptr, std::forward<Functor>(f), std::move(arg)); in test_b12() 107 template <class Expect, class Functor> 108 void test_b34(Functor&& f) { in test_b34() 115 std::invoke(func_ptr, std::forward<Functor>(f)) in test_b34() 120 typedef typename std::result_of<ClassFunc&&(Functor&&)>::type in test_b34() 126 std::invoke(func_ptr, std::forward<Functor>(f)); in test_b34() [all …]
|
/external/eigen/unsupported/Eigen/ |
D | AdolcForward | 98 template<typename Functor> class AdolcForwardJacobian : public Functor 103 AdolcForwardJacobian() : Functor() {} 104 AdolcForwardJacobian(const Functor& f) : Functor(f) {} 108 AdolcForwardJacobian(const T0& a0) : Functor(a0) {} 110 AdolcForwardJacobian(const T0& a0, const T1& a1) : Functor(a0, a1) {} 112 AdolcForwardJacobian(const T0& a0, const T1& a1, const T1& a2) : Functor(a0, a1, a2) {} 114 typedef typename Functor::InputType InputType; 115 typedef typename Functor::ValueType ValueType; 116 typedef typename Functor::JacobianType JacobianType; 126 Functor::operator()(x, v); [all …]
|
/external/eigen/unsupported/test/ |
D | NonLinearOptimization.cpp | 108 struct Functor struct 121 Functor() : m_inputs(InputsAtCompileTime), m_values(ValuesAtCompileTime) {} in Functor() argument 122 Functor(int inputs, int values) : m_inputs(inputs), m_values(values) {} in Functor() argument 131 struct lmder_functor : Functor<double> argument 133 lmder_functor(void): Functor<double>(3,15) {} in lmder_functor() 243 struct hybrj_functor : Functor<double> 245 hybrj_functor(void) : Functor<double>(9,9) {} in hybrj_functor() 349 struct hybrd_functor : Functor<double> 351 hybrd_functor(void) : Functor<double>(9,9) {} in hybrd_functor() 431 struct lmstr_functor : Functor<double> [all …]
|
D | NumericalDiff.cpp | 13 struct Functor struct 26 Functor() : m_inputs(InputsAtCompileTime), m_values(ValuesAtCompileTime) {} in Functor() argument 27 Functor(int inputs, int values) : m_inputs(inputs), m_values(values) {} in Functor() function 34 struct my_functor : Functor<double> argument 36 my_functor(void): Functor<double>(3,15) {} in my_functor()
|
/external/eigen/Eigen/src/Core/products/ |
D | Parallelizer.h | 85 template<bool Condition, typename Functor, typename Index> 86 void parallelize_gemm(const Functor& func, Index rows, Index cols, Index depth, bool transpose) in parallelize_gemm() 109 Index pb_max_threads = std::max<Index>(1,size / Functor::Traits::nr); in parallelize_gemm() 142 blockRows = (blockRows/Functor::Traits::mr)*Functor::Traits::mr; in parallelize_gemm()
|
/external/eigen/Eigen/src/SparseCore/ |
D | SparseAssign.h | 127 template< typename DstXprType, typename SrcXprType, typename Functor> 128 struct Assignment<DstXprType, SrcXprType, Functor, Sparse2Sparse> 137 template< typename DstXprType, typename SrcXprType, typename Functor> 138 struct Assignment<DstXprType, SrcXprType, Functor, Sparse2Dense> 140 static void run(DstXprType &dst, const SrcXprType &src, const Functor &func) 142 …if(internal::is_same<Functor,internal::assign_op<typename DstXprType::Scalar,typename SrcXprType::… 177 template< typename DstXprType, typename SrcXprType, typename Functor> 178 struct Assignment<DstXprType, SrcXprType, Functor, Diagonal2Sparse>
|
/external/eigen/Eigen/src/Core/ |
D | TriangularMatrix.h | 735 …posite, typename DstEvaluatorTypeT, typename SrcEvaluatorTypeT, typename Functor, int Version = Sp… 736 …el : public generic_dense_assignment_kernel<DstEvaluatorTypeT, SrcEvaluatorTypeT, Functor, Version> 739 …typedef generic_dense_assignment_kernel<DstEvaluatorTypeT, SrcEvaluatorTypeT, Functor, Version> Ba… 753 …ignment_kernel(DstEvaluatorType &dst, const SrcEvaluatorType &src, const Functor &func, DstXprType… 782 template<int Mode, bool SetOpposite, typename DstXprType, typename SrcXprType, typename Functor> 784 void call_triangular_assignment_loop(DstXprType& dst, const SrcXprType& src, const Functor &func) 798 DstEvaluatorType,SrcEvaluatorType,Functor> Kernel; 822 template< typename DstXprType, typename SrcXprType, typename Functor> 823 struct Assignment<DstXprType, SrcXprType, Functor, Triangular2Triangular> 825 EIGEN_DEVICE_FUNC static void run(DstXprType &dst, const SrcXprType &src, const Functor &func) [all …]
|
D | AssignEvaluator.h | 595 template<typename DstEvaluatorTypeT, typename SrcEvaluatorTypeT, typename Functor, int Version = Sp… 606 …typedef copy_using_evaluator_traits<DstEvaluatorTypeT, SrcEvaluatorTypeT, Functor> AssignmentTrait… 610 …ignment_kernel(DstEvaluatorType &dst, const SrcEvaluatorType &src, const Functor &func, DstXprType… 695 const Functor &m_functor; 704 template<typename DstXprType,typename SrcXprType, typename Functor> 706 void resize_if_allowed(DstXprType &dst, const SrcXprType& src, const Functor &/*func*/) 724 template<typename DstXprType, typename SrcXprType, typename Functor> 725 …INLINE void call_dense_assignment_loop(DstXprType& dst, const SrcXprType& src, const Functor &func) 738 typedef generic_dense_assignment_kernel<DstEvaluatorType,SrcEvaluatorType,Functor> Kernel; 767 template< typename DstXprType, typename SrcXprType, typename Functor, [all …]
|
/external/eigen/Eigen/src/Core/util/ |
D | XprHelper.h | 526 template <typename A, typename B, typename Functor> struct cwise_promote_storage_type; 528 template <typename A, typename Functor> struct cwise_promote_storage_type<A,A,Fun… 529 template <typename Functor> struct cwise_promote_storage_type<Dense,D… 530 template <typename A, typename Functor> struct cwise_promote_storage_type<A,Dense… 531 template <typename B, typename Functor> struct cwise_promote_storage_type<Dense,B… 532 template <typename Functor> struct cwise_promote_storage_type<Sparse,… 533 template <typename Functor> struct cwise_promote_storage_type<Dense,S…
|
/external/eigen/unsupported/Eigen/src/NonLinearOptimization/ |
D | fdjac1.h | 7 const FunctorType &Functor, in fdjac1() argument 44 iflag = Functor(x, wa1); in fdjac1() 60 iflag = Functor(x, wa1); in fdjac1()
|
/external/clang/test/Parser/ |
D | objcxx14-protocol-in-template.mm | 8 template <typename Functor> void F(Functor functor) {}
|
/external/clang/test/SemaCXX/ |
D | typo-correction-cxx11.cpp | 30 auto Functor = [x]() {}; in f() local 31 long Alignment = __alignof__(Functor); in f()
|