/external/tensorflow/tensorflow/core/kernels/ |
D | fill_functor.cc | 30 void SetZeroFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()() 31 const Eigen::ThreadPoolDevice& d, typename TTypes<T>::Flat out) { in operator ()() 35 void SetZeroFunctor<Eigen::ThreadPoolDevice, string>::operator()( in operator ()() 36 const Eigen::ThreadPoolDevice& d, typename TTypes<string>::Flat out) { in operator ()() 42 template struct SetZeroFunctor<Eigen::ThreadPoolDevice, T>; 86 void SetOneFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()() 87 const Eigen::ThreadPoolDevice& d, typename TTypes<T>::Flat out) { in operator ()() 93 template struct SetOneFunctor<Eigen::ThreadPoolDevice, T>; 125 struct FillFunctor<Eigen::ThreadPoolDevice, T> { 126 void operator()(const Eigen::ThreadPoolDevice& d, in operator ()() [all …]
|
D | fill_functor.h | 43 struct SetZeroFunctor<Eigen::ThreadPoolDevice, T> { 44 void operator()(const Eigen::ThreadPoolDevice& d, 57 struct SetZeroFunctor<Eigen::ThreadPoolDevice, string> { 58 void operator()(const Eigen::ThreadPoolDevice& d, 70 struct SetOneFunctor<Eigen::ThreadPoolDevice, T> { 71 void operator()(const Eigen::ThreadPoolDevice& d, 84 struct SetOneFunctor<Eigen::ThreadPoolDevice, string> { 85 void operator()(const Eigen::ThreadPoolDevice& d,
|
D | split_lib_cpu.cc | 28 void Split<Eigen::ThreadPoolDevice, T, NDims>::operator()( in operator ()() 29 const Eigen::ThreadPoolDevice& d, typename TTypes<T, NDims>::Tensor output, in operator ()() 41 template struct Split<Eigen::ThreadPoolDevice, T, 2>; \ 42 template struct Split<Eigen::ThreadPoolDevice, T, 3>;
|
D | eigen_benchmark_cpu_test.cc | 24 Eigen::ThreadPoolDevice device(&tp, threads) 41 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolution() 70 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolutionBackwardInput() 98 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolutionBackwardKernel() 263 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolution() 293 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolutionBackwardInput() 322 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolutionBackwardKernel()
|
D | split_lib.h | 43 struct Split<Eigen::ThreadPoolDevice, T, NDims> { 44 void operator()(const Eigen::ThreadPoolDevice& d,
|
/external/tensorflow/tensorflow/core/common_runtime/ |
D | threadpool_device.cc | 44 ThreadPoolDevice::ThreadPoolDevice(const SessionOptions& options, in ThreadPoolDevice() function in tensorflow::ThreadPoolDevice 74 ThreadPoolDevice::~ThreadPoolDevice() {} in ~ThreadPoolDevice() 76 Allocator* ThreadPoolDevice::GetAllocator(AllocatorAttributes attr) { in GetAllocator() 80 Allocator* ThreadPoolDevice::GetScopedAllocator(AllocatorAttributes attr, in GetScopedAllocator() 91 Status ThreadPoolDevice::MakeTensorFromProto( in MakeTensorFromProto()
|
D | mkl_threadpool_device_test.cc | 33 ThreadPoolDevice* tp = new ThreadPoolDevice( in TEST() 44 ThreadPoolDevice* tp = new ThreadPoolDevice( in TEST()
|
D | threadpool_device.h | 25 class ThreadPoolDevice : public LocalDevice { 27 ThreadPoolDevice(const SessionOptions& options, const string& name, 30 ~ThreadPoolDevice() override;
|
D | threadpool_device_factory.cc | 42 std::unique_ptr<ThreadPoolDevice> tpd; in CreateDevices() 53 tpd = absl::make_unique<ThreadPoolDevice>( in CreateDevices() 57 tpd = absl::make_unique<ThreadPoolDevice>( in CreateDevices()
|
D | single_threaded_cpu_device.cc | 52 eigen_device_.reset(new Eigen::ThreadPoolDevice( in SingleThreadedCpuDevice() 83 std::unique_ptr<Eigen::ThreadPoolDevice> eigen_device_;
|
/external/tensorflow/tensorflow/compiler/xla/ |
D | executable_run_options.h | 29 struct ThreadPoolDevice; 69 const Eigen::ThreadPoolDevice* intra_op_thread_pool); 70 const Eigen::ThreadPoolDevice* intra_op_thread_pool() const; 88 const Eigen::ThreadPoolDevice* intra_op_thread_pool_ = nullptr;
|
D | executable_run_options.cc | 59 const Eigen::ThreadPoolDevice* intra_op_thread_pool) { in set_intra_op_thread_pool() 64 const Eigen::ThreadPoolDevice* ExecutableRunOptions::intra_op_thread_pool() in intra_op_thread_pool()
|
/external/tensorflow/tensorflow/core/framework/ |
D | device_base.cc | 36 void DeviceBase::set_eigen_cpu_device(Eigen::ThreadPoolDevice* d) { in set_eigen_cpu_device() 43 eigen_cpu_devices_.push_back(new Eigen::ThreadPoolDevice( in set_eigen_cpu_device() 48 const Eigen::ThreadPoolDevice* DeviceBase::eigen_cpu_device() { in eigen_cpu_device()
|
D | device_base.h | 32 struct ThreadPoolDevice; 174 void set_eigen_cpu_device(Eigen::ThreadPoolDevice* d); 206 virtual const Eigen::ThreadPoolDevice* eigen_cpu_device(); 270 std::vector<Eigen::ThreadPoolDevice*> eigen_cpu_devices_;
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_thread_pool.cpp | 30 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(3, 11)); in test_multithread_elementwise() 53 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(3, 11)); in test_multithread_compound_assignment() 86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() 127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() 217 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(2, 11)); in test_multithread_contraction_agrees_with_singlethread() 256 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(2, 11)); in test_full_contraction() 276 Eigen::ThreadPoolDevice thread_pool_device(&thread_pool, num_threads); in test_multithreaded_reductions() 300 Eigen::ThreadPoolDevice thread_pool_device(&tp, num_threads); in test_memcpy() 317 Eigen::ThreadPoolDevice device(&tp, 2); in test_multithread_random() 330 Eigen::ThreadPoolDevice device(&threads, num_threads); in test_multithread_shuffle()
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | eigen_support.cc | 78 const Eigen::ThreadPoolDevice* GetThreadPoolDevice() { in GetThreadPoolDevice() 82 device_.reset(new Eigen::ThreadPoolDevice(thread_pool_wrapper_.get(), in GetThreadPoolDevice() 103 std::unique_ptr<Eigen::ThreadPoolDevice> device_; 160 const Eigen::ThreadPoolDevice* GetThreadPoolDevice(TfLiteContext* context) { in GetThreadPoolDevice()
|
D | eigen_support.h | 21 struct ThreadPoolDevice; 40 const EigenForTFLite::ThreadPoolDevice* GetThreadPoolDevice(
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | multithreaded_conv.h | 87 void operator()(const Eigen::ThreadPoolDevice& device, const T* input_data, in operator() 106 MatMulConvFunctor<Eigen::ThreadPoolDevice, T>()(device, output, input, in operator() 119 MatMulConvFunctor<Eigen::ThreadPoolDevice, T>()(device, output, input, in operator() 135 inline void Conv(const Eigen::ThreadPoolDevice& device, in Conv()
|
/external/eigen/bench/tensors/ |
D | tensor_benchmarks_cpu.cc | 9 Eigen::ThreadPoolDevice device(&pool, threads); 16 BenchmarkSuite<Eigen::ThreadPoolDevice, float> suite(device, N); \ 92 BenchmarkSuite<Eigen::ThreadPoolDevice, float> suite(device, D1, D2, D3); \ 141 BenchmarkSuite<Eigen::ThreadPoolDevice, float> suite(device, N); \
|
D | contraction_benchmarks_cpu.cc | 9 Eigen::ThreadPoolDevice device(&pool, threads); 18 BenchmarkSuite<Eigen::ThreadPoolDevice, float> suite(device, D1, D2, D3); \
|
/external/tensorflow/tensorflow/core/common_runtime/gpu/ |
D | gpu_device_factory.cc | 80 class GPUCompatibleCPUDevice : public ThreadPoolDevice { 85 : ThreadPoolDevice(options, name, memory_limit, locality, allocator), in GPUCompatibleCPUDevice() 100 return ThreadPoolDevice::GetAllocator(attr); in GetAllocator()
|
/external/tensorflow/tensorflow/compiler/aot/ |
D | test.cc | 63 Eigen::ThreadPoolDevice device(&pool, pool.NumThreads()); in TEST() 77 Eigen::ThreadPoolDevice device(&pool, pool.NumThreads()); in BM_NAME()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | backend.cc | 96 device(new Eigen::ThreadPoolDevice(wrapper.get(), in IntraOpThreadPool() 101 std::unique_ptr<Eigen::ThreadPoolDevice> device; 178 const Eigen::ThreadPoolDevice* Backend::eigen_intra_op_thread_pool_device() in eigen_intra_op_thread_pool_device()
|
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/ |
D | TensorExecutor.h | 142 class TensorExecutor<Expression, ThreadPoolDevice, Vectorizable> { 145 static inline void run(const Expression& expr, const ThreadPoolDevice& device) 147 typedef TensorEvaluator<Expression, ThreadPoolDevice> Evaluator; 162 num_threads = TensorCostModel<ThreadPoolDevice>::numThreads(
|
/external/tensorflow/tensorflow/compiler/aot/tests/ |
D | tfcompile_test.cc | 225 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 296 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 322 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 428 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 456 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 480 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 502 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 595 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST()
|