Skip to content

Commit

Permalink
Fix include guards
Browse files Browse the repository at this point in the history
PiperOrigin-RevId: 209085003
  • Loading branch information
tensorflower-gardener committed Aug 17, 2018
1 parent 86d2a1e commit 4d5f6fb
Show file tree
Hide file tree
Showing 15 changed files with 67 additions and 16 deletions.
6 changes: 3 additions & 3 deletions tensorflow/core/common_runtime/sycl/sycl_allocator.h
Expand Up @@ -17,8 +17,8 @@ limitations under the License.
#error This file must only be included when building TensorFlow with SYCL support
#endif

#ifndef TENSORFLOW_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_
#define TENSORFLOW_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_
#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_
#define TENSORFLOW_CORE_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_

#include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor"
#include "tensorflow/core/framework/allocator.h"
Expand Down Expand Up @@ -72,4 +72,4 @@ class SYCLAllocator : public Allocator {

} // namespace tensorflow

#endif // TENSORFLOW_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_
#endif // TENSORFLOW_CORE_COMMON_RUNTIME_SYCL_SYCL_ALLOCATOR_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/batch_matmul_op_impl.h
Expand Up @@ -15,6 +15,9 @@ limitations under the License.

// See docs in ../ops/math_ops.cc.

#ifndef TENSORFLOW_CORE_KERNELS_BATCH_MATMUL_OP_IMPL_H_
#define TENSORFLOW_CORE_KERNELS_BATCH_MATMUL_OP_IMPL_H_

#define EIGEN_USE_THREADS

#include <vector>
Expand Down Expand Up @@ -613,3 +616,5 @@ class BatchMatMul : public OpKernel {
BatchMatMul<SYCLDevice, TYPE>)
#endif // TENSORFLOW_USE_SYCL
} // end namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_BATCH_MATMUL_OP_IMPL_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/concat_lib_cpu.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_CONCAT_LIB_CPU_H_
#define TENSORFLOW_CORE_KERNELS_CONCAT_LIB_CPU_H_

#define EIGEN_USE_THREADS

#include <vector>
Expand Down Expand Up @@ -162,3 +165,5 @@ void ConcatSYCLImpl(
}
#endif // TENSORFLOW_USE_SYCL
} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_CONCAT_LIB_CPU_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/cuda_solvers.h
Expand Up @@ -14,6 +14,9 @@ limitations under the License.
==============================================================================
*/

#ifndef TENSORFLOW_CORE_KERNELS_CUDA_SOLVERS_H_
#define TENSORFLOW_CORE_KERNELS_CUDA_SOLVERS_H_

// This header declares the class CudaSolver, which contains wrappers of linear
// algebra solvers in the cuBlas and cuSolverDN libraries for use in TensorFlow
// kernels.
Expand Down Expand Up @@ -433,3 +436,5 @@ inline DeviceLapackInfo CudaSolver::GetDeviceLapackInfo(
} // namespace tensorflow

#endif // GOOGLE_CUDA

#endif // TENSORFLOW_CORE_KERNELS_CUDA_SOLVERS_H_
6 changes: 3 additions & 3 deletions tensorflow/core/kernels/cwise_ops_gpu_common.cu.h
Expand Up @@ -17,8 +17,8 @@ limitations under the License.
#error This file must only be included when building with Cuda support
#endif

#ifndef TENSORFLOW_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_
#define TENSORFLOW_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_
#ifndef TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_
#define TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_

#define EIGEN_USE_GPU

Expand Down Expand Up @@ -188,4 +188,4 @@ struct ApproximateEqual<GPUDevice, T> {
} // end namespace functor
} // end namespace tensorflow

#endif // TENSORFLOW_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_
#endif // TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_COMMON_CU_H_
6 changes: 3 additions & 3 deletions tensorflow/core/kernels/cwise_ops_gpu_gradients.cu.h
Expand Up @@ -17,8 +17,8 @@ limitations under the License.
#error This file must only be included when building with Cuda support
#endif

#ifndef TENSORFLOW_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_
#define TENSORFLOW_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_
#ifndef TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_
#define TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_

#define EIGEN_USE_GPU

Expand Down Expand Up @@ -68,4 +68,4 @@ struct SimpleBinaryFunctor<GPUDevice, Functor> {
} // end namespace functor
} // end namespace tensorflow

#endif // TENSORFLOW_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_
#endif // TENSORFLOW_CORE_KERNELS_CWISE_OPS_GPU_GRADIENTS_CU_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/gemm_functors.h
Expand Up @@ -24,6 +24,9 @@ limitations under the License.
#error "EIGEN_USE_THREADS must be enabled by all .cc files including this."
#endif // EIGEN_USE_THREADS

#ifndef TENSORFLOW_CORE_KERNELS_GEMM_FUNCTORS_H_
#define TENSORFLOW_CORE_KERNELS_GEMM_FUNCTORS_H_

#include <string.h>
#include <map>
#include <vector>
Expand Down Expand Up @@ -116,3 +119,5 @@ class FastGemmFunctor<float, float, float> {
}
};
#endif // USE_CBLAS_GEMM

#endif // TENSORFLOW_CORE_KERNELS_GEMM_FUNCTORS_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/matrix_solve_ls_op_impl.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_MATRIX_SOLVE_LS_OP_IMPL_H_
#define TENSORFLOW_CORE_KERNELS_MATRIX_SOLVE_LS_OP_IMPL_H_

