/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A 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, tstring>::operator()( in operator ()() 36 const Eigen::ThreadPoolDevice& d, typename TTypes<tstring>::Flat out) { in operator ()() 42 template struct SetZeroFunctor<Eigen::ThreadPoolDevice, T>; 68 void SetOneFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()() 69 const Eigen::ThreadPoolDevice& d, typename TTypes<T>::Flat out) { in operator ()() 75 template struct SetOneFunctor<Eigen::ThreadPoolDevice, T>; 94 void SetNanFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()() 95 const Eigen::ThreadPoolDevice& d, typename TTypes<T>::Flat out) { in operator ()() [all …]
|
H A D | fill_functor.h | 43 struct SetZeroFunctor<Eigen::ThreadPoolDevice, T> { 44 void operator()(const Eigen::ThreadPoolDevice& d, 50 struct SetZeroFunctor<Eigen::ThreadPoolDevice, tstring> { 51 void operator()(const Eigen::ThreadPoolDevice& d, 63 struct SetOneFunctor<Eigen::ThreadPoolDevice, T> { 64 void operator()(const Eigen::ThreadPoolDevice& d, 70 struct SetOneFunctor<Eigen::ThreadPoolDevice, tstring> { 71 void operator()(const Eigen::ThreadPoolDevice& d, 82 struct SetNanFunctor<Eigen::ThreadPoolDevice, T> { 83 void operator()(const Eigen::ThreadPoolDevice& d, [all …]
|
H A 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>;
|
H A D | eigen_benchmark_cpu_test.cc | 24 Eigen::ThreadPoolDevice device(&tp, threads) 39 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolution() 67 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolutionBackwardInput() 94 SpatialConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in SpatialConvolutionBackwardKernel() 257 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolution() 286 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolutionBackwardInput() 314 CuboidConvolutionBenchmarksSuite<float, Eigen::ThreadPoolDevice>; in CuboidConvolutionBackwardKernel()
|
H A D | quantization_utils_test.cc | 34 void TestRequantizeMany(Eigen::ThreadPoolDevice* eigen_device, float input_min, in TestRequantizeMany() 114 Eigen::ThreadPoolDevice* eigen_device) { in TestRequantizeManyInNewRange32To8Bit() 215 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TestRequantizeManyInNewRangeEigenVsNonEigen() 297 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TimeRequantizeManyInNewRange() 340 Eigen::ThreadPoolDevice* eigen_device) { in TestFloatToQuantizedInPlaceUsingEigen() 384 Eigen::ThreadPoolDevice* eigen_device) { in TestQuantizedToFloatInPlaceUsingEigen() 609 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TestRequantizeManyInNewRange32To8BitUsingEigen() 640 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TestFloatToQuantizedInPlaceUsingEigen() 651 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TestOverflowWithEigen() 719 Eigen::ThreadPoolDevice eigen_device(threadpool.AsEigenThreadPool(), in TestQuantizedToFloatInPlaceUsingEigen()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/ |
H A D | threadpool_device.cc | 56 ThreadPoolDevice::ThreadPoolDevice(const SessionOptions& options, in ThreadPoolDevice() function in tensorflow::ThreadPoolDevice 104 ThreadPoolDevice::~ThreadPoolDevice() {} in ~ThreadPoolDevice() 106 Allocator* ThreadPoolDevice::GetAllocator(AllocatorAttributes attr) { in GetAllocator() 110 Allocator* ThreadPoolDevice::GetScopedAllocator(AllocatorAttributes attr, in GetScopedAllocator() 121 Status ThreadPoolDevice::MakeTensorFromProto( in MakeTensorFromProto() 135 void ThreadPoolDevice::CopyTensorInSameDevice( in CopyTensorInSameDevice() 177 void ThreadPoolDevice::Compute(OpKernel* op_kernel, OpKernelContext* context) { in Compute() 199 void ThreadPoolDevice::ComputeAsync(AsyncOpKernel* op_kernel, in ComputeAsync() 216 void ThreadPoolDevice::LogInputs(OpKernel* op_kernel, in LogInputs() 231 void ThreadPoolDevice::LogOutputs(OpKernel* op_kernel, in LogOutputs()
|
H A D | threadpool_device.h | 26 class ThreadPoolDevice : public LocalDevice { 28 ThreadPoolDevice(const SessionOptions& options, const string& name, 31 ~ThreadPoolDevice() override;
|
H A D | threadpool_device_factory.cc | 48 std::unique_ptr<ThreadPoolDevice> tpd; in CreateDevices() 59 tpd = std::make_unique<ThreadPoolDevice>( in CreateDevices() 63 tpd = std::make_unique<ThreadPoolDevice>( in CreateDevices()
|
H A D | mkl_threadpool_device_test.cc | 32 ThreadPoolDevice* tp = new ThreadPoolDevice( in TEST()
|
/aosp_15_r20/external/eigen/unsupported/Eigen/CXX11/src/Tensor/ |
H A D | TensorExecutor.h | 251 double taskSize = TensorCostModel<ThreadPoolDevice>::taskSize( 325 class TensorExecutor<Expression, ThreadPoolDevice, Vectorizable, Tiling> { 330 const ThreadPoolDevice& device) { 331 typedef TensorEvaluator<Expression, ThreadPoolDevice> Evaluator; 349 class TensorExecutor<Expression, ThreadPoolDevice, Vectorizable, 358 typedef TensorEvaluator<Expression, ThreadPoolDevice> Evaluator; 364 typedef internal::TensorBlockScratchAllocator<ThreadPoolDevice> 368 const ThreadPoolDevice& device) { 405 class TensorAsyncExecutor<Expression, ThreadPoolDevice, DoneCallback, 409 typedef TensorEvaluator<Expression, ThreadPoolDevice> Evaluator; [all …]
|
H A D | TensorDevice.h | 110 class TensorAsyncDevice<ExpressionType, ThreadPoolDevice, DoneCallback> { 112 TensorAsyncDevice(const ThreadPoolDevice& device, ExpressionType& expression, in TensorAsyncDevice() 119 typedef internal::TensorAsyncExecutor<const Assign, ThreadPoolDevice, DoneCallback> Executor; 129 const ThreadPoolDevice& m_device;
|
/aosp_15_r20/external/eigen/unsupported/test/ |
H A D | cxx11_tensor_thread_pool.cpp | 49 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(3, 11)); in test_multithread_elementwise() 71 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(3, 11)); in test_async_multithread_elementwise() 96 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(3, 11)); in test_multithread_compound_assignment() 129 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() 170 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() 260 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(2, 11)); in test_multithread_contraction_agrees_with_singlethread() 299 Eigen::ThreadPoolDevice device(&threads, num_threads); in test_multithread_contraction_with_output_kernel() 357 Eigen::ThreadPoolDevice thread_pool_device(&tp, internal::random<int>(8, 32)); in test_async_multithread_contraction_agrees_with_singlethread() 387 Eigen::ThreadPoolDevice device(&threads, num_threads); in test_sharded_by_inner_dim_contraction() 427 Eigen::ThreadPoolDevice device(&threads, num_threads); in test_sharded_by_inner_dim_contraction_with_output_kernel() [all …]
|
H A D | cxx11_tensor_executor.cpp | 633 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… 634 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… 635 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, VECTORIZABLE(true), TiledEvaluation:… 636 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, VECTORIZABLE(true), TiledEvaluation:… 637 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… 638 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… 639 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, VECTORIZABLE(true), TiledEvaluation:… 640 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, VECTORIZABLE(true), TiledEvaluation:… 644 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… 645 …CALL_SUBTEST_PART(PART)((NAME<T, NUM_DIMS, ThreadPoolDevice, false, TiledEvaluation:… [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/ |
H A D | executable_run_options.h | 34 struct ThreadPoolDevice; 119 const Eigen::ThreadPoolDevice* intra_op_thread_pool); 120 const Eigen::ThreadPoolDevice* intra_op_thread_pool() const; 163 const Eigen::ThreadPoolDevice* intra_op_thread_pool_ = nullptr;
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/aot/tests/ |
H A D | tfcompile_test.cc | 264 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 335 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 361 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 467 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 495 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 519 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 533 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 555 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 582 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST() 682 Eigen::ThreadPoolDevice device(&tp, tp.NumThreads()); in TEST()
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/ |
H A D | eigen_support.cc | 101 const Eigen::ThreadPoolDevice* GetThreadPoolDevice() { in GetThreadPoolDevice() 105 device_ = std::make_unique<Eigen::ThreadPoolDevice>( in GetThreadPoolDevice() 125 std::unique_ptr<Eigen::ThreadPoolDevice> device_; 184 const Eigen::ThreadPoolDevice* GetThreadPoolDevice(TfLiteContext* context) { in GetThreadPoolDevice()
|
H A D | eigen_support.h | 21 struct ThreadPoolDevice; 40 const EigenForTFLite::ThreadPoolDevice* GetThreadPoolDevice(
|
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/ |
H A D | device_base.h | 35 struct ThreadPoolDevice; 181 void set_eigen_cpu_device(Eigen::ThreadPoolDevice* d); 211 virtual const Eigen::ThreadPoolDevice* eigen_cpu_device(); 293 std::vector<Eigen::ThreadPoolDevice*> eigen_cpu_devices_;
|
H A D | device_base.cc | 81 void DeviceBase::set_eigen_cpu_device(Eigen::ThreadPoolDevice* d) { in set_eigen_cpu_device() 88 eigen_cpu_devices_.push_back(new Eigen::ThreadPoolDevice( in set_eigen_cpu_device() 93 const Eigen::ThreadPoolDevice* DeviceBase::eigen_cpu_device() { in eigen_cpu_device()
|
/aosp_15_r20/external/eigen/bench/tensors/ |
H A 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); \
|
H A D | contraction_benchmarks_cpu.cc | 9 Eigen::ThreadPoolDevice device(&pool, threads); 18 BenchmarkSuite<Eigen::ThreadPoolDevice, float> suite(device, D1, D2, D3); \
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
H A 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()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/gpu/ |
H A D | gpu_device_factory.cc | 81 class GPUCompatibleCPUDevice : public ThreadPoolDevice { 86 : ThreadPoolDevice(options, name, memory_limit, locality, allocator), in GPUCompatibleCPUDevice() 101 return ThreadPoolDevice::GetAllocator(attr); in GetAllocator()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/cpu/ |
H A D | runtime_conv2d_acl.cc | 89 const Eigen::ThreadPoolDevice* tpd = in ACLDepthwiseConvImpl() 90 (Eigen::ThreadPoolDevice*)(run_options->intra_op_thread_pool()); in ACLDepthwiseConvImpl() 193 const Eigen::ThreadPoolDevice* tpd = in ACLGemmConvImpl() 194 (Eigen::ThreadPoolDevice*)(run_options->intra_op_thread_pool()); in ACLGemmConvImpl()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/ |
H A D | backend.cc | 74 device(new Eigen::ThreadPoolDevice(pool->AsEigenThreadPool(), in IntraOpThreadPool() 78 std::unique_ptr<Eigen::ThreadPoolDevice> device; 150 const Eigen::ThreadPoolDevice* Backend::eigen_intra_op_thread_pool_device() in eigen_intra_op_thread_pool_device()
|