未验证 提交 5664ea26 编写于 作者: H HongyuJia 提交者: GitHub

[enforce.h Decouple logging.h] Delete glog/logging.h from enforce.h (#52651)

* [enforce.h Decouple logging.h] Delete glog/logging.h from enforce.h

* Add logging.h for profiler.cc

* Add logging.h for gloo_utils.h

* Add logging.h for addmm_kernel_impl.h

* Add logging.h for addmm_grad_kernel_impl.h

* Add logging.h for p_send_kernel.cu

* Add logging.h for determinant_grad_kernel_impl.h

* Add logging.h for p_recv_kernel.cu

* Add logging.h for elementwise_grad_base.h

* Add logging.h for transfer_layout_kernel.cc

* Add logging.h for eigvals_kernel.cc and index_select_impl.h

* Add logging.h for all files in kernel directory

* Add logging.h for xpu_info.cc

* Add logging.h for xpu
上级 0695fb88
......@@ -14,6 +14,8 @@
#include "paddle/fluid/framework/ir/delete_cast_op_pass.h"
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/op_version_registry.h"
#include "paddle/fluid/platform/enforce.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
#include "paddle/fluid/framework/ir/xpu/pass_utils.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -11,6 +11,8 @@ limitations under the License. */
#include <gtest/gtest.h>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/pass.h"
#include "paddle/fluid/framework/ir/pass_tester_helper.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/convert_utils.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -14,6 +14,9 @@
#include "paddle/fluid/framework/ir/xpu/one_beam_size_fuse_pass.h"
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/xpu/pass_utils.h"
#include "paddle/fluid/framework/op_version_registry.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include <string>
#include "glog/logging.h"
#include "paddle/fluid/framework/ir/fuse_pass_base.h"
#include "paddle/fluid/framework/ir/graph_pattern_detector.h"
#include "paddle/fluid/framework/ir/pass.h"
......
......@@ -19,6 +19,8 @@
#include <utility>
#include <vector>
#include "glog/logging.h"
#include "paddle/fluid/memory/allocation/allocator.h"
#include "paddle/fluid/platform/cuda_device_guard.h"
#include "paddle/fluid/platform/device_context.h"
......
......@@ -25,6 +25,8 @@
#include <unordered_map>
#include <vector>
#include "glog/logging.h"
#include "paddle/fluid/framework/data_type.h"
#include "paddle/fluid/framework/scope.h"
#include "paddle/fluid/platform/collective_helper.h"
......
......@@ -15,6 +15,8 @@ limitations under the License. */
#include <string>
#include <unordered_set>
#include "glog/logging.h"
#include "paddle/fluid/framework/convert_utils.h"
#include "paddle/fluid/platform/device/xpu/xpu_info.h"
#include "paddle/phi/backends/xpu/xpu_op_kpfirst_list.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/api/lib/data_transform.h"
#include "glog/logging.h"
#include "paddle/phi/api/lib/kernel_dispatch.h"
#include "paddle/phi/api/lib/utils/allocator.h"
#include "paddle/phi/backends/context_pool.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/api/lib/tensor_copy.h"
#include "glog/logging.h"
#include "paddle/phi/api/include/context_pool.h"
#include "paddle/phi/api/lib/api_gen_utils.h"
#include "paddle/phi/api/lib/kernel_dispatch.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/api/include/tensor.h"
#include "glog/logging.h"
#include "paddle/phi/common/int_array.h"
#include "paddle/phi/core/compat/convert_utils.h"
#include "paddle/phi/core/tensor_base.h"
......
......@@ -20,6 +20,8 @@ limitations under the License. */
#include <string>
#include <type_traits>
#include "glog/logging.h"
#include "paddle/phi/api/profiler/common_event.h"
#include "paddle/phi/api/profiler/device_tracer.h"
#include "paddle/phi/api/profiler/host_event_recorder.h"
......
......@@ -330,6 +330,8 @@ def source_include(header_file_path):
#include "{header_file_path}"
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/api/lib/api_gen_utils.h"
#include "paddle/phi/core/kernel_context.h"
#include "paddle/phi/core/string_tensor.h"
......
......@@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License. */
#include "paddle/phi/backends/context_pool.h"
#include "glog/logging.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/core/enforce.h"
......
......@@ -12,6 +12,8 @@
// See the License for the specific language governing permissions and
// limitations under the License.
#include "glog/logging.h"
#include "paddle/phi/api/profiler/trace_event_collector.h"
#include "paddle/phi/backends/callback_manager.h"
#include "paddle/phi/backends/context_pool.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/backends/event.h"
#include "glog/logging.h"
#include "paddle/phi/backends/device_guard.h"
#include "paddle/phi/backends/stream.h"
......
......@@ -26,6 +26,8 @@
#include "cuda.h" // NOLINT
#include "cuda_runtime.h" // NOLINT
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/memory_utils.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/backends/gpu/gpu_info.h"
#include "glog/logging.h"
#include "paddle/phi/core/enforce.h"
static std::once_flag g_device_props_size_init_flag;
......
......@@ -33,6 +33,7 @@
#endif // !defined(__APPLE__) && defined(PADDLE_WITH_NCCL)
#endif // PADDLE_WITH_CUDA
#include "glog/logging.h"
#include "unsupported/Eigen/CXX11/Tensor"
#include "paddle/phi/core/enforce.h"
......
......@@ -21,6 +21,8 @@
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/core/expect.h"
#include "glog/logging.h"
namespace phi {
OneDNNContextThreadLocals::Body::Body()
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/backends/stream.h"
#include "glog/logging.h"
#include "paddle/phi/backends/device_guard.h"
#include "paddle/phi/backends/event.h"
......
......@@ -16,6 +16,8 @@
#include <memory>
#include "glog/logging.h"
#include "paddle/phi/api/ext/exception.h"
#include "paddle/phi/backends/xpu/enforce_xpu.h"
#include "paddle/phi/common/place.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include <cstdlib>
#include <string>
#include "glog/logging.h"
#include "paddle/phi/backends/xpu/enforce_xpu.h"
#include "paddle/phi/backends/xpu/xpu_context.h"
#include "paddle/phi/backends/xpu/xpu_header.h"
......
......@@ -28,6 +28,8 @@ using gpuStream_t = cudaStream_t;
using gpuStream_t = hipStream_t;
#endif
#include "glog/logging.h"
#include "paddle/phi/core/enforce.h"
namespace phi {
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/core/dense_tensor.h"
#include "glog/logging.h"
#include "paddle/phi/common/bfloat16.h"
#include "paddle/phi/common/complex.h"
#include "paddle/phi/common/float16.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/core/distributed/check/nccl_dynamic_check.h"
#include "glog/logging.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/enforce.h"
#include "paddle/phi/core/errors.h"
......
......@@ -22,6 +22,8 @@
#include <memory>
#include <string>
#include "glog/logging.h"
#include "paddle/phi/common/data_type.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/distributed/reduce_helper.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include "paddle/phi/core/distributed/nccl_comm_context.h"
#include "glog/logging.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/distributed/check/nccl_dynamic_check.h"
#include "paddle/phi/core/distributed/check/static_check.h"
......
......@@ -18,6 +18,8 @@
#include <iostream>
#include <thread>
#include "glog/logging.h"
#include "paddle/phi/core/distributed/store/tcp_utils.h"
#include "paddle/phi/core/flags.h"
......
......@@ -18,6 +18,8 @@
#include <cstring>
#include <thread>
#include "glog/logging.h"
namespace phi {
namespace distributed {
namespace tcputils {
......
......@@ -59,7 +59,6 @@ limitations under the License. */
#endif
#define GLOG_NO_ABBREVIATED_SEVERITIES // msvc conflict logging with windows.h
#include "glog/logging.h"
#include "paddle/phi/core/errors.h"
#include "paddle/phi/backends/dynload/port.h"
......
......@@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License. */
#include "paddle/phi/core/selected_rows_impl.h"
#include "glog/logging.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/core/utils/data_type.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/core/string_tensor.h"
#include "glog/logging.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/common/pstring.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/core/tensor_utils.h"
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/data_type.h"
......
......@@ -16,6 +16,8 @@ limitations under the License. */
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/device_memory_aligment.h"
#include "paddle/phi/common/layout.h"
#include "paddle/phi/common/scalar.h"
......
......@@ -17,6 +17,8 @@
#include <sstream>
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/backends/device_memory_aligment.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
......
......@@ -16,6 +16,8 @@
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/core/tensor_utils.h"
......
......@@ -16,6 +16,8 @@
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/common/float16.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/impl/add_n_kernel_impl.h"
#include "glog/logging.h"
namespace phi {
template <typename T, typename Context>
......
......@@ -12,6 +12,8 @@
// See the License for the specific language governing permissions and
// limitations under the License.
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/batch_norm_kernel.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/eigvals_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/common/complex.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -17,6 +17,8 @@
#include <algorithm>
#include <cmath>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
......
......@@ -17,6 +17,8 @@
#include <algorithm>
#include <cmath>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/tensor_utils.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
......
......@@ -21,6 +21,8 @@
#include <utility>
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/cpu/cpu_context.h"
#include "paddle/phi/common/data_type.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/tensor_utils.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/common/int_array.h"
#include "paddle/phi/core/dense_tensor.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/kernels/funcs/math_function.h"
namespace phi {
......
......@@ -15,6 +15,8 @@
#pragma once
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/backends/dynload/cublas.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/kernels/funcs/math_function.h"
......
......@@ -16,6 +16,8 @@ limitations under the License. */
#if defined(PADDLE_WITH_CUDA) && CUDA_VERSION >= 11060
#include "glog/logging.h"
#include <cuda_runtime_api.h> // NOLINT
#include "cuda.h" // NOLINT
#include "paddle/phi/backends/dynload/cublasLt.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/kernels/funcs/concat_and_split_functor.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_launch_config.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/common/place.h"
......
......@@ -17,6 +17,8 @@ limitations under the License. */
#include "paddle/phi/core/ddim.h"
#include "paddle/phi/core/dense_tensor.h"
#include "glog/logging.h"
namespace phi {
namespace funcs {
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#pragma once
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/gpu/gpu_info.h"
#include "paddle/phi/common/memory_utils.h"
......
......@@ -27,6 +27,7 @@ limitations under the License. */
#if CUDA_VERSION >= 11060
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/backends/all_context.h"
#include "paddle/phi/backends/dynload/cublasLt.h"
#include "paddle/phi/backends/gpu/cuda/cuda_helper.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/kernels/funcs/gather_scatter_functor.h"
#include "glog/logging.h"
namespace phi {
namespace funcs {
......
......@@ -24,6 +24,8 @@ namespace cub = hipcub;
#include <iostream>
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_device_function.h"
#include "paddle/phi/backends/gpu/gpu_dnn.h"
......
......@@ -30,6 +30,8 @@ limitations under the License. */
#include "paddle/phi/backends/onednn/axpy_handler.h"
#endif
#include "glog/logging.h"
namespace phi {
namespace funcs {
template <typename T>
......
......@@ -15,6 +15,8 @@ limitations under the License. */
#include <set>
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_primitives.h"
#include "paddle/phi/common/bfloat16.h"
#include "paddle/phi/common/float16.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/backends/dynload/cusparse.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/float16.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_launch_config.h"
#include "paddle/phi/kernels/funcs/fast_divmod.h"
#include "paddle/phi/kernels/funcs/segmented_array.h"
......
......@@ -16,6 +16,8 @@
#include "paddle/phi/kernels/fusion/cutlass/conv2d/conv2d_util.h"
#include "glog/logging.h"
namespace phi {
namespace fusion {
namespace cutlass_internal {
......
......@@ -17,6 +17,8 @@
#include <vector>
#include "paddle/phi/kernels/fusion/cutlass/conv2d/conv2d_decl.h"
#include "glog/logging.h"
#include "cutlass/cutlass.h"
#include "cutlass/gemm/device/gemm.h"
......
......@@ -18,6 +18,8 @@
#include "paddle/phi/backends/dynload/cublasLt.h"
#endif
#include "glog/logging.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
#include "paddle/phi/kernels/funcs/blas/blaslt_impl.cu.h"
#include "paddle/phi/kernels/funcs/broadcast_function.h"
......
......@@ -22,6 +22,8 @@
#include <memory>
#include <unordered_map>
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/dynload/cudnn.h"
#include "paddle/phi/backends/gpu/cuda/cudnn_desc.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/core/tensor_utils.h"
#include "paddle/phi/kernels/funcs/blas/blas.h"
#include "paddle/phi/kernels/funcs/broadcast_function.h"
......
......@@ -18,6 +18,8 @@
#include "paddle/phi/backends/dynload/cublasLt.h"
#endif
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/kernels/funcs/dropout_impl_util.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#pragma once
#include "glog/logging.h"
#include "paddle/phi/kernels/funcs/layer_norm_impl.cu.h"
#include "paddle/phi/kernels/fusion/gpu/fused_residual_dropout_bias.h"
......
......@@ -12,6 +12,8 @@
// See the License for the specific language governing permissions and
// limitations under the License.
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/dense_tensor.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -12,6 +12,8 @@
// See the License for the specific language governing permissions and
// limitations under the License.
#include "glog/logging.h"
#include "paddle/phi/backends/onednn/onednn_reuse.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/transpose_kernel.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include "paddle/phi/backends/xpu/enforce_xpu.h"
#include "glog/logging.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/memcpy_kernel.h"
#ifdef PADDLE_WITH_XPU_XFT
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#include "paddle/phi/kernels/activation_grad_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_device_function.h"
#include "paddle/phi/common/bfloat16.h"
......
......@@ -18,6 +18,8 @@
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/amp_type_traits.h"
#include "paddle/phi/common/float16.h"
......
......@@ -18,6 +18,8 @@
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/amp_type_traits.h"
#include "paddle/phi/common/bfloat16.h"
......
......@@ -16,6 +16,8 @@
#include "paddle/phi/kernels/affine_grid_grad_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_device_function.h"
#include "paddle/phi/backends/gpu/gpu_primitives.h"
......
......@@ -12,6 +12,8 @@
// See the License for the specific language governing permissions and
// limitations under the License.
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_dnn.h"
#include "paddle/phi/common/layout.h"
......
......@@ -20,6 +20,8 @@
namespace cub = hipcub;
#endif
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_dnn.h"
#include "paddle/phi/common/layout.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#pragma once
#include "glog/logging.h"
#include "paddle/phi/common/place.h"
#include "paddle/phi/core/tensor_utils.h"
#include "paddle/phi/kernels/funcs/broadcast_function.h"
......
......@@ -15,6 +15,7 @@
#include "paddle/phi/kernels/embedding_grad_kernel.h"
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/backends/gpu/gpu_primitives.h"
#include "paddle/phi/common/data_type.h"
......
......@@ -14,6 +14,8 @@
#pragma once
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/amp_type_traits.h"
#include "paddle/phi/common/place.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/grid_sample_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_info.h"
#include "paddle/phi/backends/gpu/gpu_launch_config.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -15,6 +15,7 @@
#include "paddle/phi/kernels/index_add_kernel.h"
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_info.h"
#include "paddle/phi/backends/gpu/gpu_launch_config.h"
#include "paddle/phi/backends/gpu/gpu_primitives.h"
......
......@@ -15,6 +15,7 @@
#include "paddle/phi/kernels/index_select_grad_kernel.h"
#include "gflags/gflags.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_info.h"
#include "paddle/phi/backends/gpu/gpu_launch_config.h"
#include "paddle/phi/backends/gpu/gpu_primitives.h"
......
......@@ -13,6 +13,9 @@
// limitations under the License.
#include "paddle/phi/kernels/instance_norm_grad_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/layout.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/instance_norm_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/layout.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/p_recv_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/all_context.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/core/ddim.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/p_send_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/all_context.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/prelu_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/kernel_registry.h"
#include "paddle/phi/kernels/funcs/elementwise_base.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/rnn_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/generator.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/top_k_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/bfloat16.h"
#include "paddle/phi/core/kernel_registry.h"
......
......@@ -17,6 +17,8 @@ limitations under the License. */
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/dynload/cudnn_frontend.h"
#include "paddle/phi/backends/gpu/cuda/cudnn_desc.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
......
......@@ -14,6 +14,8 @@ limitations under the License. */
#pragma once
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/cuda/cuda_graph_with_memory_pool.h"
#include "paddle/phi/kernels/autotune/switch_autotune.h"
#include "paddle/phi/kernels/gpudnn/conv_gpudnn_base.h"
......
......@@ -20,6 +20,8 @@ limitations under the License. */
#include <string>
#include <vector>
#include "glog/logging.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/common/memory_utils.h"
#include "paddle/phi/kernels/autotune/cache.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/conv_grad_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/dense_tensor.h"
......
......@@ -14,6 +14,8 @@
#include "paddle/phi/kernels/conv_kernel.h"
#include "glog/logging.h"
#include "paddle/phi/backends/context_pool.h"
#include "paddle/phi/backends/gpu/gpu_context.h"
#include "paddle/phi/core/dense_tensor.h"
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册