// See docs in ../ops/linalg_ops.cc.

#include "third_party/eigen3/Eigen/Cholesky"
Expand Down Expand Up @@ -159,3 +162,5 @@ class MatrixSolveLsOp : public LinearAlgebraOp<Scalar> {
};

} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_MATRIX_SOLVE_LS_OP_IMPL_H_
6 changes: 3 additions & 3 deletions tensorflow/core/kernels/pooling_ops_3d_gpu.h
Expand Up @@ -17,8 +17,8 @@ limitations under the License.
#error This file must only be included when building with Cuda support
#endif

#ifndef TENSORFLOW_CORE_KERNELS_POOLING_OP_3D_GPU_H_
#define TENSORFLOW_CORE_KERNELS_POOLING_OP_3D_GPU_H_
#ifndef TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_GPU_H_
#define TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_GPU_H_

#define EIGEN_USE_GPU

Expand All @@ -45,4 +45,4 @@ struct MaxPool3dGradBackward {

} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_POOLING_OP_3D_H_
#endif // TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_GPU_H_
7 changes: 6 additions & 1 deletion tensorflow/core/kernels/qr_op_impl.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_QR_OP_IMPL_H_
#define TENSORFLOW_CORE_KERNELS_QR_OP_IMPL_H_

// See docs in ../ops/linalg_ops.cc.
//
// This header file is used by the individual qr_*op*.cc files for registering
Expand Down Expand Up @@ -292,6 +295,8 @@ class QrOpGpu : public AsyncOpKernel {
TF_DISALLOW_COPY_AND_ASSIGN(QrOpGpu);
};

#endif
#endif // GOOGLE_CUDA

} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_QR_OP_IMPL_H_
7 changes: 6 additions & 1 deletion tensorflow/core/kernels/reduction_gpu_kernels.cu.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_REDUCTION_GPU_KERNELS_CU_H_
#define TENSORFLOW_CORE_KERNELS_REDUCTION_GPU_KERNELS_CU_H_

#if GOOGLE_CUDA

#define EIGEN_USE_GPU
Expand Down Expand Up @@ -1058,4 +1061,6 @@ struct ReduceFunctor<GPUDevice, Eigen::internal::OrReducer> {
} // namespace functor
} // namespace tensorflow

#endif
#endif // GOOGLE_CUDA

#endif // TENSORFLOW_CORE_KERNELS_REDUCTION_GPU_KERNELS_CU_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/self_adjoint_eig_v2_op_impl.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_SELF_ADJOINT_EIG_V2_OP_IMPL_H_
#define TENSORFLOW_CORE_KERNELS_SELF_ADJOINT_EIG_V2_OP_IMPL_H_

// See docs in ../ops/linalg_ops.cc.

#include "third_party/eigen3/Eigen/Core"
Expand Down Expand Up @@ -85,3 +88,5 @@ class SelfAdjointEigV2Op : public LinearAlgebraOp<Scalar> {
};

} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_SELF_ADJOINT_EIG_V2_OP_IMPL_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/svd_op_impl.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_SVD_OP_IMPL_H_
#define TENSORFLOW_CORE_KERNELS_SVD_OP_IMPL_H_

// See docs in ../ops/linalg_ops.cc.
//
// This header file is used by the individual svd_*op*.cc files for registering
Expand Down Expand Up @@ -101,3 +104,5 @@ class SvdOp : public LinearAlgebraOp<Scalar> {
};

} // namespace tensorflow

#endif // TENSORFLOW_CORE_KERNELS_SVD_OP_IMPL_H_
5 changes: 5 additions & 0 deletions tensorflow/core/kernels/where_op_gpu.cu.h
Expand Up @@ -13,6 +13,9 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_CORE_KERNELS_WHERE_OP_GPU_CU_H_
#define TENSORFLOW_CORE_KERNELS_WHERE_OP_GPU_CU_H_

#if GOOGLE_CUDA

#define EIGEN_USE_GPU
Expand Down Expand Up @@ -346,3 +349,5 @@ TF_CALL_WHERE_GPU_TYPES(DECLARE_GPU_SPEC);
} // namespace tensorflow

#endif // GOOGLE_CUDA

#endif // TENSORFLOW_CORE_KERNELS_WHERE_OP_GPU_CU_H_
5 changes: 3 additions & 2 deletions tensorflow/core/util/env_var.h
Expand Up @@ -13,7 +13,8 @@ See the License for the specific language governing permissions and
limitations under the License.
==============================================================================*/

#ifndef TENSORFLOW_UTIL_ENV_VAR_H_
#ifndef TENSORFLOW_CORE_UTIL_ENV_VAR_H_
#define TENSORFLOW_CORE_UTIL_ENV_VAR_H_

#include "tensorflow/core/lib/core/status.h"
#include "tensorflow/core/lib/core/stringpiece.h"
Expand Down Expand Up @@ -42,4 +43,4 @@ Status ReadStringFromEnvVar(StringPiece env_var_name, StringPiece default_val,

} // namespace tensorflow

#endif // TENSORFLOW_UTIL_ENV_VAR_H_
#endif // TENSORFLOW_CORE_UTIL_ENV_VAR_H_

0 comments on commit 4d5f6fb

Please sign in to comment.