From 72c5efff887256ab50bc5f9e586cea17c71a50b2 Mon Sep 17 00:00:00 2001 From: Asim Shankar Date: Thu, 16 Aug 2018 11:26:26 -0700 Subject: [C API/Eager]: Fix bug in TFE_OpSetAttrString. TFE_OpSetAttrString was holding on to the 'value' pointer after it returned. This bug was introduced in commit 2b0805301e4531dd7c2ed677d932f6408675460e which caused TFE_OpSetAttrString to invoke AttrBuilder& AttrBuilder::Set(StringPiece attr_name, StringPiece&& value); instead of: AttrBuilder& AttrBuilder::Set(StringPiece attr_name, T&& value) (where the latter copies 'value' when T is a StringPiece or const char* and the former aliases the memory pointed to by StringPiece). In this process, I realized that AttrBuilder::Set(StringPiece attr_name, StringPiece&& value) was never being invoked (other than in this buggy situation), so I removed it altogether. Without the changes to attr_builder.{h,cc}, the newly added test fails - complaining that "NHWC" is not a valid value for the "padding" attribute. PiperOrigin-RevId: 209017110 --- tensorflow/c/eager/c_api_test.cc | 57 ++++++++++++++++++++++++++++++++++++++++ 1 file changed, 57 insertions(+) (limited to 'tensorflow/c') diff --git a/tensorflow/c/eager/c_api_test.cc b/tensorflow/c/eager/c_api_test.cc index 71d5f3613c..7126227cf5 100644 --- a/tensorflow/c/eager/c_api_test.cc +++ b/tensorflow/c/eager/c_api_test.cc @@ -1471,4 +1471,61 @@ void BM_ReadVariable(int iters) { } BENCHMARK(BM_ReadVariable); +TEST(CAPI, StringAttributes) { + // Test that TFE_OpSetAttrString doesn't hold on to the value after it + // returns. + TF_Status* status = TF_NewStatus(); + TFE_ContextOptions* opts = TFE_NewContextOptions(); + TFE_Context* ctx = TFE_NewContext(opts, status); + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + TFE_DeleteContextOptions(opts); + + std::vector dims(4, 1); + TFE_Op* op = TFE_NewOp(ctx, "AvgPool", status); + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + + TF_Tensor* tensor = + TF_AllocateTensor(TF_FLOAT, dims.data(), dims.size(), sizeof(float)); + float tensor_data[] = {1}; + memcpy(TF_TensorData(tensor), tensor_data, TF_TensorByteSize(tensor)); + TFE_TensorHandle* tensor_handle = TFE_NewTensorHandle(tensor, status); + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + TFE_OpAddInput(op, tensor_handle, status); + TF_DeleteTensor(tensor); + TFE_DeleteTensorHandle(tensor_handle); + + std::vector values(4, 1); + TFE_OpSetAttrIntList(op, "ksize", values.data(), values.size()); + TFE_OpSetAttrIntList(op, "strides", values.data(), values.size()); + + const int BUFFER_SIZE = 10; + char buffer[BUFFER_SIZE]; + std::strncpy(buffer, "VALID", BUFFER_SIZE); + TFE_OpSetAttrString(op, "padding", buffer, std::strlen(buffer)); + // Overwriting value in "buffer", should be fine since TFE_Op + // shouldn't be holding on to it. + std::strncpy(buffer, "NHWC", BUFFER_SIZE); + TFE_OpSetAttrString(op, "data_format", buffer, std::strlen(buffer)); + + TFE_OpSetAttrType(op, "T", TF_FLOAT); + + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + + TFE_TensorHandle* retvals[1]; + int num_retvals = 1; + TFE_Execute(op, &retvals[0], &num_retvals, status); + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + ASSERT_EQ(1, num_retvals); + + tensor = TFE_TensorHandleResolve(retvals[0], status); + ASSERT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status); + EXPECT_EQ(4, TF_TensorByteSize(tensor)); + TF_DeleteTensor(tensor); + TFE_DeleteTensorHandle(retvals[0]); + + TFE_DeleteOp(op); + + TFE_DeleteContext(ctx); + TF_DeleteStatus(status); +} } // namespace -- cgit v1.2.3 From f1ed43263ff034b029e1e197e1c83178646bde7a Mon Sep 17 00:00:00 2001 From: "A. Unique TensorFlower" Date: Mon, 20 Aug 2018 17:18:25 -0700 Subject: EIGEN_MAX_ALIGN_BYTES can be zero when vectorization is disabled. In that case, checking for alignment boundaries breaks due to division by zero. But in these cases the check itself is redundant, so replace EIGEN_MAX_ALIGN_BYTES with std::max(1, EIGEN_MAX_ALIGN_BYTES). PiperOrigin-RevId: 209513729 --- tensorflow/c/c_api.cc | 3 ++- tensorflow/python/lib/core/py_func.cc | 2 +- 2 files changed, 3 insertions(+), 2 deletions(-) (limited to 'tensorflow/c') diff --git a/tensorflow/c/c_api.cc b/tensorflow/c/c_api.cc index 19ccb6e71d..b8adf6c127 100644 --- a/tensorflow/c/c_api.cc +++ b/tensorflow/c/c_api.cc @@ -202,7 +202,8 @@ TF_Tensor* TF_NewTensor(TF_DataType dtype, const int64_t* dims, int num_dims, buf->len_ = len; if (dtype != TF_STRING && dtype != TF_RESOURCE && tensorflow::DataTypeCanUseMemcpy(static_cast(dtype)) && - reinterpret_cast(data) % EIGEN_MAX_ALIGN_BYTES != 0) { + reinterpret_cast(data) % std::max(1, EIGEN_MAX_ALIGN_BYTES) != + 0) { // TF_STRING and TF_RESOURCE tensors have a different representation in // TF_Tensor than they do in tensorflow::Tensor. So a copy here is a waste // (any alignment requirements will be taken care of by TF_TensorToTensor diff --git a/tensorflow/python/lib/core/py_func.cc b/tensorflow/python/lib/core/py_func.cc index fc02d6de0e..6189503d8f 100644 --- a/tensorflow/python/lib/core/py_func.cc +++ b/tensorflow/python/lib/core/py_func.cc @@ -398,7 +398,7 @@ Status ConvertNdarrayToTensor(PyObject* obj, Tensor* ret) { TF_RETURN_IF_ERROR(NumericNpDTypeToTfDType(PyArray_TYPE(input), &dtype)); CHECK(DataTypeCanUseMemcpy(dtype)); if (reinterpret_cast(PyArray_DATA(input)) % - EIGEN_MAX_ALIGN_BYTES != + std::max(1, EIGEN_MAX_ALIGN_BYTES) != 0) { Tensor t(dtype, shape); StringPiece p = t.tensor_data(); -- cgit v1.2.3 From 7817237d5852c7778d3ba03c40f139e6f2c37a76 Mon Sep 17 00:00:00 2001 From: "A. Unique TensorFlower" Date: Tue, 21 Aug 2018 16:19:02 -0700 Subject: fix C++ header guards. PiperOrigin-RevId: 209679086 --- tensorflow/c/checkpoint_reader.h | 6 +++--- tensorflow/c/tf_status_helper.h | 6 +++--- tensorflow/compiler/jit/kernels/xla_launch_op.h | 6 +++--- tensorflow/compiler/jit/xla_launch_util.h | 2 +- tensorflow/compiler/jit/xla_tensor.h | 2 +- tensorflow/compiler/tf2xla/sharding_util.h | 6 +++--- tensorflow/compiler/xla/client/sharding_builder.h | 2 +- tensorflow/compiler/xla/iterator_util.h | 6 +++--- tensorflow/compiler/xla/service/call_graph.h | 6 +++--- tensorflow/compiler/xla/service/call_inliner.h | 6 +++--- tensorflow/compiler/xla/service/cpu/cpu_copy_insertion.h | 6 +++--- tensorflow/compiler/xla/service/cpu/cpu_transfer_manager.h | 6 +++--- tensorflow/compiler/xla/service/gpu/gpu_transfer_manager.h | 6 +++--- .../compiler/xla/service/interpreter/interpreter_transfer_manager.h | 6 +++--- tensorflow/compiler/xla/service/llvm_ir/kernel_support_library.h | 6 +++--- tensorflow/compiler/xla/service/source_map_util.h | 6 +++--- tensorflow/compiler/xla/test.h | 6 +++--- tensorflow/contrib/boosted_trees/lib/utils/parallel_for.h | 6 +++--- tensorflow/contrib/boosted_trees/lib/utils/random.h | 6 +++--- tensorflow/contrib/cloud/kernels/bigquery_table_accessor.h | 6 +++--- .../contrib/cloud/kernels/bigquery_table_accessor_test_data.h | 6 +++--- tensorflow/contrib/gdr/gdr_memory_manager.h | 6 +++--- tensorflow/contrib/gdr/gdr_rendezvous_mgr.h | 6 +++--- tensorflow/contrib/gdr/gdr_server_lib.h | 6 +++--- tensorflow/contrib/gdr/gdr_worker.h | 6 +++--- tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h | 2 +- tensorflow/contrib/lite/examples/label_image/get_top_n.h | 6 +++--- tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h | 6 +++--- tensorflow/contrib/lite/examples/label_image/label_image.h | 6 +++--- tensorflow/contrib/lite/java/src/main/native/exception_jni.h | 6 +++--- .../lite/java/src/main/native/nativeinterpreterwrapper_jni.h | 6 +++--- tensorflow/contrib/lite/java/src/main/native/tensor_jni.h | 6 +++--- tensorflow/contrib/lite/java/src/main/native/tensorflow_lite_jni.h | 6 +++--- tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h | 6 +++--- .../internal/optimized/eigen_tensor_reduced_instantiations_google.h | 2 +- .../contrib/lite/kernels/internal/optimized/multithreaded_conv.h | 6 +++--- tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h | 6 +++--- tensorflow/contrib/lite/kernels/op_macros.h | 6 +++--- tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h | 6 +++--- tensorflow/contrib/lite/optional_debug_tools.h | 6 +++--- tensorflow/contrib/lite/testing/parse_testdata.h | 6 +++--- tensorflow/contrib/lite/testing/tokenize.h | 6 +++--- tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster.h | 6 +++--- .../contrib/lite/toco/tensorflow_graph_matching/cluster_utils.h | 6 +++--- .../contrib/lite/toco/tensorflow_graph_matching/resolve_cluster.h | 6 +++--- .../contrib/lite/toco/tensorflow_graph_matching/resolve_svdf.h | 6 +++--- tensorflow/contrib/lite/toco/toco_types.h | 6 +++--- tensorflow/contrib/lite/tools/benchmark/benchmark_model.h | 4 ++-- tensorflow/contrib/lite/tools/benchmark/benchmark_tflite_model.h | 4 ++-- tensorflow/contrib/lite/tools/benchmark/command_line_flags.h | 4 ++-- tensorflow/contrib/lite/tools/benchmark/logging.h | 4 ++-- tensorflow/contrib/nccl/kernels/nccl_manager.h | 6 +++--- tensorflow/contrib/periodic_resample/kernels/periodic_resample_op.h | 6 +++--- tensorflow/contrib/reduce_slice_ops/kernels/reduce_slice_ops.h | 6 +++--- tensorflow/contrib/tensor_forest/hybrid/core/ops/utils.h | 6 +++--- tensorflow/contrib/tensor_forest/kernels/data_spec.h | 6 +++--- tensorflow/contrib/tensor_forest/kernels/tree_utils.h | 6 +++--- tensorflow/contrib/tensorrt/resources/trt_resource_manager.h | 2 +- tensorflow/contrib/verbs/grpc_verbs_client.h | 6 +++--- tensorflow/contrib/verbs/grpc_verbs_service_impl.h | 6 +++--- tensorflow/contrib/verbs/verbs_util.h | 6 +++--- tensorflow/core/common_runtime/bfc_allocator.h | 6 +++--- tensorflow/core/common_runtime/buf_rendezvous.h | 6 +++--- tensorflow/core/common_runtime/collective_executor_mgr.h | 6 +++--- tensorflow/core/common_runtime/collective_param_resolver_local.h | 6 +++--- tensorflow/core/common_runtime/collective_rma_local.h | 6 +++--- tensorflow/core/common_runtime/constant_folding.h | 6 +++--- tensorflow/core/common_runtime/debugger_state_interface.h | 6 +++--- tensorflow/core/common_runtime/device.h | 6 +++--- tensorflow/core/common_runtime/device_factory.h | 6 +++--- tensorflow/core/common_runtime/device_mgr.h | 6 +++--- tensorflow/core/common_runtime/device_resolver_local.h | 6 +++--- tensorflow/core/common_runtime/device_set.h | 6 +++--- tensorflow/core/common_runtime/direct_session.h | 6 +++--- tensorflow/core/common_runtime/dma_helper.h | 6 +++--- tensorflow/core/common_runtime/eager/attr_builder.h | 6 +++--- tensorflow/core/common_runtime/executor.h | 6 +++--- tensorflow/core/common_runtime/function.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_cudamalloc_allocator.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_debug_allocator.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_event_mgr.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_init.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_stream_util.h | 6 +++--- tensorflow/core/common_runtime/gpu/gpu_util.h | 6 +++--- tensorflow/core/common_runtime/gpu_device_context.h | 6 +++--- tensorflow/core/common_runtime/kernel_benchmark_testlib.h | 6 +++--- tensorflow/core/common_runtime/local_device.h | 6 +++--- tensorflow/core/common_runtime/placer.h | 6 +++--- tensorflow/core/common_runtime/rendezvous_mgr.h | 6 +++--- tensorflow/core/common_runtime/session_factory.h | 6 +++--- tensorflow/core/common_runtime/visitable_allocator.h | 6 +++--- tensorflow/core/debug/debug_callback_registry.h | 6 +++--- tensorflow/core/debug/debug_graph_utils.h | 6 +++--- tensorflow/core/debug/debug_grpc_testlib.h | 6 +++--- tensorflow/core/debug/debug_io_utils.h | 6 +++--- tensorflow/core/debug/debug_node_key.h | 6 +++--- tensorflow/core/debug/debugger_state_impl.h | 6 +++--- tensorflow/core/distributed_runtime/master_env.h | 2 +- tensorflow/core/distributed_runtime/message_wrappers.h | 2 +- tensorflow/core/distributed_runtime/rpc/grpc_remote_worker.h | 6 +++--- tensorflow/core/distributed_runtime/rpc/grpc_testlib.h | 6 +++--- tensorflow/core/example/example_parser_configuration.h | 2 +- tensorflow/core/example/feature_util.h | 6 +++--- tensorflow/core/framework/attr_value_util.h | 6 +++--- tensorflow/core/framework/bfloat16.h | 6 +++--- tensorflow/core/framework/cancellation.h | 6 +++--- tensorflow/core/framework/collective.h | 6 +++--- tensorflow/core/framework/common_shape_fns.h | 6 +++--- tensorflow/core/framework/control_flow.h | 6 +++--- tensorflow/core/framework/fake_input.h | 6 +++--- tensorflow/core/framework/function.h | 6 +++--- tensorflow/core/framework/graph_def_util.h | 6 +++--- tensorflow/core/framework/kernel_def_builder.h | 6 +++--- tensorflow/core/framework/log_memory.h | 6 +++--- tensorflow/core/framework/lookup_interface.h | 6 +++--- tensorflow/core/framework/memory_types.h | 6 +++--- tensorflow/core/framework/node_def_builder.h | 6 +++--- tensorflow/core/framework/node_def_util.h | 6 +++--- tensorflow/core/framework/numeric_op.h | 6 +++--- tensorflow/core/framework/numeric_types.h | 6 +++--- tensorflow/core/framework/op.h | 6 +++--- tensorflow/core/framework/op_def_builder.h | 6 +++--- tensorflow/core/framework/op_def_util.h | 6 +++--- tensorflow/core/framework/op_gen_lib.h | 6 +++--- tensorflow/core/framework/queue_interface.h | 6 +++--- tensorflow/core/framework/reader_base.h | 6 +++--- tensorflow/core/framework/reader_interface.h | 6 +++--- tensorflow/core/framework/reader_op_kernel.h | 6 +++--- tensorflow/core/framework/register_types.h | 6 +++--- tensorflow/core/framework/register_types_traits.h | 6 +++--- tensorflow/core/framework/resource_mgr.h | 6 +++--- tensorflow/core/framework/resource_op_kernel.h | 6 +++--- tensorflow/core/framework/selective_registration.h | 6 +++--- tensorflow/core/framework/session_state.h | 6 +++--- tensorflow/core/framework/tensor_slice.h | 6 +++--- tensorflow/core/framework/tensor_types.h | 6 +++--- tensorflow/core/framework/tensor_util.h | 6 +++--- tensorflow/core/framework/tracking_allocator.h | 6 +++--- tensorflow/core/framework/type_index.h | 6 +++--- tensorflow/core/framework/type_traits.h | 6 +++--- tensorflow/core/framework/types.h | 6 +++--- tensorflow/core/framework/variant.h | 6 +++--- tensorflow/core/framework/variant_encode_decode.h | 6 +++--- tensorflow/core/framework/variant_op_registry.h | 6 +++--- tensorflow/core/framework/variant_tensor_data.h | 6 +++--- tensorflow/core/graph/algorithm.h | 6 +++--- tensorflow/core/graph/colors.h | 6 +++--- tensorflow/core/graph/control_flow.h | 6 +++--- tensorflow/core/graph/costmodel.h | 6 +++--- tensorflow/core/graph/default_device.h | 6 +++--- tensorflow/core/graph/graph_constructor.h | 6 +++--- tensorflow/core/graph/graph_def_builder.h | 6 +++--- tensorflow/core/graph/graph_partition.h | 6 +++--- tensorflow/core/graph/mkl_layout_pass.h | 6 +++--- tensorflow/core/graph/node_builder.h | 6 +++--- tensorflow/core/graph/optimizer_cse.h | 6 +++--- tensorflow/core/graph/quantize_training.h | 6 +++--- tensorflow/core/graph/subgraph.h | 6 +++--- tensorflow/core/graph/testlib.h | 6 +++--- tensorflow/core/graph/types.h | 6 +++--- tensorflow/core/graph/while_context.h | 6 +++--- tensorflow/core/kernels/adjust_contrast_op.h | 6 +++--- tensorflow/core/kernels/adjust_hue_op.h | 6 +++--- tensorflow/core/kernels/adjust_saturation_op.h | 6 +++--- tensorflow/core/kernels/aggregate_ops.h | 6 +++--- tensorflow/core/kernels/aggregate_ops_cpu.h | 6 +++--- tensorflow/core/kernels/argmax_op.h | 6 +++--- tensorflow/core/kernels/assign_op.h | 6 +++--- tensorflow/core/kernels/avgpooling_op.h | 6 +++--- tensorflow/core/kernels/batch_norm_op.h | 6 +++--- tensorflow/core/kernels/betainc_op.h | 6 +++--- tensorflow/core/kernels/bias_op.h | 6 +++--- tensorflow/core/kernels/bincount_op.h | 6 +++--- tensorflow/core/kernels/bounds_check.h | 6 +++--- tensorflow/core/kernels/broadcast_to_op.h | 6 +++--- tensorflow/core/kernels/bucketize_op.h | 6 +++--- tensorflow/core/kernels/cast_op.h | 6 +++--- tensorflow/core/kernels/concat_lib.h | 6 +++--- tensorflow/core/kernels/conditional_accumulator.h | 6 +++--- tensorflow/core/kernels/conditional_accumulator_base.h | 6 +++--- tensorflow/core/kernels/conditional_accumulator_base_op.h | 6 +++--- tensorflow/core/kernels/control_flow_ops.h | 6 +++--- tensorflow/core/kernels/conv_2d.h | 6 +++--- tensorflow/core/kernels/conv_3d.h | 6 +++--- tensorflow/core/kernels/conv_ops.h | 6 +++--- tensorflow/core/kernels/cudnn_pooling_gpu.h | 6 +++--- tensorflow/core/kernels/cwise_ops.h | 6 +++--- tensorflow/core/kernels/cwise_ops_common.h | 6 +++--- tensorflow/core/kernels/cwise_ops_gradients.h | 6 +++--- tensorflow/core/kernels/data_format_ops.h | 6 +++--- tensorflow/core/kernels/debug_ops.h | 6 +++--- tensorflow/core/kernels/dense_update_functor.h | 6 +++--- tensorflow/core/kernels/eigen_backward_spatial_convolutions.h | 2 +- tensorflow/core/kernels/extract_image_patches_op.h | 6 +++--- tensorflow/core/kernels/fake_quant_ops_functor.h | 6 +++--- tensorflow/core/kernels/fill_functor.h | 6 +++--- tensorflow/core/kernels/fractional_pool_common.h | 6 +++--- tensorflow/core/kernels/fused_batch_norm_op.h | 6 +++--- tensorflow/core/kernels/gather_functor.h | 6 +++--- tensorflow/core/kernels/gather_nd_op.h | 6 +++--- tensorflow/core/kernels/gather_nd_op_cpu_impl.h | 6 +++--- tensorflow/core/kernels/hexagon/graph_transfer_utils.h | 6 +++--- tensorflow/core/kernels/hexagon/graph_transferer.h | 2 +- tensorflow/core/kernels/hexagon/hexagon_control_wrapper.h | 6 +++--- tensorflow/core/kernels/hexagon/hexagon_ops_definitions.h | 2 +- tensorflow/core/kernels/hinge-loss.h | 6 +++--- tensorflow/core/kernels/histogram_op.h | 6 +++--- tensorflow/core/kernels/i_remote_fused_graph_executor.h | 6 +++--- tensorflow/core/kernels/identity_n_op.h | 6 +++--- tensorflow/core/kernels/identity_op.h | 6 +++--- tensorflow/core/kernels/image_resizer_state.h | 6 +++--- tensorflow/core/kernels/immutable_constant_op.h | 6 +++--- tensorflow/core/kernels/initializable_lookup_table.h | 6 +++--- tensorflow/core/kernels/inplace_ops_functor.h | 6 +++--- tensorflow/core/kernels/l2loss_op.h | 6 +++--- tensorflow/core/kernels/linalg_ops_common.h | 6 +++--- tensorflow/core/kernels/logistic-loss.h | 6 +++--- tensorflow/core/kernels/lookup_table_init_op.h | 6 +++--- tensorflow/core/kernels/lookup_table_op.h | 6 +++--- tensorflow/core/kernels/loss.h | 6 +++--- tensorflow/core/kernels/matmul_op.h | 6 +++--- tensorflow/core/kernels/matrix_set_diag_op.h | 6 +++--- tensorflow/core/kernels/maxpooling_op.h | 6 +++--- tensorflow/core/kernels/mirror_pad_op.h | 6 +++--- tensorflow/core/kernels/mirror_pad_op_cpu_impl.h | 6 +++--- tensorflow/core/kernels/multinomial_op.h | 6 +++--- tensorflow/core/kernels/neon/depthwiseconv_float.h | 6 +++--- tensorflow/core/kernels/no_op.h | 6 +++--- tensorflow/core/kernels/nth_element_op.h | 6 +++--- tensorflow/core/kernels/one_hot_op.h | 6 +++--- tensorflow/core/kernels/ops_testutil.h | 6 +++--- tensorflow/core/kernels/ops_util.h | 6 +++--- tensorflow/core/kernels/pad_op.h | 6 +++--- tensorflow/core/kernels/padding_fifo_queue.h | 6 +++--- tensorflow/core/kernels/parameterized_truncated_normal_op.h | 6 +++--- tensorflow/core/kernels/pooling_ops_3d.h | 6 +++--- tensorflow/core/kernels/pooling_ops_common.h | 6 +++--- tensorflow/core/kernels/priority_queue.h | 6 +++--- tensorflow/core/kernels/random_op.h | 6 +++--- tensorflow/core/kernels/random_poisson_op.h | 6 +++--- tensorflow/core/kernels/range_sampler.h | 6 +++--- tensorflow/core/kernels/record_yielder.h | 6 +++--- tensorflow/core/kernels/reduction_ops.h | 6 +++--- tensorflow/core/kernels/reduction_ops_common.h | 6 +++--- tensorflow/core/kernels/relu_op.h | 6 +++--- tensorflow/core/kernels/relu_op_functor.h | 6 +++--- tensorflow/core/kernels/reshape_op.h | 6 +++--- tensorflow/core/kernels/reverse_op.h | 6 +++--- tensorflow/core/kernels/reverse_sequence_op.h | 6 +++--- tensorflow/core/kernels/save_restore_tensor.h | 6 +++--- tensorflow/core/kernels/scan_ops.h | 6 +++--- tensorflow/core/kernels/scatter_functor.h | 6 +++--- tensorflow/core/kernels/scatter_functor_gpu.cu.h | 6 +++--- tensorflow/core/kernels/sendrecv_ops.h | 6 +++--- tensorflow/core/kernels/shape_ops.h | 6 +++--- tensorflow/core/kernels/slice_op.h | 6 +++--- tensorflow/core/kernels/smooth-hinge-loss.h | 6 +++--- tensorflow/core/kernels/snapshot_op.h | 6 +++--- tensorflow/core/kernels/softmax_op_functor.h | 6 +++--- tensorflow/core/kernels/softplus_op.h | 6 +++--- tensorflow/core/kernels/softsign_op.h | 6 +++--- tensorflow/core/kernels/sparse_conditional_accumulator.h | 6 +++--- tensorflow/core/kernels/sparse_matmul_op.h | 6 +++--- tensorflow/core/kernels/sparse_tensor_dense_add_op.h | 6 +++--- tensorflow/core/kernels/sparse_tensor_dense_matmul_op.h | 6 +++--- tensorflow/core/kernels/split_lib.h | 6 +++--- tensorflow/core/kernels/squared-loss.h | 6 +++--- tensorflow/core/kernels/strided_slice_op.h | 6 +++--- tensorflow/core/kernels/strided_slice_op_impl.h | 6 +++--- tensorflow/core/kernels/tensor_array.h | 6 +++--- tensorflow/core/kernels/tile_functor.h | 6 +++--- tensorflow/core/kernels/tile_ops_impl.h | 6 +++--- tensorflow/core/kernels/topk_op.h | 6 +++--- tensorflow/core/kernels/training_op_helpers.h | 6 +++--- tensorflow/core/kernels/training_ops.h | 6 +++--- tensorflow/core/kernels/typed_conditional_accumulator_base.h | 6 +++--- tensorflow/core/kernels/variable_ops.h | 6 +++--- tensorflow/core/kernels/where_op.h | 6 +++--- tensorflow/core/lib/core/arena.h | 6 +++--- tensorflow/core/lib/core/bits.h | 6 +++--- tensorflow/core/lib/core/casts.h | 6 +++--- tensorflow/core/lib/core/coding.h | 6 +++--- tensorflow/core/lib/core/errors.h | 6 +++--- tensorflow/core/lib/core/notification.h | 6 +++--- tensorflow/core/lib/core/raw_coding.h | 6 +++--- tensorflow/core/lib/core/status_test_util.h | 6 +++--- tensorflow/core/lib/core/stringpiece.h | 6 +++--- tensorflow/core/lib/core/threadpool.h | 6 +++--- tensorflow/core/lib/gtl/array_slice.h | 6 +++--- tensorflow/core/lib/gtl/cleanup.h | 6 +++--- tensorflow/core/lib/gtl/inlined_vector.h | 6 +++--- tensorflow/core/lib/gtl/optional.h | 6 +++--- tensorflow/core/lib/gtl/priority_queue_util.h | 6 +++--- tensorflow/core/lib/hash/crc32c.h | 6 +++--- tensorflow/core/lib/hash/hash.h | 6 +++--- tensorflow/core/lib/histogram/histogram.h | 6 +++--- tensorflow/core/lib/io/buffered_inputstream.h | 6 +++--- tensorflow/core/lib/io/inputstream_interface.h | 4 ++-- tensorflow/core/lib/io/path.h | 6 +++--- tensorflow/core/lib/io/proto_encode_helper.h | 6 +++--- tensorflow/core/lib/io/random_inputstream.h | 6 +++--- tensorflow/core/lib/io/record_reader.h | 6 +++--- tensorflow/core/lib/io/record_writer.h | 6 +++--- tensorflow/core/lib/io/table.h | 6 +++--- tensorflow/core/lib/io/table_builder.h | 6 +++--- tensorflow/core/lib/io/table_options.h | 6 +++--- tensorflow/core/lib/jpeg/jpeg_handle.h | 6 +++--- tensorflow/core/lib/jpeg/jpeg_mem.h | 6 +++--- tensorflow/core/lib/math/math_util.h | 6 +++--- tensorflow/core/lib/random/distribution_sampler.h | 6 +++--- tensorflow/core/lib/random/philox_random.h | 6 +++--- tensorflow/core/lib/random/random_distributions.h | 6 +++--- tensorflow/core/lib/random/simple_philox.h | 6 +++--- tensorflow/core/lib/strings/numbers.h | 6 +++--- tensorflow/core/lib/strings/str_util.h | 6 +++--- tensorflow/core/lib/strings/strcat.h | 6 +++--- tensorflow/core/lib/strings/stringprintf.h | 6 +++--- tensorflow/core/platform/abi.h | 6 +++--- tensorflow/core/platform/cloud/auth_provider.h | 6 +++--- tensorflow/core/platform/cloud/gcs_dns_cache.h | 6 +++--- tensorflow/core/platform/cloud/google_auth_provider.h | 6 +++--- tensorflow/core/platform/cloud/http_request.h | 6 +++--- tensorflow/core/platform/cloud/http_request_fake.h | 6 +++--- tensorflow/core/platform/context.h | 6 +++--- tensorflow/core/platform/cpu_feature_guard.h | 6 +++--- tensorflow/core/platform/cpu_info.h | 6 +++--- tensorflow/core/platform/default/integral_types.h | 6 +++--- tensorflow/core/platform/default/logging.h | 6 +++--- tensorflow/core/platform/default/mutex.h | 6 +++--- tensorflow/core/platform/default/thread_annotations.h | 6 +++--- tensorflow/core/platform/default/tracing_impl.h | 6 +++--- tensorflow/core/platform/denormal.h | 6 +++--- tensorflow/core/platform/dynamic_annotations.h | 6 +++--- tensorflow/core/platform/host_info.h | 6 +++--- tensorflow/core/platform/init_main.h | 6 +++--- tensorflow/core/platform/load_library.h | 6 +++--- tensorflow/core/platform/logging.h | 6 +++--- tensorflow/core/platform/macros.h | 6 +++--- tensorflow/core/platform/mem.h | 6 +++--- tensorflow/core/platform/mutex.h | 6 +++--- tensorflow/core/platform/net.h | 6 +++--- tensorflow/core/platform/png.h | 6 +++--- tensorflow/core/platform/posix/error.h | 2 +- tensorflow/core/platform/posix/subprocess.h | 6 +++--- tensorflow/core/platform/prefetch.h | 6 +++--- .../core/platform/profile_utils/android_armv7a_cpu_utils_helper.h | 6 +++--- tensorflow/core/platform/profile_utils/clock_cycle_profiler.h | 6 +++--- tensorflow/core/platform/profile_utils/cpu_utils.h | 6 +++--- tensorflow/core/platform/profile_utils/i_cpu_utils_helper.h | 6 +++--- tensorflow/core/platform/protobuf.h | 6 +++--- tensorflow/core/platform/protobuf_internal.h | 6 +++--- tensorflow/core/platform/setround.h | 6 +++--- tensorflow/core/platform/snappy.h | 6 +++--- tensorflow/core/platform/stacktrace_handler.h | 6 +++--- tensorflow/core/platform/subprocess.h | 6 +++--- tensorflow/core/platform/test.h | 6 +++--- tensorflow/core/platform/test_benchmark.h | 6 +++--- tensorflow/core/platform/thread_annotations.h | 6 +++--- tensorflow/core/platform/tracing.h | 6 +++--- tensorflow/core/platform/types.h | 6 +++--- tensorflow/core/platform/windows/cpu_info.h | 6 +++--- tensorflow/core/platform/windows/integral_types.h | 6 +++--- tensorflow/core/platform/windows/subprocess.h | 6 +++--- .../core/profiler/internal/advisor/expensive_operation_checker.h | 2 +- tensorflow/core/profiler/internal/advisor/tfprof_advisor.h | 6 +++--- tensorflow/core/profiler/tfprof_options.h | 6 +++--- tensorflow/core/public/session.h | 6 +++--- tensorflow/core/util/activation_mode.h | 6 +++--- tensorflow/core/util/bcast.h | 6 +++--- tensorflow/core/util/device_name_utils.h | 6 +++--- tensorflow/core/util/events_writer.h | 6 +++--- tensorflow/core/util/guarded_philox_random.h | 6 +++--- tensorflow/core/util/mirror_pad_mode.h | 6 +++--- tensorflow/core/util/padding.h | 6 +++--- tensorflow/core/util/port.h | 6 +++--- tensorflow/core/util/saved_tensor_slice_util.h | 6 +++--- tensorflow/core/util/tensor_bundle/naming.h | 6 +++--- tensorflow/core/util/tensor_bundle/tensor_bundle.h | 6 +++--- tensorflow/core/util/tensor_slice_reader.h | 6 +++--- tensorflow/core/util/tensor_slice_reader_cache.h | 6 +++--- tensorflow/core/util/tensor_slice_writer.h | 6 +++--- tensorflow/core/util/util.h | 6 +++--- tensorflow/core/util/work_sharder.h | 6 +++--- tensorflow/examples/android/jni/object_tracking/jni_utils.h | 2 +- tensorflow/examples/android/jni/object_tracking/logging.h | 6 +++--- tensorflow/examples/android/jni/object_tracking/object_model.h | 6 +++--- tensorflow/examples/android/jni/rgb2yuv.h | 6 +++--- tensorflow/examples/android/jni/yuv2rgb.h | 6 +++--- tensorflow/java/src/main/native/exception_jni.h | 6 +++--- tensorflow/java/src/main/native/graph_jni.h | 6 +++--- tensorflow/java/src/main/native/operation_builder_jni.h | 6 +++--- tensorflow/java/src/main/native/operation_jni.h | 6 +++--- tensorflow/java/src/main/native/saved_model_bundle_jni.h | 6 +++--- tensorflow/java/src/main/native/session_jni.h | 6 +++--- tensorflow/java/src/main/native/tensor_jni.h | 6 +++--- tensorflow/java/src/main/native/tensorflow_jni.h | 6 +++--- tensorflow/java/src/main/native/utils_jni.h | 6 +++--- tensorflow/python/grappler/cost_analyzer.h | 6 +++--- tensorflow/python/grappler/model_analyzer.h | 6 +++--- tensorflow/python/lib/core/py_util.h | 6 +++--- tensorflow/stream_executor/lib/statusor_internals.h | 1 - tensorflow/tools/graph_transforms/fold_constants_lib.h | 6 +++--- tensorflow/tools/proto_text/gen_proto_text_functions_lib.h | 6 +++--- third_party/hadoop/hdfs.h | 6 +++--- 405 files changed, 1177 insertions(+), 1178 deletions(-) (limited to 'tensorflow/c') diff --git a/tensorflow/c/checkpoint_reader.h b/tensorflow/c/checkpoint_reader.h index 4de1300a7f..91654c8d4f 100644 --- a/tensorflow/c/checkpoint_reader.h +++ b/tensorflow/c/checkpoint_reader.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_C_CHECKPOINT_READER_H -#define TENSORFLOW_C_CHECKPOINT_READER_H +#ifndef TENSORFLOW_C_CHECKPOINT_READER_H_ +#define TENSORFLOW_C_CHECKPOINT_READER_H_ #include #include @@ -79,4 +79,4 @@ class CheckpointReader { } // namespace checkpoint } // namespace tensorflow -#endif // TENSORFLOW_C_CHECKPOINT_READER_H +#endif // TENSORFLOW_C_CHECKPOINT_READER_H_ diff --git a/tensorflow/c/tf_status_helper.h b/tensorflow/c/tf_status_helper.h index 86e687df20..7661a01de4 100644 --- a/tensorflow/c/tf_status_helper.h +++ b/tensorflow/c/tf_status_helper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_C_TF_STATUS_HELPER_H -#define TENSORFLOW_C_TF_STATUS_HELPER_H +#ifndef TENSORFLOW_C_TF_STATUS_HELPER_H_ +#define TENSORFLOW_C_TF_STATUS_HELPER_H_ #include "tensorflow/c/c_api.h" #include "tensorflow/core/lib/core/status.h" @@ -29,4 +29,4 @@ Status StatusFromTF_Status(const TF_Status* tf_status); } // namespace tensorflow -#endif // TENSORFLOW_C_TF_STATUS_HELPER_H +#endif // TENSORFLOW_C_TF_STATUS_HELPER_H_ diff --git a/tensorflow/compiler/jit/kernels/xla_launch_op.h b/tensorflow/compiler/jit/kernels/xla_launch_op.h index 8dfc4b382d..bf1e990668 100644 --- a/tensorflow/compiler/jit/kernels/xla_launch_op.h +++ b/tensorflow/compiler/jit/kernels/xla_launch_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LOCAL_LAUNCH_OP_H_ -#define TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LOCAL_LAUNCH_OP_H_ +#ifndef TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LAUNCH_OP_H_ +#define TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LAUNCH_OP_H_ #include "tensorflow/compiler/jit/xla_compilation_cache.h" #include "tensorflow/core/framework/allocator.h" @@ -81,4 +81,4 @@ class XlaLocalLaunchOp : public XlaLocalLaunchBase { } // namespace tensorflow -#endif // TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LOCAL_LAUNCH_OP_H_ +#endif // TENSORFLOW_COMPILER_JIT_KERNELS_XLA_LAUNCH_OP_H_ diff --git a/tensorflow/compiler/jit/xla_launch_util.h b/tensorflow/compiler/jit/xla_launch_util.h index 4232f514b3..7ac275fab8 100644 --- a/tensorflow/compiler/jit/xla_launch_util.h +++ b/tensorflow/compiler/jit/xla_launch_util.h @@ -167,4 +167,4 @@ xla::ScopedShapedBuffer ExtractSubShapedBuffer( } // namespace tensorflow -#endif +#endif // TENSORFLOW_COMPILER_JIT_XLA_LAUNCH_UTIL_H_ diff --git a/tensorflow/compiler/jit/xla_tensor.h b/tensorflow/compiler/jit/xla_tensor.h index 07a9bf0d4a..4c9bb2e27b 100644 --- a/tensorflow/compiler/jit/xla_tensor.h +++ b/tensorflow/compiler/jit/xla_tensor.h @@ -128,4 +128,4 @@ class XlaTensor { } // namespace tensorflow -#endif +#endif // TENSORFLOW_COMPILER_JIT_XLA_TENSOR_H_ diff --git a/tensorflow/compiler/tf2xla/sharding_util.h b/tensorflow/compiler/tf2xla/sharding_util.h index b1c817bdcc..4ac2d0bba7 100644 --- a/tensorflow/compiler/tf2xla/sharding_util.h +++ b/tensorflow/compiler/tf2xla/sharding_util.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_TF2XLA_TPU_UTIL_H_ -#define TENSORFLOW_COMPILER_TF2XLA_TPU_UTIL_H_ +#ifndef TENSORFLOW_COMPILER_TF2XLA_SHARDING_UTIL_H_ +#define TENSORFLOW_COMPILER_TF2XLA_SHARDING_UTIL_H_ #include @@ -48,4 +48,4 @@ void SetShardingDeviceAssignmentFromNode(const Node& src, Node* dst); } // namespace tensorflow -#endif // TENSORFLOW_COMPILER_TF2XLA_TPU_UTIL_H_ +#endif // TENSORFLOW_COMPILER_TF2XLA_SHARDING_UTIL_H_ diff --git a/tensorflow/compiler/xla/client/sharding_builder.h b/tensorflow/compiler/xla/client/sharding_builder.h index 34763e54d9..59df3a8762 100644 --- a/tensorflow/compiler/xla/client/sharding_builder.h +++ b/tensorflow/compiler/xla/client/sharding_builder.h @@ -56,4 +56,4 @@ OpSharding Tuple(const ShapeTree& shardings); } // namespace sharding_builder } // namespace xla -#endif +#endif // TENSORFLOW_COMPILER_XLA_CLIENT_SHARDING_BUILDER_H_ diff --git a/tensorflow/compiler/xla/iterator_util.h b/tensorflow/compiler/xla/iterator_util.h index a8bb8c7a7e..3a3ee21e76 100644 --- a/tensorflow/compiler/xla/iterator_util.h +++ b/tensorflow/compiler/xla/iterator_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_ITERATOR_UTIL_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_ITERATOR_UTIL_H_ +#ifndef TENSORFLOW_COMPILER_XLA_ITERATOR_UTIL_H_ +#define TENSORFLOW_COMPILER_XLA_ITERATOR_UTIL_H_ #include #include @@ -95,4 +95,4 @@ UnwrappingIterator MakeUnwrappingIterator(NestedIter iter) { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_ITERATOR_UTIL_H_ +#endif // TENSORFLOW_COMPILER_XLA_ITERATOR_UTIL_H_ diff --git a/tensorflow/compiler/xla/service/call_graph.h b/tensorflow/compiler/xla/service/call_graph.h index 97d3811508..3af2ab5edf 100644 --- a/tensorflow/compiler/xla/service/call_graph.h +++ b/tensorflow/compiler/xla/service/call_graph.h @@ -15,8 +15,8 @@ limitations under the License. // Call graph for an HLO module. -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_HLO_CALL_GRAPH_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_HLO_CALL_GRAPH_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CALL_GRAPH_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_CALL_GRAPH_H_ #include @@ -272,4 +272,4 @@ class CallGraph { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_HLO_CALL_GRAPH_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CALL_GRAPH_H_ diff --git a/tensorflow/compiler/xla/service/call_inliner.h b/tensorflow/compiler/xla/service/call_inliner.h index a8345a394d..c0e95e1578 100644 --- a/tensorflow/compiler/xla/service/call_inliner.h +++ b/tensorflow/compiler/xla/service/call_inliner.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE__CALL_INLINER_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE__CALL_INLINER_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CALL_INLINER_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_CALL_INLINER_H_ #include @@ -42,4 +42,4 @@ class CallInliner : public HloPassInterface { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE__CALL_INLINER_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CALL_INLINER_H_ diff --git a/tensorflow/compiler/xla/service/cpu/cpu_copy_insertion.h b/tensorflow/compiler/xla/service/cpu/cpu_copy_insertion.h index 3313d1e6eb..6398d8c98d 100644 --- a/tensorflow/compiler/xla/service/cpu/cpu_copy_insertion.h +++ b/tensorflow/compiler/xla/service/cpu/cpu_copy_insertion.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CPU_COPY_INSERTION_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_CPU_COPY_INSERTION_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_COPY_INSERTION_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_COPY_INSERTION_H_ #include "tensorflow/compiler/xla/service/hlo_module.h" #include "tensorflow/compiler/xla/service/hlo_pass_interface.h" @@ -39,4 +39,4 @@ class CpuCopyInsertion : public HloPassInterface { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CPU_COPY_INSERTION_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_COPY_INSERTION_H_ diff --git a/tensorflow/compiler/xla/service/cpu/cpu_transfer_manager.h b/tensorflow/compiler/xla/service/cpu/cpu_transfer_manager.h index 80ef953d53..7b938e9fd7 100644 --- a/tensorflow/compiler/xla/service/cpu/cpu_transfer_manager.h +++ b/tensorflow/compiler/xla/service/cpu/cpu_transfer_manager.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CPU_TRANSFER_MANAGER_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_CPU_TRANSFER_MANAGER_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_TRANSFER_MANAGER_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_TRANSFER_MANAGER_H_ #include @@ -76,4 +76,4 @@ class CpuTransferManager : public GenericTransferManager { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CPU_TRANSFER_MANAGER_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CPU_CPU_TRANSFER_MANAGER_H_ diff --git a/tensorflow/compiler/xla/service/gpu/gpu_transfer_manager.h b/tensorflow/compiler/xla/service/gpu/gpu_transfer_manager.h index 7929042869..fa88816bc8 100644 --- a/tensorflow/compiler/xla/service/gpu/gpu_transfer_manager.h +++ b/tensorflow/compiler/xla/service/gpu/gpu_transfer_manager.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_GPU_TRANSFER_MANAGER_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_GPU_TRANSFER_MANAGER_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_GPU_GPU_TRANSFER_MANAGER_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_GPU_GPU_TRANSFER_MANAGER_H_ #include @@ -61,4 +61,4 @@ class GpuTransferManager : public GenericTransferManager { } // namespace gpu } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_GPU_TRANSFER_MANAGER_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_GPU_GPU_TRANSFER_MANAGER_H_ diff --git a/tensorflow/compiler/xla/service/interpreter/interpreter_transfer_manager.h b/tensorflow/compiler/xla/service/interpreter/interpreter_transfer_manager.h index 2b44f30821..b732230fdd 100644 --- a/tensorflow/compiler/xla/service/interpreter/interpreter_transfer_manager.h +++ b/tensorflow/compiler/xla/service/interpreter/interpreter_transfer_manager.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_TRANSFER_MANAGER_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_TRANSFER_MANAGER_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_INTERPRETER_TRANSFER_MANAGER_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_INTERPRETER_TRANSFER_MANAGER_H_ #include "tensorflow/compiler/xla/service/generic_transfer_manager.h" #include "tensorflow/core/platform/macros.h" @@ -33,4 +33,4 @@ class InterpreterTransferManager : public GenericTransferManager { } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_TRANSFER_MANAGER_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_INTERPRETER_INTERPRETER_TRANSFER_MANAGER_H_ diff --git a/tensorflow/compiler/xla/service/llvm_ir/kernel_support_library.h b/tensorflow/compiler/xla/service/llvm_ir/kernel_support_library.h index b00f903d56..c5354a8c42 100644 --- a/tensorflow/compiler/xla/service/llvm_ir/kernel_support_library.h +++ b/tensorflow/compiler/xla/service/llvm_ir/kernel_support_library.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_CPU_KERNEL_SUPPORT_LIBRARY_H_ -#define TENSORFLOW_COMPILER_XLA_SERVICE_CPU_KERNEL_SUPPORT_LIBRARY_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_LLVM_IR_KERNEL_SUPPORT_LIBRARY_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_LLVM_IR_KERNEL_SUPPORT_LIBRARY_H_ #include @@ -296,4 +296,4 @@ class KernelSupportLibrary { }; } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SERVICE_CPU_KERNEL_SUPPORT_LIBRARY_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_LLVM_IR_KERNEL_SUPPORT_LIBRARY_H_ diff --git a/tensorflow/compiler/xla/service/source_map_util.h b/tensorflow/compiler/xla/service/source_map_util.h index 18e2651abb..84607cd012 100644 --- a/tensorflow/compiler/xla/service/source_map_util.h +++ b/tensorflow/compiler/xla/service/source_map_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPILER_XLA_SOURCE_MAP_UTIL_H_ -#define TENSORFLOW_COMPILER_XLA_SOURCE_MAP_UTIL_H_ +#ifndef TENSORFLOW_COMPILER_XLA_SERVICE_SOURCE_MAP_UTIL_H_ +#define TENSORFLOW_COMPILER_XLA_SERVICE_SOURCE_MAP_UTIL_H_ #include "tensorflow/compiler/xla/service/executable.h" #include "tensorflow/compiler/xla/status.h" @@ -43,4 +43,4 @@ Status InvalidParameterArgument(const OpMetadata& op_metadata, } // namespace source_map_util } // namespace xla -#endif // TENSORFLOW_COMPILER_XLA_SOURCE_MAP_UTIL_H_ +#endif // TENSORFLOW_COMPILER_XLA_SERVICE_SOURCE_MAP_UTIL_H_ diff --git a/tensorflow/compiler/xla/test.h b/tensorflow/compiler/xla/test.h index 87a8c5f3a5..a657554dc2 100644 --- a/tensorflow/compiler/xla/test.h +++ b/tensorflow/compiler/xla/test.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMPLIER_XLA_TEST_H_ -#define TENSORFLOW_COMPLIER_XLA_TEST_H_ +#ifndef TENSORFLOW_COMPILER_XLA_TEST_H_ +#define TENSORFLOW_COMPILER_XLA_TEST_H_ // This header includes gmock.h and enables the use of gmock matchers in tests // in third_party/tensorflow/compiler/xla. @@ -45,4 +45,4 @@ limitations under the License. #include "tensorflow/core/platform/test.h" -#endif // TENSORFLOW_COMPLIER_XLA_TEST_H_ +#endif // TENSORFLOW_COMPILER_XLA_TEST_H_ diff --git a/tensorflow/contrib/boosted_trees/lib/utils/parallel_for.h b/tensorflow/contrib/boosted_trees/lib/utils/parallel_for.h index ec06787e1d..1f3672bf85 100644 --- a/tensorflow/contrib/boosted_trees/lib/utils/parallel_for.h +++ b/tensorflow/contrib/boosted_trees/lib/utils/parallel_for.h @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. // ============================================================================= -#ifndef TENSORFLOW_CONTRIB_LIB_UTILS_PARALLEL_FOR_H_ -#define TENSORFLOW_CONTRIB_LIB_UTILS_PARALLEL_FOR_H_ +#ifndef TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_PARALLEL_FOR_H_ +#define TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_PARALLEL_FOR_H_ #include "tensorflow/core/lib/core/threadpool.h" @@ -30,4 +30,4 @@ void ParallelFor(int64 batch_size, int64 desired_parallelism, } // namespace boosted_trees } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_LIB_UTILS_PARALLEL_FOR_H_ +#endif // TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_PARALLEL_FOR_H_ diff --git a/tensorflow/contrib/boosted_trees/lib/utils/random.h b/tensorflow/contrib/boosted_trees/lib/utils/random.h index 546d344f55..249651e99e 100644 --- a/tensorflow/contrib/boosted_trees/lib/utils/random.h +++ b/tensorflow/contrib/boosted_trees/lib/utils/random.h @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. // ============================================================================= -#ifndef TENSORFLOW_CONTRIB_LIB_UTILS_RANDOM_H_ -#define TENSORFLOW_CONTRIB_LIB_UTILS_RANDOM_H_ +#ifndef TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_RANDOM_H_ +#define TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_RANDOM_H_ #include "tensorflow/core/lib/random/simple_philox.h" @@ -36,4 +36,4 @@ inline int32 PoissonBootstrap(random::SimplePhilox* rng) { } // namespace boosted_trees } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_LIB_UTILS_RANDOM_H_ +#endif // TENSORFLOW_CONTRIB_BOOSTED_TREES_LIB_UTILS_RANDOM_H_ diff --git a/tensorflow/contrib/cloud/kernels/bigquery_table_accessor.h b/tensorflow/contrib/cloud/kernels/bigquery_table_accessor.h index 1af43a3e10..f1fcaff73b 100644 --- a/tensorflow/contrib/cloud/kernels/bigquery_table_accessor.h +++ b/tensorflow/contrib/cloud/kernels/bigquery_table_accessor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_PARTITION_ACCESSOR_H_ -#define TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_PARTITION_ACCESSOR_H_ +#ifndef TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_H_ +#define TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_H_ #include #include @@ -198,4 +198,4 @@ class BigQueryTableAccessor { }; } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_PARTITION_ACCESSOR_H_ +#endif // TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_H_ diff --git a/tensorflow/contrib/cloud/kernels/bigquery_table_accessor_test_data.h b/tensorflow/contrib/cloud/kernels/bigquery_table_accessor_test_data.h index fea6b15640..6f4d54ae4a 100644 --- a/tensorflow/contrib/cloud/kernels/bigquery_table_accessor_test_data.h +++ b/tensorflow/contrib/cloud/kernels/bigquery_table_accessor_test_data.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ -#define TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ +#ifndef TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ +#define TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ #include @@ -401,4 +401,4 @@ const string kTestEmptyRow = R"({ } // namespace } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_CLOUD_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ +#endif // TENSORFLOW_CONTRIB_CLOUD_KERNELS_BIGQUERY_TABLE_ACCESSOR_TEST_DATA_H_ diff --git a/tensorflow/contrib/gdr/gdr_memory_manager.h b/tensorflow/contrib/gdr/gdr_memory_manager.h index 9ac1aa96c4..c85886863e 100644 --- a/tensorflow/contrib/gdr/gdr_memory_manager.h +++ b/tensorflow/contrib/gdr/gdr_memory_manager.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef GDR_MEMORY_MANAGER_H_ -#define GDR_MEMORY_MANAGER_H_ +#ifndef TENSORFLOW_CONTRIB_GDR_GDR_MEMORY_MANAGER_H_ +#define TENSORFLOW_CONTRIB_GDR_GDR_MEMORY_MANAGER_H_ #include "google/protobuf/any.pb.h" #include "tensorflow/core/lib/core/status.h" @@ -57,4 +57,4 @@ RemoteMemoryManager* CreateRemoteMemoryManager(const string& host, } // namespace tensorflow -#endif // GDR_MEMORY_MANAGER_H_ +#endif // TENSORFLOW_CONTRIB_GDR_GDR_MEMORY_MANAGER_H_ diff --git a/tensorflow/contrib/gdr/gdr_rendezvous_mgr.h b/tensorflow/contrib/gdr/gdr_rendezvous_mgr.h index 7fedd04f54..47a36efdb7 100644 --- a/tensorflow/contrib/gdr/gdr_rendezvous_mgr.h +++ b/tensorflow/contrib/gdr/gdr_rendezvous_mgr.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef GDR_RENDEZVOUS_MGR_H_ -#define GDR_RENDEZVOUS_MGR_H_ +#ifndef TENSORFLOW_CONTRIB_GDR_GDR_RENDEZVOUS_MGR_H_ +#define TENSORFLOW_CONTRIB_GDR_GDR_RENDEZVOUS_MGR_H_ #include "tensorflow/contrib/gdr/gdr_memory_manager.h" #include "tensorflow/core/distributed_runtime/base_rendezvous_mgr.h" @@ -39,4 +39,4 @@ class GdrRendezvousMgr : public BaseRendezvousMgr { } // end namespace tensorflow -#endif // GDR_RENDEZVOUS_MGR_H_ +#endif // TENSORFLOW_CONTRIB_GDR_GDR_RENDEZVOUS_MGR_H_ diff --git a/tensorflow/contrib/gdr/gdr_server_lib.h b/tensorflow/contrib/gdr/gdr_server_lib.h index d6c40d429e..efa2390d33 100644 --- a/tensorflow/contrib/gdr/gdr_server_lib.h +++ b/tensorflow/contrib/gdr/gdr_server_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef GDR_SERVER_LIB_H_ -#define GDR_SERVER_LIB_H_ +#ifndef TENSORFLOW_CONTRIB_GDR_GDR_SERVER_LIB_H_ +#define TENSORFLOW_CONTRIB_GDR_GDR_SERVER_LIB_H_ #include "tensorflow/contrib/gdr/gdr_memory_manager.h" #include "tensorflow/core/distributed_runtime/rpc/grpc_server_lib.h" @@ -49,4 +49,4 @@ class GdrServer : public GrpcServer { } // namespace tensorflow -#endif // GDR_SERVER_LIB_H_ +#endif // TENSORFLOW_CONTRIB_GDR_GDR_SERVER_LIB_H_ diff --git a/tensorflow/contrib/gdr/gdr_worker.h b/tensorflow/contrib/gdr/gdr_worker.h index 54081f655e..65105ed997 100644 --- a/tensorflow/contrib/gdr/gdr_worker.h +++ b/tensorflow/contrib/gdr/gdr_worker.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef GDR_WORKER_H_ -#define GDR_WORKER_H_ +#ifndef TENSORFLOW_CONTRIB_GDR_GDR_WORKER_H_ +#define TENSORFLOW_CONTRIB_GDR_GDR_WORKER_H_ #include "tensorflow/contrib/gdr/gdr_memory_manager.h" @@ -44,4 +44,4 @@ class GdrWorker : public GrpcWorker { } // namespace tensorflow -#endif // GDR_WORKER_H_ +#endif // TENSORFLOW_CONTRIB_GDR_GDR_WORKER_H_ diff --git a/tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h b/tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h index 5fc75b1f72..7881ee80ca 100644 --- a/tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h +++ b/tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h @@ -39,4 +39,4 @@ template void resize(float*, unsigned char*, int, int, int, int, int, } // namespace label_image } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_BITMAP_HELPERS_H +#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_BITMAP_HELPERS_H_ diff --git a/tensorflow/contrib/lite/examples/label_image/get_top_n.h b/tensorflow/contrib/lite/examples/label_image/get_top_n.h index 70a7586fe6..adef434c00 100644 --- a/tensorflow/contrib/lite/examples/label_image/get_top_n.h +++ b/tensorflow/contrib/lite/examples/label_image/get_top_n.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H -#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H +#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H_ +#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H_ #include "tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h" @@ -35,4 +35,4 @@ template void get_top_n(float*, int, size_t, float, } // namespace label_image } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H +#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_H_ diff --git a/tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h b/tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h index e416fbd39b..708cf2f2b1 100644 --- a/tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h +++ b/tensorflow/contrib/lite/examples/label_image/get_top_n_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H -#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H +#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H_ +#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H_ #include #include @@ -67,4 +67,4 @@ void get_top_n(T* prediction, int prediction_size, size_t num_results, } // namespace label_image } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H +#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_GET_TOP_N_IMPL_H_ diff --git a/tensorflow/contrib/lite/examples/label_image/label_image.h b/tensorflow/contrib/lite/examples/label_image/label_image.h index 34c223f713..f0be881b58 100644 --- a/tensorflow/contrib/lite/examples/label_image/label_image.h +++ b/tensorflow/contrib/lite/examples/label_image/label_image.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H -#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H +#ifndef TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H_ +#define TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H_ #include "tensorflow/contrib/lite/string.h" @@ -40,4 +40,4 @@ struct Settings { } // namespace label_image } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H +#endif // TENSORFLOW_CONTRIB_LITE_EXAMPLES_LABEL_IMAGE_LABEL_IMAGE_H_ diff --git a/tensorflow/contrib/lite/java/src/main/native/exception_jni.h b/tensorflow/contrib/lite/java/src/main/native/exception_jni.h index 3ffff052df..2a4bbdbead 100644 --- a/tensorflow/contrib/lite/java/src/main/native/exception_jni.h +++ b/tensorflow/contrib/lite/java/src/main/native/exception_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_EXCEPTION_JNI_H_ -#define TENSORFLOW_CONTRIB_LITE_JAVA_EXCEPTION_JNI_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ +#define TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ #include #include "tensorflow/contrib/lite/error_reporter.h" @@ -47,4 +47,4 @@ class BufferErrorReporter : public tflite::ErrorReporter { #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_CONTRIB_LITE_JAVA_EXCEPTION_JNI_H_ +#endif // TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ diff --git a/tensorflow/contrib/lite/java/src/main/native/nativeinterpreterwrapper_jni.h b/tensorflow/contrib/lite/java/src/main/native/nativeinterpreterwrapper_jni.h index 618fba480e..55ca47fed7 100644 --- a/tensorflow/contrib/lite/java/src/main/native/nativeinterpreterwrapper_jni.h +++ b/tensorflow/contrib/lite/java/src/main/native/nativeinterpreterwrapper_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_NATIVEINTERPRETERWRAPPER_JNI_H_ -#define TENSORFLOW_CONTRIB_LITE_JAVA_NATIVEINTERPRETERWRAPPER_JNI_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_NATIVEINTERPRETERWRAPPER_JNI_H_ +#define TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_NATIVEINTERPRETERWRAPPER_JNI_H_ #include #include @@ -230,4 +230,4 @@ JNIEXPORT void JNICALL Java_org_tensorflow_lite_NativeInterpreterWrapper_delete( #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_CONTRIB_LITE_JAVA_NATIVEINTERPRETERWRAPPER_JNI_H_ +#endif // TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_NATIVEINTERPRETERWRAPPER_JNI_H_ diff --git a/tensorflow/contrib/lite/java/src/main/native/tensor_jni.h b/tensorflow/contrib/lite/java/src/main/native/tensor_jni.h index 06e2546af8..c020f13d9c 100644 --- a/tensorflow/contrib/lite/java/src/main/native/tensor_jni.h +++ b/tensorflow/contrib/lite/java/src/main/native/tensor_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_TENSOR_JNI_H_ -#define TENSORFLOW_CONTRIB_LITE_JAVA_TENSOR_JNI_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ +#define TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ #include #include "tensorflow/contrib/lite/context.h" @@ -92,4 +92,4 @@ Java_org_tensorflow_lite_Tensor_writeMultiDimensionalArray(JNIEnv* env, #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_CONTRIB_LITE_JAVA_TENSOR_JNI_H_ +#endif // TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ diff --git a/tensorflow/contrib/lite/java/src/main/native/tensorflow_lite_jni.h b/tensorflow/contrib/lite/java/src/main/native/tensorflow_lite_jni.h index 65f8341149..5e2a7ded1b 100644 --- a/tensorflow/contrib/lite/java/src/main/native/tensorflow_lite_jni.h +++ b/tensorflow/contrib/lite/java/src/main/native/tensorflow_lite_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_TENSORFLOW_LITE_JNI_H_ -#define TENSORFLOW_CONTRIB_LITE_JAVA_TENSORFLOW_LITE_JNI_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_LITE_JNI_H_ +#define TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_LITE_JNI_H_ #include @@ -33,4 +33,4 @@ Java_org_tensorflow_lite_TensorFlowLite_version(JNIEnv*, jclass); #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_CONTRIB_LITE_JAVA_TENSORFLOW_LITE_JNI_H_ +#endif // TENSORFLOW_CONTRIB_LITE_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_LITE_JNI_H_ diff --git a/tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h b/tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h index 3a53d3ab07..934308ef29 100644 --- a/tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h +++ b/tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_ -#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_ +#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_H_ +#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_H_ namespace tflite { @@ -58,4 +58,4 @@ inline bool TestCPUFeatureNeon() { return false; } : Portable##funcname(__VA_ARGS__) #endif -#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_ +#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_CPU_CHECK_H_ diff --git a/tensorflow/contrib/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h b/tensorflow/contrib/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h index 250872c422..6443f425b7 100644 --- a/tensorflow/contrib/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h +++ b/tensorflow/contrib/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h @@ -140,4 +140,4 @@ limitations under the License. #include "third_party/eigen3/unsupported/Eigen/CXX11/src/Tensor/TensorIO.h" #include "Eigen/src/Core/util/ReenableStupidWarnings.h" -#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_EIGEN_TENSOR_REDUCED_INSTANTIATIONS_H +#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_EIGEN_TENSOR_REDUCED_INSTANTIATIONS_GOOGLE_H_ diff --git a/tensorflow/contrib/lite/kernels/internal/optimized/multithreaded_conv.h b/tensorflow/contrib/lite/kernels/internal/optimized/multithreaded_conv.h index 4a3545d47a..921aae1303 100644 --- a/tensorflow/contrib/lite/kernels/internal/optimized/multithreaded_conv.h +++ b/tensorflow/contrib/lite/kernels/internal/optimized/multithreaded_conv.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_MULTITHREAD_CONV -#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_MULTITHREAD_CONV +#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_MULTITHREADED_CONV_H_ +#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_MULTITHREADED_CONV_H_ #include #include @@ -164,4 +164,4 @@ inline void Conv(const Eigen::ThreadPoolDevice& device, const float* input_data, } // namespace multithreaded_ops } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_MULTITHREAD_CONV +#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_MULTITHREADED_CONV_H_ diff --git a/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h b/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h index 9bbd4ec45d..51a9aa5a42 100644 --- a/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h +++ b/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPS_H_ -#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPS_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPTIMIZED_OPS_H_ +#define TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPTIMIZED_OPS_H_ #include #include @@ -5991,4 +5991,4 @@ inline void TransposeConv(const float* input_data, const Dims<4>& input_dims, #pragma GCC diagnostic pop #endif -#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPS_H_ +#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_INTERNAL_OPTIMIZED_OPTIMIZED_OPS_H_ diff --git a/tensorflow/contrib/lite/kernels/op_macros.h b/tensorflow/contrib/lite/kernels/op_macros.h index 7568eaa88e..d66364c4d8 100644 --- a/tensorflow/contrib/lite/kernels/op_macros.h +++ b/tensorflow/contrib/lite/kernels/op_macros.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_OP_UTIL_H_ -#define TENSORFLOW_CONTRIB_LITE_KERNELS_OP_UTIL_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_KERNELS_OP_MACROS_H_ +#define TENSORFLOW_CONTRIB_LITE_KERNELS_OP_MACROS_H_ #include @@ -31,4 +31,4 @@ limitations under the License. if ((x) != (y)) TF_LITE_FATAL(#x " didn't equal " #y); \ } while (0) -#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_OP_UTIL_H_ +#endif // TENSORFLOW_CONTRIB_LITE_KERNELS_OP_MACROS_H_ diff --git a/tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h b/tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h index 42b8163445..81dd459223 100644 --- a/tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h +++ b/tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef NN_API_SHIM_H0 -#define NN_API_SHIM_H0 +#ifndef TENSORFLOW_CONTRIB_LITE_NNAPI_NEURALNETWORKSSHIM_H_ +#define TENSORFLOW_CONTRIB_LITE_NNAPI_NEURALNETWORKSSHIM_H_ #include #include @@ -970,4 +970,4 @@ inline void ANeuralNetworksEvent_free(ANeuralNetworksEvent* event) { /**/ -#endif // NN_API_SHIM_H0 +#endif // TENSORFLOW_CONTRIB_LITE_NNAPI_NEURALNETWORKSSHIM_H_ diff --git a/tensorflow/contrib/lite/optional_debug_tools.h b/tensorflow/contrib/lite/optional_debug_tools.h index 7fb4b8d8b7..82a6e114a6 100644 --- a/tensorflow/contrib/lite/optional_debug_tools.h +++ b/tensorflow/contrib/lite/optional_debug_tools.h @@ -14,8 +14,8 @@ limitations under the License. ==============================================================================*/ // Optional debugging functionality. For small sized binaries, these are not // needed. -#ifndef TENSORFLOW_CONTRIB_LITE_DEBUG_TOOLS_H_ -#define TENSORFLOW_CONTRIB_LITE_DEBUG_TOOLS_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_OPTIONAL_DEBUG_TOOLS_H_ +#define TENSORFLOW_CONTRIB_LITE_OPTIONAL_DEBUG_TOOLS_H_ #include "tensorflow/contrib/lite/interpreter.h" @@ -26,4 +26,4 @@ void PrintInterpreterState(Interpreter* interpreter); } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_DEBUG_TOOLS_H_ +#endif // TENSORFLOW_CONTRIB_LITE_OPTIONAL_DEBUG_TOOLS_H_ diff --git a/tensorflow/contrib/lite/testing/parse_testdata.h b/tensorflow/contrib/lite/testing/parse_testdata.h index d94361d735..26ee825866 100644 --- a/tensorflow/contrib/lite/testing/parse_testdata.h +++ b/tensorflow/contrib/lite/testing/parse_testdata.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_NNAPI_PARSE_TESTDATA_H_ -#define TENSORFLOW_CONTRIB_LITE_NNAPI_PARSE_TESTDATA_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TESTING_PARSE_TESTDATA_H_ +#define TENSORFLOW_CONTRIB_LITE_TESTING_PARSE_TESTDATA_H_ #include #include "tensorflow/contrib/lite/interpreter.h" @@ -72,4 +72,4 @@ bool ParseAndRunTests(std::istream* input, TestRunner* test_runner, } // namespace testing } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_NNAPI_PARSE_TESTDATA_H_ +#endif // TENSORFLOW_CONTRIB_LITE_TESTING_PARSE_TESTDATA_H_ diff --git a/tensorflow/contrib/lite/testing/tokenize.h b/tensorflow/contrib/lite/testing/tokenize.h index 7ed8eb96b7..8195391851 100644 --- a/tensorflow/contrib/lite/testing/tokenize.h +++ b/tensorflow/contrib/lite/testing/tokenize.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZER_H_ -#define TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZER_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZE_H_ +#define TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZE_H_ #include #include @@ -39,4 +39,4 @@ void Tokenize(std::istream* input, TokenProcessor* processor); } // namespace testing } // namespace tflite -#endif // TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZER_H_ +#endif // TENSORFLOW_CONTRIB_LITE_TESTING_TOKENIZE_H_ diff --git a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster.h b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster.h index 18ff73ac39..fda7743a27 100644 --- a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster.h +++ b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H -#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H +#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H_ +#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H_ #include #include @@ -98,4 +98,4 @@ class ClusterFactoryInterface { } // end namespace toco -#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H +#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_H_ diff --git a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster_utils.h b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster_utils.h index a15e480e70..b57bded305 100644 --- a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster_utils.h +++ b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/cluster_utils.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTERUTILS_H -#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTERUTILS_H +#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_UTILS_H_ +#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_UTILS_H_ #include @@ -30,4 +30,4 @@ void Transpose2DTensor(const float* tensor, int row, int col, } // end namespace toco -#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTERUTILS_H +#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_CLUSTER_UTILS_H_ diff --git a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_cluster.h b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_cluster.h index 7d33dd1885..3334552afb 100644 --- a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_cluster.h +++ b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_cluster.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H -#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H +#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H_ +#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H_ #include #include @@ -60,4 +60,4 @@ std::unique_ptr MaybeReplaceCompositeSubgraph( } // end namespace toco -#endif // CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H +#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_CLUSTER_H_ diff --git a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_svdf.h b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_svdf.h index c4c6c34117..383fd99dff 100644 --- a/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_svdf.h +++ b/tensorflow/contrib/lite/toco/tensorflow_graph_matching/resolve_svdf.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H -#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H +#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H_ +#define TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H_ #include #include @@ -79,4 +79,4 @@ class SvdfClusterFactory : public ClusterFactoryInterface { } // end namespace toco -#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H +#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TENSORFLOW_GRAPH_MATCHING_RESOLVE_SVDF_H_ diff --git a/tensorflow/contrib/lite/toco/toco_types.h b/tensorflow/contrib/lite/toco/toco_types.h index d72a3bd1f3..319f1066cd 100644 --- a/tensorflow/contrib/lite/toco/toco_types.h +++ b/tensorflow/contrib/lite/toco/toco_types.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TYPES_H_ -#define TENSORFLOW_CONTRIB_LITE_TOCO_TYPES_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TOCO_TOCO_TYPES_H_ +#define TENSORFLOW_CONTRIB_LITE_TOCO_TOCO_TYPES_H_ #include #include "tensorflow/core/platform/platform.h" @@ -42,4 +42,4 @@ using tensorflow::uint8; } // namespace toco -#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TYPES_H_ +#endif // TENSORFLOW_CONTRIB_LITE_TOCO_TOCO_TYPES_H_ diff --git a/tensorflow/contrib/lite/tools/benchmark/benchmark_model.h b/tensorflow/contrib/lite/tools/benchmark/benchmark_model.h index 677a1ee68c..cc215a7b7f 100644 --- a/tensorflow/contrib/lite/tools/benchmark/benchmark_model.h +++ b/tensorflow/contrib/lite/tools/benchmark/benchmark_model.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_MODEL_H_ -#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_MODEL_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_BENCHMARK_MODEL_H_ +#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_BENCHMARK_MODEL_H_ #include #include diff --git a/tensorflow/contrib/lite/tools/benchmark/benchmark_tflite_model.h b/tensorflow/contrib/lite/tools/benchmark/benchmark_tflite_model.h index 4b22d80cbb..4c4320a998 100644 --- a/tensorflow/contrib/lite/tools/benchmark/benchmark_tflite_model.h +++ b/tensorflow/contrib/lite/tools/benchmark/benchmark_tflite_model.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_TFLITE_MODEL_H_ -#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_TFLITE_MODEL_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_BENCHMARK_TFLITE_MODEL_H_ +#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_BENCHMARK_TFLITE_MODEL_H_ #include #include diff --git a/tensorflow/contrib/lite/tools/benchmark/command_line_flags.h b/tensorflow/contrib/lite/tools/benchmark/command_line_flags.h index 2e514ae3ea..6a0affd834 100644 --- a/tensorflow/contrib/lite/tools/benchmark/command_line_flags.h +++ b/tensorflow/contrib/lite/tools/benchmark/command_line_flags.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_COMMAND_LINE_FLAGS_H_ -#define TENSORFLOW_CONTRIB_LITE_TOOLS_COMMAND_LINE_FLAGS_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_COMMAND_LINE_FLAGS_H_ +#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_COMMAND_LINE_FLAGS_H_ #include #include diff --git a/tensorflow/contrib/lite/tools/benchmark/logging.h b/tensorflow/contrib/lite/tools/benchmark/logging.h index 9e9292e2fe..4045d1e731 100644 --- a/tensorflow/contrib/lite/tools/benchmark/logging.h +++ b/tensorflow/contrib/lite/tools/benchmark/logging.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_LOGGING_H_ -#define TENSORFLOW_CONTRIB_LITE_TOOLS_LOGGING_H_ +#ifndef TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_LOGGING_H_ +#define TENSORFLOW_CONTRIB_LITE_TOOLS_BENCHMARK_LOGGING_H_ // LOG and CHECK macros for benchmarks. diff --git a/tensorflow/contrib/nccl/kernels/nccl_manager.h b/tensorflow/contrib/nccl/kernels/nccl_manager.h index 09fad35d23..7d158cc980 100644 --- a/tensorflow/contrib/nccl/kernels/nccl_manager.h +++ b/tensorflow/contrib/nccl/kernels/nccl_manager.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_NCCL_COMMUNICATOR_H_ -#define TENSORFLOW_CORE_KERNELS_NCCL_COMMUNICATOR_H_ +#ifndef TENSORFLOW_CONTRIB_NCCL_KERNELS_NCCL_MANAGER_H_ +#define TENSORFLOW_CONTRIB_NCCL_KERNELS_NCCL_MANAGER_H_ #ifdef GOOGLE_CUDA @@ -135,4 +135,4 @@ class NcclManager { #endif // GOOGLE_CUDA -#endif // TENSORFLOW_CORE_KERNELS_NCCL_COMMUNICATOR_H_ +#endif // TENSORFLOW_CONTRIB_NCCL_KERNELS_NCCL_MANAGER_H_ diff --git a/tensorflow/contrib/periodic_resample/kernels/periodic_resample_op.h b/tensorflow/contrib/periodic_resample/kernels/periodic_resample_op.h index 42fba81a5c..85b5a5a3b9 100644 --- a/tensorflow/contrib/periodic_resample/kernels/periodic_resample_op.h +++ b/tensorflow/contrib/periodic_resample/kernels/periodic_resample_op.h @@ -14,8 +14,8 @@ // limitations under the License. // ============================================================================= -#ifndef TENSORFLOW_KERNELS_PERIODICRESAMPLE_OP_H_ -#define TENSORFLOW_KERNELS_PERIODICRESAMPLE_OP_H_ +#ifndef TENSORFLOW_CONTRIB_PERIODIC_RESAMPLE_KERNELS_PERIODIC_RESAMPLE_OP_H_ +#define TENSORFLOW_CONTRIB_PERIODIC_RESAMPLE_KERNELS_PERIODIC_RESAMPLE_OP_H_ #include #include @@ -421,4 +421,4 @@ class PeriodicResampleOpGrad : public tensorflow::OpKernel { tensorflow::PartialTensorShape desired_shape; }; -#endif // TENSORFLOW_KERNELS_PERIODICRESAMPLE_OP_H_ +#endif // TENSORFLOW_CONTRIB_PERIODIC_RESAMPLE_KERNELS_PERIODIC_RESAMPLE_OP_H_ diff --git a/tensorflow/contrib/reduce_slice_ops/kernels/reduce_slice_ops.h b/tensorflow/contrib/reduce_slice_ops/kernels/reduce_slice_ops.h index d8c0a0631d..69ef521c01 100644 --- a/tensorflow/contrib/reduce_slice_ops/kernels/reduce_slice_ops.h +++ b/tensorflow/contrib/reduce_slice_ops/kernels/reduce_slice_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_PARTIAL_REDUCTION_OPS_H_ -#define TENSORFLOW_CORE_KERNELS_PARTIAL_REDUCTION_OPS_H_ +#ifndef TENSORFLOW_CONTRIB_REDUCE_SLICE_OPS_KERNELS_REDUCE_SLICE_OPS_H_ +#define TENSORFLOW_CONTRIB_REDUCE_SLICE_OPS_KERNELS_REDUCE_SLICE_OPS_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor.h" @@ -81,4 +81,4 @@ CALL_ALL_REDUCEOPS(ReduceSliceFunctorReduceop) } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_PARTIAL_REDUCTION_OPS_H_ +#endif // TENSORFLOW_CONTRIB_REDUCE_SLICE_OPS_KERNELS_REDUCE_SLICE_OPS_H_ diff --git a/tensorflow/contrib/tensor_forest/hybrid/core/ops/utils.h b/tensorflow/contrib/tensor_forest/hybrid/core/ops/utils.h index 69a0143a4e..1ed3d8ca2e 100644 --- a/tensorflow/contrib/tensor_forest/hybrid/core/ops/utils.h +++ b/tensorflow/contrib/tensor_forest/hybrid/core/ops/utils.h @@ -13,8 +13,8 @@ // limitations under the License. // ============================================================================= -#ifndef LEARNING_LIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ -#define LEARNING_LIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ +#ifndef TENSORFLOW_CONTRIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ +#define TENSORFLOW_CONTRIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ #include #include "tensorflow/core/framework/tensor.h" @@ -43,4 +43,4 @@ void GetFeatureSet(int32 tree_num, int32 node_num, int32 random_seed, } // namespace tensorforest } // namespace tensorflow -#endif // LEARNING_LIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ +#endif // TENSORFLOW_CONTRIB_TENSOR_FOREST_HYBRID_CORE_OPS_UTILS_H_ diff --git a/tensorflow/contrib/tensor_forest/kernels/data_spec.h b/tensorflow/contrib/tensor_forest/kernels/data_spec.h index bb33400214..336a7a3239 100644 --- a/tensorflow/contrib/tensor_forest/kernels/data_spec.h +++ b/tensorflow/contrib/tensor_forest/kernels/data_spec.h @@ -15,8 +15,8 @@ // This is a surrogate for using a proto, since it doesn't seem to be possible // to use protos in a dynamically-loaded/shared-linkage library, which is // what is used for custom ops in tensorflow/contrib. -#ifndef TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_DATA_SPEC_H_ -#define TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_DATA_SPEC_H_ +#ifndef TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_DATA_SPEC_H_ +#define TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_DATA_SPEC_H_ #include #include "tensorflow/core/lib/strings/numbers.h" @@ -139,4 +139,4 @@ class TensorForestDataSpec { } // namespace tensorforest } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_DATA_SPEC_H_ +#endif // TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_DATA_SPEC_H_ diff --git a/tensorflow/contrib/tensor_forest/kernels/tree_utils.h b/tensorflow/contrib/tensor_forest/kernels/tree_utils.h index 03aab1b61e..e04eb60f9b 100644 --- a/tensorflow/contrib/tensor_forest/kernels/tree_utils.h +++ b/tensorflow/contrib/tensor_forest/kernels/tree_utils.h @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. // ============================================================================= -#ifndef TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_TREE_UTILS_H_ -#define TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_TREE_UTILS_H_ +#ifndef TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_TREE_UTILS_H_ +#define TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_TREE_UTILS_H_ #include @@ -302,4 +302,4 @@ void GetParentWeightedMean(float leaf_sum, const float* leaf_data, } // namespace tensorforest } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_TENSOR_FOREST_CORE_OPS_TREE_UTILS_H_ +#endif // TENSORFLOW_CONTRIB_TENSOR_FOREST_KERNELS_TREE_UTILS_H_ diff --git a/tensorflow/contrib/tensorrt/resources/trt_resource_manager.h b/tensorflow/contrib/tensorrt/resources/trt_resource_manager.h index bc15b51e05..19f39e6d3d 100644 --- a/tensorflow/contrib/tensorrt/resources/trt_resource_manager.h +++ b/tensorflow/contrib/tensorrt/resources/trt_resource_manager.h @@ -42,4 +42,4 @@ class TRTResourceManager { } // namespace tensorrt } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_TENSORRT_RESOURCE_TRT_RESOURCE_MANAGER_H_ +#endif // TENSORFLOW_CONTRIB_TENSORRT_RESOURCES_TRT_RESOURCE_MANAGER_H_ diff --git a/tensorflow/contrib/verbs/grpc_verbs_client.h b/tensorflow/contrib/verbs/grpc_verbs_client.h index 2cfaa4986c..e07085502f 100644 --- a/tensorflow/contrib/verbs/grpc_verbs_client.h +++ b/tensorflow/contrib/verbs/grpc_verbs_client.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_GRPC_VERBS_CLIENT_H_ -#define TENSORFLOW_CONTRIB_GRPC_VERBS_CLIENT_H_ +#ifndef TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_CLIENT_H_ +#define TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_CLIENT_H_ #include "tensorflow/contrib/verbs/grpc_verbs_service_impl.h" #include "tensorflow/contrib/verbs/verbs_service.pb.h" @@ -47,4 +47,4 @@ class GrpcVerbsClient { } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_GRPC_VERBS_CLIENT_H_ +#endif // TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_CLIENT_H_ diff --git a/tensorflow/contrib/verbs/grpc_verbs_service_impl.h b/tensorflow/contrib/verbs/grpc_verbs_service_impl.h index abe5e08b07..cfb9b7ddd7 100644 --- a/tensorflow/contrib/verbs/grpc_verbs_service_impl.h +++ b/tensorflow/contrib/verbs/grpc_verbs_service_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_GRPC_VERBS_SERVICE_IMPL_H_ -#define TENSORFLOW_CONTRIB_GRPC_VERBS_SERVICE_IMPL_H_ +#ifndef TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_SERVICE_IMPL_H_ +#define TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_SERVICE_IMPL_H_ #include "grpcpp/impl/codegen/async_stream.h" #include "grpcpp/impl/codegen/async_unary_call.h" @@ -86,4 +86,4 @@ class VerbsService GRPC_FINAL { } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_GRPC_VERBS_SERVICE_IMPL_H_ +#endif // TENSORFLOW_CONTRIB_VERBS_GRPC_VERBS_SERVICE_IMPL_H_ diff --git a/tensorflow/contrib/verbs/verbs_util.h b/tensorflow/contrib/verbs/verbs_util.h index 5cd0a3533a..6277bc4b41 100644 --- a/tensorflow/contrib/verbs/verbs_util.h +++ b/tensorflow/contrib/verbs/verbs_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CONTRIB_RDMA_UTIL_H_ -#define TENSORFLOW_CONTRIB_RDMA_UTIL_H_ +#ifndef TENSORFLOW_CONTRIB_VERBS_VERBS_UTIL_H_ +#define TENSORFLOW_CONTRIB_VERBS_VERBS_UTIL_H_ #include @@ -30,4 +30,4 @@ class VerbsUtil { }; } // namespace tensorflow -#endif // TENSORFLOW_CONTRIB_RDMA_UTIL_H_ +#endif // TENSORFLOW_CONTRIB_VERBS_VERBS_UTIL_H_ diff --git a/tensorflow/core/common_runtime/bfc_allocator.h b/tensorflow/core/common_runtime/bfc_allocator.h index 580e61e2ea..20e1dab1d5 100644 --- a/tensorflow/core/common_runtime/bfc_allocator.h +++ b/tensorflow/core/common_runtime/bfc_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_BFC_ALLOCATOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_BFC_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_BFC_ALLOCATOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_BFC_ALLOCATOR_H_ #include #include @@ -451,4 +451,4 @@ class BFCAllocator : public VisitableAllocator { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_BFC_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_BFC_ALLOCATOR_H_ diff --git a/tensorflow/core/common_runtime/buf_rendezvous.h b/tensorflow/core/common_runtime/buf_rendezvous.h index 9eb9f060f6..065bbd008b 100644 --- a/tensorflow/core/common_runtime/buf_rendezvous.h +++ b/tensorflow/core/common_runtime/buf_rendezvous.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ -#define TENSORFLOW_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ #include #include @@ -100,4 +100,4 @@ class BufRendezvous { void PurgeTable(const Status& s, HookTable* table); }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_BUF_RENDEZVOUS_H_ diff --git a/tensorflow/core/common_runtime/collective_executor_mgr.h b/tensorflow/core/common_runtime/collective_executor_mgr.h index 9de6ab8968..d53aca85b9 100644 --- a/tensorflow/core/common_runtime/collective_executor_mgr.h +++ b/tensorflow/core/common_runtime/collective_executor_mgr.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ -#define TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ #include "tensorflow/core/framework/collective.h" #include "tensorflow/core/lib/gtl/flatmap.h" @@ -72,4 +72,4 @@ class CollectiveExecutorMgr : public CollectiveExecutorMgrInterface { }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_EXECUTOR_MGR_H_ diff --git a/tensorflow/core/common_runtime/collective_param_resolver_local.h b/tensorflow/core/common_runtime/collective_param_resolver_local.h index 2e2aa801d9..9372fd6272 100644 --- a/tensorflow/core/common_runtime/collective_param_resolver_local.h +++ b/tensorflow/core/common_runtime/collective_param_resolver_local.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ -#define TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ #include @@ -237,4 +237,4 @@ class CollectiveParamResolverLocal : public ParamResolverInterface { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_PARAM_RESOLVER_LOCAL_H_ diff --git a/tensorflow/core/common_runtime/collective_rma_local.h b/tensorflow/core/common_runtime/collective_rma_local.h index 44408438b9..2188087957 100644 --- a/tensorflow/core/common_runtime/collective_rma_local.h +++ b/tensorflow/core/common_runtime/collective_rma_local.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_ACCESS_H_ -#define TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_ACCESS_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_H_ #include "tensorflow/core/common_runtime/buf_rendezvous.h" #include "tensorflow/core/common_runtime/device_mgr.h" #include "tensorflow/core/framework/collective.h" @@ -89,4 +89,4 @@ class CollectiveRemoteAccessLocal : public PerStepCollectiveRemoteAccess { }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_ACCESS_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_COLLECTIVE_RMA_LOCAL_H_ diff --git a/tensorflow/core/common_runtime/constant_folding.h b/tensorflow/core/common_runtime/constant_folding.h index 84598880bb..a9a84f761b 100644 --- a/tensorflow/core/common_runtime/constant_folding.h +++ b/tensorflow/core/common_runtime/constant_folding.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_CONSTANT_FOLDING_H_ -#define TENSORFLOW_COMMON_RUNTIME_CONSTANT_FOLDING_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_CONSTANT_FOLDING_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_CONSTANT_FOLDING_H_ #include "tensorflow/core/common_runtime/device.h" #include "tensorflow/core/framework/function.h" @@ -66,4 +66,4 @@ Status ConstantFold(const ConstantFoldingOptions& opts, } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_CONSTANT_FOLDING_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_CONSTANT_FOLDING_H_ diff --git a/tensorflow/core/common_runtime/debugger_state_interface.h b/tensorflow/core/common_runtime/debugger_state_interface.h index e0fa983373..797a0ade53 100644 --- a/tensorflow/core/common_runtime/debugger_state_interface.h +++ b/tensorflow/core/common_runtime/debugger_state_interface.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ #include @@ -117,4 +117,4 @@ class DebugGraphDecoratorRegistry { } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEBUGGER_STATE_INTERFACE_H_ diff --git a/tensorflow/core/common_runtime/device.h b/tensorflow/core/common_runtime/device.h index b537666492..81d68e3be4 100644 --- a/tensorflow/core/common_runtime/device.h +++ b/tensorflow/core/common_runtime/device.h @@ -26,8 +26,8 @@ limitations under the License. // * Task numbers are within the specified replica, so there are as // many "task zeros" as replicas. -#ifndef TENSORFLOW_COMMON_RUNTIME_DEVICE_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEVICE_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_H_ #include #include @@ -183,4 +183,4 @@ class Device : public DeviceBase { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEVICE_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_H_ diff --git a/tensorflow/core/common_runtime/device_factory.h b/tensorflow/core/common_runtime/device_factory.h index 10eb62afa8..db50226fe8 100644 --- a/tensorflow/core/common_runtime/device_factory.h +++ b/tensorflow/core/common_runtime/device_factory.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DEVICE_FACTORY_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEVICE_FACTORY_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_FACTORY_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_FACTORY_H_ #include #include @@ -126,4 +126,4 @@ class Registrar { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEVICE_FACTORY_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_FACTORY_H_ diff --git a/tensorflow/core/common_runtime/device_mgr.h b/tensorflow/core/common_runtime/device_mgr.h index cd93f76324..c1ff10d9b5 100644 --- a/tensorflow/core/common_runtime/device_mgr.h +++ b/tensorflow/core/common_runtime/device_mgr.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DEVICE_MGR_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEVICE_MGR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_MGR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_MGR_H_ #include #include @@ -77,4 +77,4 @@ class DeviceMgr { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEVICE_MGR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_MGR_H_ diff --git a/tensorflow/core/common_runtime/device_resolver_local.h b/tensorflow/core/common_runtime/device_resolver_local.h index 098eccdf84..bb6ff2efa0 100644 --- a/tensorflow/core/common_runtime/device_resolver_local.h +++ b/tensorflow/core/common_runtime/device_resolver_local.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ #include @@ -45,4 +45,4 @@ class DeviceResolverLocal : public DeviceResolverInterface { }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_RESOLVER_LOCAL_H_ diff --git a/tensorflow/core/common_runtime/device_set.h b/tensorflow/core/common_runtime/device_set.h index 4cd56e583c..c384d46e97 100644 --- a/tensorflow/core/common_runtime/device_set.h +++ b/tensorflow/core/common_runtime/device_set.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DEVICE_SET_H_ -#define TENSORFLOW_COMMON_RUNTIME_DEVICE_SET_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_SET_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_SET_H_ #include #include @@ -86,4 +86,4 @@ class DeviceSet { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DEVICE_SET_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DEVICE_SET_H_ diff --git a/tensorflow/core/common_runtime/direct_session.h b/tensorflow/core/common_runtime/direct_session.h index 72a2be4816..55a6fbce6d 100644 --- a/tensorflow/core/common_runtime/direct_session.h +++ b/tensorflow/core/common_runtime/direct_session.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DIRECT_SESSION_H_ -#define TENSORFLOW_COMMON_RUNTIME_DIRECT_SESSION_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DIRECT_SESSION_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DIRECT_SESSION_H_ #include #include @@ -399,4 +399,4 @@ class DirectSession : public Session { } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DIRECT_SESSION_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DIRECT_SESSION_H_ diff --git a/tensorflow/core/common_runtime/dma_helper.h b/tensorflow/core/common_runtime/dma_helper.h index cdfce1f366..4a76cff1e3 100644 --- a/tensorflow/core/common_runtime/dma_helper.h +++ b/tensorflow/core/common_runtime/dma_helper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_DMA_HELPER_H_ -#define TENSORFLOW_COMMON_RUNTIME_DMA_HELPER_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_DMA_HELPER_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_DMA_HELPER_H_ #include "tensorflow/core/framework/tensor.h" @@ -35,4 +35,4 @@ class DMAHelper { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_DMA_HELPER_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_DMA_HELPER_H_ diff --git a/tensorflow/core/common_runtime/eager/attr_builder.h b/tensorflow/core/common_runtime/eager/attr_builder.h index fc50bed3c0..ccc95a35e5 100644 --- a/tensorflow/core/common_runtime/eager/attr_builder.h +++ b/tensorflow/core/common_runtime/eager/attr_builder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_C_EAGER_RUNTIME_H_ -#define TENSORFLOW_C_EAGER_RUNTIME_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_EAGER_ATTR_BUILDER_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_EAGER_ATTR_BUILDER_H_ // Support for eager execution of TensorFlow kernels. @@ -154,4 +154,4 @@ AttrBuilder& AttrBuilder::Set(StringPiece attr_name, } // namespace tensorflow -#endif // TENSORFLOW_C_EAGER_RUNTIME_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_EAGER_ATTR_BUILDER_H_ diff --git a/tensorflow/core/common_runtime/executor.h b/tensorflow/core/common_runtime/executor.h index a238a6763a..6cd4fd22ea 100644 --- a/tensorflow/core/common_runtime/executor.h +++ b/tensorflow/core/common_runtime/executor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_EXECUTOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_EXECUTOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_EXECUTOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_EXECUTOR_H_ #include "tensorflow/core/common_runtime/device.h" #include "tensorflow/core/framework/rendezvous.h" @@ -235,4 +235,4 @@ void DeleteNonCachedKernel(OpKernel* kernel); } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_EXECUTOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_EXECUTOR_H_ diff --git a/tensorflow/core/common_runtime/function.h b/tensorflow/core/common_runtime/function.h index a274f1ef51..eeca66f5d0 100644 --- a/tensorflow/core/common_runtime/function.h +++ b/tensorflow/core/common_runtime/function.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_FUNCTION_H_ -#define TENSORFLOW_COMMON_RUNTIME_FUNCTION_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_FUNCTION_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_FUNCTION_H_ #include #include @@ -170,4 +170,4 @@ Status FunctionDefToBodyHelper( FunctionBody** fbody); } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_FUNCTION_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_FUNCTION_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.h b/tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.h index a3e0d0734f..f1cc2eace1 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.h +++ b/tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ #include #include @@ -89,4 +89,4 @@ class GPUMemAllocator : public SubAllocator { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_BFC_ALLOCATOR_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_cudamalloc_allocator.h b/tensorflow/core/common_runtime/gpu/gpu_cudamalloc_allocator.h index 5043fac797..856fdc34b4 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_cudamalloc_allocator.h +++ b/tensorflow/core/common_runtime/gpu/gpu_cudamalloc_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_CUDA_MALLOC_ALLOCATOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_CUDA_MALLOC_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_CUDAMALLOC_ALLOCATOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_CUDAMALLOC_ALLOCATOR_H_ #include @@ -51,4 +51,4 @@ class GPUcudaMallocAllocator : public VisitableAllocator { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_CUDAMALLOC_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_CUDAMALLOC_ALLOCATOR_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_debug_allocator.h b/tensorflow/core/common_runtime/gpu/gpu_debug_allocator.h index c49ec2a566..0f9b72040c 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_debug_allocator.h +++ b/tensorflow/core/common_runtime/gpu/gpu_debug_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ #include #include @@ -88,4 +88,4 @@ class GPUNanResetAllocator : public VisitableAllocator { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_DEBUG_ALLOCATOR_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_event_mgr.h b/tensorflow/core/common_runtime/gpu/gpu_event_mgr.h index f0a109cc10..2d406b676e 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_event_mgr.h +++ b/tensorflow/core/common_runtime/gpu/gpu_event_mgr.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ #include #include @@ -203,4 +203,4 @@ class EventMgr { }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_EVENT_MGR_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_init.h b/tensorflow/core/common_runtime/gpu/gpu_init.h index bfd7a77f83..4e1f06ac83 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_init.h +++ b/tensorflow/core/common_runtime/gpu/gpu_init.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_INIT_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_INIT_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_INIT_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_INIT_H_ #include "tensorflow/core/lib/core/status.h" @@ -36,4 +36,4 @@ stream_executor::Platform* GPUMachineManager(); } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_INIT_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_INIT_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_stream_util.h b/tensorflow/core/common_runtime/gpu/gpu_stream_util.h index 771c158267..c61ada96ef 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_stream_util.h +++ b/tensorflow/core/common_runtime/gpu/gpu_stream_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ #include @@ -42,4 +42,4 @@ Status AssignStreams(const Graph* graph, const AssignStreamsOpts& opts, } // namespace gpu_stream_util } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_STREAM_UTIL_H_ diff --git a/tensorflow/core/common_runtime/gpu/gpu_util.h b/tensorflow/core/common_runtime/gpu/gpu_util.h index 57687a8364..8ac3febb01 100644 --- a/tensorflow/core/common_runtime/gpu/gpu_util.h +++ b/tensorflow/core/common_runtime/gpu/gpu_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_GPU_UTIL_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_GPU_UTIL_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_UTIL_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_UTIL_H_ #include "tensorflow/core/common_runtime/device.h" #include "tensorflow/core/common_runtime/dma_helper.h" @@ -108,4 +108,4 @@ class GPUUtil { }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_GPU_UTIL_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_GPU_UTIL_H_ diff --git a/tensorflow/core/common_runtime/gpu_device_context.h b/tensorflow/core/common_runtime/gpu_device_context.h index d697d878dc..8370c63842 100644 --- a/tensorflow/core/common_runtime/gpu_device_context.h +++ b/tensorflow/core/common_runtime/gpu_device_context.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ -#define TENSORFLOW_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ #include "tensorflow/core/common_runtime/device.h" #include "tensorflow/core/framework/device_base.h" @@ -75,4 +75,4 @@ class GPUDeviceContext : public DeviceContext { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_GPU_DEVICE_CONTEXT_H_ diff --git a/tensorflow/core/common_runtime/kernel_benchmark_testlib.h b/tensorflow/core/common_runtime/kernel_benchmark_testlib.h index 995a15a299..555b43f655 100644 --- a/tensorflow/core/common_runtime/kernel_benchmark_testlib.h +++ b/tensorflow/core/common_runtime/kernel_benchmark_testlib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ -#define TENSORFLOW_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ #include #include @@ -65,4 +65,4 @@ class Benchmark { } // end namespace test } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_KERNEL_BENCHMARK_TESTLIB_H_ diff --git a/tensorflow/core/common_runtime/local_device.h b/tensorflow/core/common_runtime/local_device.h index 84a4f66db4..226f121bf3 100644 --- a/tensorflow/core/common_runtime/local_device.h +++ b/tensorflow/core/common_runtime/local_device.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_LOCAL_DEVICE_H_ -#define TENSORFLOW_COMMON_RUNTIME_LOCAL_DEVICE_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_LOCAL_DEVICE_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_LOCAL_DEVICE_H_ #include "tensorflow/core/common_runtime/device.h" #include "tensorflow/core/framework/device_attributes.pb.h" @@ -54,4 +54,4 @@ class LocalDevice : public Device { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_LOCAL_DEVICE_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_LOCAL_DEVICE_H_ diff --git a/tensorflow/core/common_runtime/placer.h b/tensorflow/core/common_runtime/placer.h index fce87269c5..cefcdd25db 100644 --- a/tensorflow/core/common_runtime/placer.h +++ b/tensorflow/core/common_runtime/placer.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_PLACER_H_ -#define TENSORFLOW_COMMON_RUNTIME_PLACER_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_PLACER_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_PLACER_H_ #include #include @@ -100,4 +100,4 @@ class Placer { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_PLACER_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_PLACER_H_ diff --git a/tensorflow/core/common_runtime/rendezvous_mgr.h b/tensorflow/core/common_runtime/rendezvous_mgr.h index cb5848ede3..b4d8ab4eb2 100644 --- a/tensorflow/core/common_runtime/rendezvous_mgr.h +++ b/tensorflow/core/common_runtime/rendezvous_mgr.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ -#define TENSORFLOW_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ #include #include @@ -87,4 +87,4 @@ class IntraProcessRendezvous : public Rendezvous { } // end namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_RENDEZVOUS_MGR_H_ diff --git a/tensorflow/core/common_runtime/session_factory.h b/tensorflow/core/common_runtime/session_factory.h index 81c172c6ae..8565088afc 100644 --- a/tensorflow/core/common_runtime/session_factory.h +++ b/tensorflow/core/common_runtime/session_factory.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_SESSION_FACTORY_H_ -#define TENSORFLOW_COMMON_RUNTIME_SESSION_FACTORY_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_SESSION_FACTORY_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_SESSION_FACTORY_H_ #include @@ -73,4 +73,4 @@ class SessionFactory { } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_SESSION_FACTORY_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_SESSION_FACTORY_H_ diff --git a/tensorflow/core/common_runtime/visitable_allocator.h b/tensorflow/core/common_runtime/visitable_allocator.h index 8edf922d11..ae0563a96a 100644 --- a/tensorflow/core/common_runtime/visitable_allocator.h +++ b/tensorflow/core/common_runtime/visitable_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ -#define TENSORFLOW_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ +#define TENSORFLOW_CORE_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ #include #include "tensorflow/core/framework/allocator.h" @@ -76,4 +76,4 @@ class TrackingVisitableAllocator : public TrackingAllocator, VisitableAllocator* allocator_; }; } // namespace tensorflow -#endif // TENSORFLOW_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_COMMON_RUNTIME_VISITABLE_ALLOCATOR_H_ diff --git a/tensorflow/core/debug/debug_callback_registry.h b/tensorflow/core/debug/debug_callback_registry.h index 8f08c656c2..bcd4ddc50c 100644 --- a/tensorflow/core/debug/debug_callback_registry.h +++ b/tensorflow/core/debug/debug_callback_registry.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUG_CALLBACK_REGISTRY_H_ -#define TENSORFLOW_DEBUG_CALLBACK_REGISTRY_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUG_CALLBACK_REGISTRY_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUG_CALLBACK_REGISTRY_H_ #include #include @@ -68,4 +68,4 @@ class DebugCallbackRegistry { } // namespace tensorflow -#endif // TENSORFLOW_DEBUG_CALLBACK_REGISTRY_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUG_CALLBACK_REGISTRY_H_ diff --git a/tensorflow/core/debug/debug_graph_utils.h b/tensorflow/core/debug/debug_graph_utils.h index 64deff1f00..86dc90a134 100644 --- a/tensorflow/core/debug/debug_graph_utils.h +++ b/tensorflow/core/debug/debug_graph_utils.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUG_NODE_INSERTER_H_ -#define TENSORFLOW_DEBUG_NODE_INSERTER_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUG_GRAPH_UTILS_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUG_GRAPH_UTILS_H_ #include #include @@ -123,4 +123,4 @@ class DebugNodeInserter { }; } // namespace tensorflow -#endif // TENSORFLOW_DEBUG_NODE_INSERTER_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUG_GRAPH_UTILS_H_ diff --git a/tensorflow/core/debug/debug_grpc_testlib.h b/tensorflow/core/debug/debug_grpc_testlib.h index 8d3c9ff575..93376613b6 100644 --- a/tensorflow/core/debug/debug_grpc_testlib.h +++ b/tensorflow/core/debug/debug_grpc_testlib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUG_GRPC_TESTLIB_H_ -#define TENSORFLOW_DEBUG_GRPC_TESTLIB_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUG_GRPC_TESTLIB_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUG_GRPC_TESTLIB_H_ #include #include @@ -84,4 +84,4 @@ bool PollTillFirstRequestSucceeds(const string& server_url, } // namespace tensorflow -#endif // TENSORFLOW_DEBUG_GRPC_TESTLIB_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUG_GRPC_TESTLIB_H_ diff --git a/tensorflow/core/debug/debug_io_utils.h b/tensorflow/core/debug/debug_io_utils.h index c974a47051..cedb7386b7 100644 --- a/tensorflow/core/debug/debug_io_utils.h +++ b/tensorflow/core/debug/debug_io_utils.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUG_IO_UTILS_H_ -#define TENSORFLOW_DEBUG_IO_UTILS_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUG_IO_UTILS_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUG_IO_UTILS_H_ #include #include @@ -398,4 +398,4 @@ class DebugGrpcIO { } // namespace tensorflow #endif // #ifndef(PLATFORM_WINDOWS) -#endif // TENSORFLOW_DEBUG_IO_UTILS_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUG_IO_UTILS_H_ diff --git a/tensorflow/core/debug/debug_node_key.h b/tensorflow/core/debug/debug_node_key.h index b46054c013..eaeb369790 100644 --- a/tensorflow/core/debug/debug_node_key.h +++ b/tensorflow/core/debug/debug_node_key.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUG_NODE_KEY_H_ -#define TENSORFLOW_DEBUG_NODE_KEY_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUG_NODE_KEY_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUG_NODE_KEY_H_ #include @@ -48,4 +48,4 @@ struct DebugNodeKey { } // namespace tensorflow -#endif // TENSORFLOW_DEBUG_NODE_KEY_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUG_NODE_KEY_H_ diff --git a/tensorflow/core/debug/debugger_state_impl.h b/tensorflow/core/debug/debugger_state_impl.h index 52e2663d08..8f6e53fafe 100644 --- a/tensorflow/core/debug/debugger_state_impl.h +++ b/tensorflow/core/debug/debugger_state_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DEBUGGER_STATE_IMPL_H_ -#define TENSORFLOW_DEBUGGER_STATE_IMPL_H_ +#ifndef TENSORFLOW_CORE_DEBUG_DEBUGGER_STATE_IMPL_H_ +#define TENSORFLOW_CORE_DEBUG_DEBUGGER_STATE_IMPL_H_ #include "tensorflow/core/common_runtime/debugger_state_interface.h" @@ -58,4 +58,4 @@ class DebugGraphDecorator : public DebugGraphDecoratorInterface { } // namespace tensorflow -#endif // TENSORFLOW_DEBUGGER_STATE_IMPL_H_ +#endif // TENSORFLOW_CORE_DEBUG_DEBUGGER_STATE_IMPL_H_ diff --git a/tensorflow/core/distributed_runtime/master_env.h b/tensorflow/core/distributed_runtime/master_env.h index da26c42aca..837ccd1dd4 100644 --- a/tensorflow/core/distributed_runtime/master_env.h +++ b/tensorflow/core/distributed_runtime/master_env.h @@ -99,4 +99,4 @@ struct MasterEnv { } // end namespace tensorflow -#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_MASTER_H_ +#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_MASTER_ENV_H_ diff --git a/tensorflow/core/distributed_runtime/message_wrappers.h b/tensorflow/core/distributed_runtime/message_wrappers.h index 72a0c7edd8..474ac0e186 100644 --- a/tensorflow/core/distributed_runtime/message_wrappers.h +++ b/tensorflow/core/distributed_runtime/message_wrappers.h @@ -721,4 +721,4 @@ class NonOwnedProtoRunStepResponse : public MutableRunStepResponseWrapper { } // namespace tensorflow -#endif // TENSORFLOW +#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_MESSAGE_WRAPPERS_H_ diff --git a/tensorflow/core/distributed_runtime/rpc/grpc_remote_worker.h b/tensorflow/core/distributed_runtime/rpc/grpc_remote_worker.h index 709c3833e7..b85c1dc5b4 100644 --- a/tensorflow/core/distributed_runtime/rpc/grpc_remote_worker.h +++ b/tensorflow/core/distributed_runtime/rpc/grpc_remote_worker.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ -#define TENSORFLOW_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ +#ifndef TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ +#define TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ #include @@ -35,4 +35,4 @@ WorkerInterface* NewGrpcRemoteWorker(SharedGrpcChannelPtr channel, } // namespace tensorflow -#endif // TENSORFLOW_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ +#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_REMOTE_WORKER_H_ diff --git a/tensorflow/core/distributed_runtime/rpc/grpc_testlib.h b/tensorflow/core/distributed_runtime/rpc/grpc_testlib.h index d5baaae353..98164e750b 100644 --- a/tensorflow/core/distributed_runtime/rpc/grpc_testlib.h +++ b/tensorflow/core/distributed_runtime/rpc/grpc_testlib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_TESTLIB_H_ -#define TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_TESTLIB_H_ +#ifndef TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_TESTLIB_H_ +#define TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_TESTLIB_H_ #include #include @@ -71,4 +71,4 @@ class TestCluster { } // end namespace test } // end namespace tensorflow -#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_TESTLIB_H_ +#endif // TENSORFLOW_CORE_DISTRIBUTED_RUNTIME_RPC_GRPC_TESTLIB_H_ diff --git a/tensorflow/core/example/example_parser_configuration.h b/tensorflow/core/example/example_parser_configuration.h index 3d06bd55e2..8bbed28471 100644 --- a/tensorflow/core/example/example_parser_configuration.h +++ b/tensorflow/core/example/example_parser_configuration.h @@ -53,4 +53,4 @@ Status ExampleParserConfigurationProtoToFeatureVectors( } // namespace tensorflow -#endif // TENSORFLOW_CORE_EXAMPLE_EXAMPLE_PARSE_CONFIGURATION_H_ +#endif // TENSORFLOW_CORE_EXAMPLE_EXAMPLE_PARSER_CONFIGURATION_H_ diff --git a/tensorflow/core/example/feature_util.h b/tensorflow/core/example/feature_util.h index 2265498b5e..ec93b9aad9 100644 --- a/tensorflow/core/example/feature_util.h +++ b/tensorflow/core/example/feature_util.h @@ -97,8 +97,8 @@ limitations under the License. // GetFeatureValues(feature) -> RepeatedField // Returns values of the feature for the FeatureType. -#ifndef TENSORFLOW_EXAMPLE_FEATURE_H_ -#define TENSORFLOW_EXAMPLE_FEATURE_H_ +#ifndef TENSORFLOW_CORE_EXAMPLE_FEATURE_UTIL_H_ +#define TENSORFLOW_CORE_EXAMPLE_FEATURE_UTIL_H_ #include #include @@ -322,4 +322,4 @@ bool ExampleHasFeature(const string& key, const Example& example) { } } // namespace tensorflow -#endif // TENSORFLOW_EXAMPLE_FEATURE_H_ +#endif // TENSORFLOW_CORE_EXAMPLE_FEATURE_UTIL_H_ diff --git a/tensorflow/core/framework/attr_value_util.h b/tensorflow/core/framework/attr_value_util.h index 0da9b1081b..9fce488793 100644 --- a/tensorflow/core/framework/attr_value_util.h +++ b/tensorflow/core/framework/attr_value_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_ATTR_VALUE_UTIL_H_ -#define TENSORFLOW_FRAMEWORK_ATTR_VALUE_UTIL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_ATTR_VALUE_UTIL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_ATTR_VALUE_UTIL_H_ #include #include @@ -126,4 +126,4 @@ bool SubstitutePlaceholders(const SubstituteFunc& substitute, AttrValue* value); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_ATTR_VALUE_UTIL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_ATTR_VALUE_UTIL_H_ diff --git a/tensorflow/core/framework/bfloat16.h b/tensorflow/core/framework/bfloat16.h index 2f79d0fa70..e9e94024f5 100644 --- a/tensorflow/core/framework/bfloat16.h +++ b/tensorflow/core/framework/bfloat16.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_BFLOAT16_H_ -#define TENSORFLOW_FRAMEWORK_BFLOAT16_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_BFLOAT16_H_ +#define TENSORFLOW_CORE_FRAMEWORK_BFLOAT16_H_ #include "tensorflow/core/framework/numeric_types.h" #include "tensorflow/core/platform/byte_order.h" @@ -60,4 +60,4 @@ void BFloat16ToFloat(const bfloat16* src, float* dst, int64 size); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_BFLOAT16_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_BFLOAT16_H_ diff --git a/tensorflow/core/framework/cancellation.h b/tensorflow/core/framework/cancellation.h index 90074c87b2..acdaaf6a90 100644 --- a/tensorflow/core/framework/cancellation.h +++ b/tensorflow/core/framework/cancellation.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_CANCELLATION_H_ -#define TENSORFLOW_FRAMEWORK_CANCELLATION_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_CANCELLATION_H_ +#define TENSORFLOW_CORE_FRAMEWORK_CANCELLATION_H_ #include #include @@ -134,4 +134,4 @@ class CancellationManager { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_CANCELLATION_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_CANCELLATION_H_ diff --git a/tensorflow/core/framework/collective.h b/tensorflow/core/framework/collective.h index c3e6388e28..0b37b3a88c 100644 --- a/tensorflow/core/framework/collective.h +++ b/tensorflow/core/framework/collective.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_COLLECTIVE_EXECUTOR_H_ -#define TENSORFLOW_FRAMEWORK_COLLECTIVE_EXECUTOR_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_COLLECTIVE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_COLLECTIVE_H_ #include #include @@ -308,4 +308,4 @@ class PerStepCollectiveRemoteAccess : public CollectiveRemoteAccess { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_COLLECTIVE_EXECUTOR_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_COLLECTIVE_H_ diff --git a/tensorflow/core/framework/common_shape_fns.h b/tensorflow/core/framework/common_shape_fns.h index 2bedce1d6a..e6f9f935f9 100644 --- a/tensorflow/core/framework/common_shape_fns.h +++ b/tensorflow/core/framework/common_shape_fns.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_OPS_COMMON_SHAPE_FNS_H_ -#define TENSORFLOW_CORE_OPS_COMMON_SHAPE_FNS_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_COMMON_SHAPE_FNS_H_ +#define TENSORFLOW_CORE_FRAMEWORK_COMMON_SHAPE_FNS_H_ #include @@ -311,4 +311,4 @@ Status ExplicitShapes(InferenceContext* c); } // namespace tensorflow -#endif // TENSORFLOW_CORE_OPS_COMMON_SHAPE_FNS_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_COMMON_SHAPE_FNS_H_ diff --git a/tensorflow/core/framework/control_flow.h b/tensorflow/core/framework/control_flow.h index 4dad0b4fef..4839e02e22 100644 --- a/tensorflow/core/framework/control_flow.h +++ b/tensorflow/core/framework/control_flow.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_CONTROL_FLOW_H_ -#define TENSORFLOW_FRAMEWORK_CONTROL_FLOW_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_CONTROL_FLOW_H_ +#define TENSORFLOW_CORE_FRAMEWORK_CONTROL_FLOW_H_ #include "tensorflow/core/lib/hash/hash.h" #include "tensorflow/core/platform/logging.h" @@ -55,4 +55,4 @@ struct FrameAndIterHash { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_CONTROL_FLOW_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_CONTROL_FLOW_H_ diff --git a/tensorflow/core/framework/fake_input.h b/tensorflow/core/framework/fake_input.h index 103db47a99..c3062762ff 100644 --- a/tensorflow/core/framework/fake_input.h +++ b/tensorflow/core/framework/fake_input.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_FAKE_INPUT_H_ -#define TENSORFLOW_FRAMEWORK_FAKE_INPUT_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_FAKE_INPUT_H_ +#define TENSORFLOW_CORE_FRAMEWORK_FAKE_INPUT_H_ #include "tensorflow/core/framework/node_def_builder.h" #include "tensorflow/core/framework/types.h" @@ -37,4 +37,4 @@ inline FakeInputFunctor FakeInput(std::initializer_list dts) { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_FAKE_INPUT_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_FAKE_INPUT_H_ diff --git a/tensorflow/core/framework/function.h b/tensorflow/core/framework/function.h index a2e69a152a..56e2017a61 100644 --- a/tensorflow/core/framework/function.h +++ b/tensorflow/core/framework/function.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_FUNCTION_H_ -#define TENSORFLOW_FRAMEWORK_FUNCTION_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_FUNCTION_H_ +#define TENSORFLOW_CORE_FRAMEWORK_FUNCTION_H_ #include #include "tensorflow/core/framework/attr_value.pb.h" @@ -736,4 +736,4 @@ GET_ATTR(bool) } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_FUNCTION_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_FUNCTION_H_ diff --git a/tensorflow/core/framework/graph_def_util.h b/tensorflow/core/framework/graph_def_util.h index 525e84a989..2f8d5e8f51 100644 --- a/tensorflow/core/framework/graph_def_util.h +++ b/tensorflow/core/framework/graph_def_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_GRAPH_DEF_UTIL_H_ -#define TENSORFLOW_FRAMEWORK_GRAPH_DEF_UTIL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_GRAPH_DEF_UTIL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_GRAPH_DEF_UTIL_H_ #include #include "tensorflow/core/framework/op.h" @@ -118,4 +118,4 @@ Status StrippedOpListForGraph(const GraphDef& graph_def, } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_GRAPH_DEF_UTIL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_GRAPH_DEF_UTIL_H_ diff --git a/tensorflow/core/framework/kernel_def_builder.h b/tensorflow/core/framework/kernel_def_builder.h index 2966aa58de..32dd21f94e 100644 --- a/tensorflow/core/framework/kernel_def_builder.h +++ b/tensorflow/core/framework/kernel_def_builder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_KERNEL_DEF_BUILDER_H_ -#define TENSORFLOW_FRAMEWORK_KERNEL_DEF_BUILDER_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_KERNEL_DEF_BUILDER_H_ +#define TENSORFLOW_CORE_FRAMEWORK_KERNEL_DEF_BUILDER_H_ #include "tensorflow/core/framework/types.h" #include "tensorflow/core/lib/gtl/array_slice.h" @@ -84,4 +84,4 @@ KernelDefBuilder& KernelDefBuilder::TypeConstraint(const char* attr_name) { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_KERNEL_DEF_BUILDER_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_KERNEL_DEF_BUILDER_H_ diff --git a/tensorflow/core/framework/log_memory.h b/tensorflow/core/framework/log_memory.h index faef7b8e98..1b926ddaa3 100644 --- a/tensorflow/core/framework/log_memory.h +++ b/tensorflow/core/framework/log_memory.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_LOG_MEMORY_H_ -#define TENSORFLOW_FRAMEWORK_LOG_MEMORY_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_LOG_MEMORY_H_ +#define TENSORFLOW_CORE_FRAMEWORK_LOG_MEMORY_H_ #include "tensorflow/core/framework/tensor.h" #include "tensorflow/core/platform/protobuf.h" @@ -108,4 +108,4 @@ class LogMemory { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_LOG_MEMORY_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_LOG_MEMORY_H_ diff --git a/tensorflow/core/framework/lookup_interface.h b/tensorflow/core/framework/lookup_interface.h index 1381dd66a5..0622dd06cb 100644 --- a/tensorflow/core/framework/lookup_interface.h +++ b/tensorflow/core/framework/lookup_interface.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_LOOKUP_INTERFACE_H_ -#define TENSORFLOW_FRAMEWORK_LOOKUP_INTERFACE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_LOOKUP_INTERFACE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_LOOKUP_INTERFACE_H_ #include "tensorflow/core/framework/resource_mgr.h" #include "tensorflow/core/framework/tensor.h" @@ -142,4 +142,4 @@ class LookupInterface : public ResourceBase { } // namespace lookup } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_LOOKUP_INTERFACE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_LOOKUP_INTERFACE_H_ diff --git a/tensorflow/core/framework/memory_types.h b/tensorflow/core/framework/memory_types.h index d3918513d3..f719131bcb 100644 --- a/tensorflow/core/framework/memory_types.h +++ b/tensorflow/core/framework/memory_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_MEMORY_TYPES_H_ -#define TENSORFLOW_FRAMEWORK_MEMORY_TYPES_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_MEMORY_TYPES_H_ +#define TENSORFLOW_CORE_FRAMEWORK_MEMORY_TYPES_H_ #include "tensorflow/core/framework/op.h" #include "tensorflow/core/framework/types.h" @@ -35,4 +35,4 @@ Status MemoryTypesForNode(const OpRegistryInterface* op_registry, } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_MEMORY_TYPES_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_MEMORY_TYPES_H_ diff --git a/tensorflow/core/framework/node_def_builder.h b/tensorflow/core/framework/node_def_builder.h index c138332beb..ad07ec5480 100644 --- a/tensorflow/core/framework/node_def_builder.h +++ b/tensorflow/core/framework/node_def_builder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_NODE_DEF_BUILDER_H_ -#define TENSORFLOW_FRAMEWORK_NODE_DEF_BUILDER_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_BUILDER_H_ +#define TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_BUILDER_H_ #include #include @@ -175,4 +175,4 @@ class NodeDefBuilder { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_NODE_DEF_BUILDER_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_BUILDER_H_ diff --git a/tensorflow/core/framework/node_def_util.h b/tensorflow/core/framework/node_def_util.h index c012b7c3d3..499034cab2 100644 --- a/tensorflow/core/framework/node_def_util.h +++ b/tensorflow/core/framework/node_def_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_NODE_DEF_UTIL_H_ -#define TENSORFLOW_FRAMEWORK_NODE_DEF_UTIL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_UTIL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_UTIL_H_ #include #include @@ -312,4 +312,4 @@ Status AddPrefixAndSuffixToNode(StringPiece prefix, StringPiece suffix, NodeDef* node_def); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_NODE_DEF_UTIL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_NODE_DEF_UTIL_H_ diff --git a/tensorflow/core/framework/numeric_op.h b/tensorflow/core/framework/numeric_op.h index 4538ff053c..0167e21f11 100644 --- a/tensorflow/core/framework/numeric_op.h +++ b/tensorflow/core/framework/numeric_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_NUMERIC_OP_H_ -#define TENSORFLOW_FRAMEWORK_NUMERIC_OP_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_NUMERIC_OP_H_ +#define TENSORFLOW_CORE_FRAMEWORK_NUMERIC_OP_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor.h" @@ -110,4 +110,4 @@ class BinaryElementWiseOp : public BinaryOp { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_NUMERIC_OP_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_NUMERIC_OP_H_ diff --git a/tensorflow/core/framework/numeric_types.h b/tensorflow/core/framework/numeric_types.h index b1d0127809..3236d1897c 100644 --- a/tensorflow/core/framework/numeric_types.h +++ b/tensorflow/core/framework/numeric_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_NUMERIC_TYPES_H_ -#define TENSORFLOW_FRAMEWORK_NUMERIC_TYPES_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_NUMERIC_TYPES_H_ +#define TENSORFLOW_CORE_FRAMEWORK_NUMERIC_TYPES_H_ #include #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -122,4 +122,4 @@ struct hash { } // namespace std #endif // _MSC_VER -#endif // TENSORFLOW_FRAMEWORK_NUMERIC_TYPES_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_NUMERIC_TYPES_H_ diff --git a/tensorflow/core/framework/op.h b/tensorflow/core/framework/op.h index 3ccca4090d..25f8de8dcc 100644 --- a/tensorflow/core/framework/op.h +++ b/tensorflow/core/framework/op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_OP_H_ -#define TENSORFLOW_FRAMEWORK_OP_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_OP_H_ +#define TENSORFLOW_CORE_FRAMEWORK_OP_H_ #include #include @@ -309,4 +309,4 @@ struct OpDefBuilderReceiver { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_OP_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_OP_H_ diff --git a/tensorflow/core/framework/op_def_builder.h b/tensorflow/core/framework/op_def_builder.h index fbfb4018aa..0b39d6e848 100644 --- a/tensorflow/core/framework/op_def_builder.h +++ b/tensorflow/core/framework/op_def_builder.h @@ -16,8 +16,8 @@ limitations under the License. // Class and associated machinery for specifying an Op's OpDef and shape // inference function for Op registration. -#ifndef TENSORFLOW_FRAMEWORK_OP_DEF_BUILDER_H_ -#define TENSORFLOW_FRAMEWORK_OP_DEF_BUILDER_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_OP_DEF_BUILDER_H_ +#define TENSORFLOW_CORE_FRAMEWORK_OP_DEF_BUILDER_H_ #include #include @@ -162,4 +162,4 @@ class OpDefBuilder { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_OP_DEF_BUILDER_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_OP_DEF_BUILDER_H_ diff --git a/tensorflow/core/framework/op_def_util.h b/tensorflow/core/framework/op_def_util.h index 4f67a258d3..85afe2bdea 100644 --- a/tensorflow/core/framework/op_def_util.h +++ b/tensorflow/core/framework/op_def_util.h @@ -16,8 +16,8 @@ limitations under the License. // TODO(josh11b): Probably not needed for OpKernel authors, so doesn't // need to be as publicly accessible as other files in framework/. -#ifndef TENSORFLOW_FRAMEWORK_OP_DEF_UTIL_H_ -#define TENSORFLOW_FRAMEWORK_OP_DEF_UTIL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_OP_DEF_UTIL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_OP_DEF_UTIL_H_ #include #include "tensorflow/core/framework/api_def.pb.h" @@ -103,4 +103,4 @@ uint64 OpDefHash(const OpDef& o); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_OP_DEF_UTIL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_OP_DEF_UTIL_H_ diff --git a/tensorflow/core/framework/op_gen_lib.h b/tensorflow/core/framework/op_gen_lib.h index 533dd64805..c269e2df04 100644 --- a/tensorflow/core/framework/op_gen_lib.h +++ b/tensorflow/core/framework/op_gen_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_OP_GEN_LIB_H_ -#define TENSORFLOW_FRAMEWORK_OP_GEN_LIB_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_OP_GEN_LIB_H_ +#define TENSORFLOW_CORE_FRAMEWORK_OP_GEN_LIB_H_ #include #include @@ -97,4 +97,4 @@ class ApiDefMap { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_OP_GEN_LIB_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_OP_GEN_LIB_H_ diff --git a/tensorflow/core/framework/queue_interface.h b/tensorflow/core/framework/queue_interface.h index 4aeaab3d9b..4ca4416c5a 100644 --- a/tensorflow/core/framework/queue_interface.h +++ b/tensorflow/core/framework/queue_interface.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_QUEUE_INTERFACE_H_ -#define TENSORFLOW_FRAMEWORK_QUEUE_INTERFACE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_QUEUE_INTERFACE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_QUEUE_INTERFACE_H_ #include #include @@ -99,4 +99,4 @@ class QueueInterface : public ResourceBase { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_QUEUE_INTERFACE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_QUEUE_INTERFACE_H_ diff --git a/tensorflow/core/framework/reader_base.h b/tensorflow/core/framework/reader_base.h index cb44be4dee..5b82e9181f 100644 --- a/tensorflow/core/framework/reader_base.h +++ b/tensorflow/core/framework/reader_base.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_READER_BASE_H_ -#define TENSORFLOW_FRAMEWORK_READER_BASE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_READER_BASE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_READER_BASE_H_ #include #include @@ -135,4 +135,4 @@ class ReaderBase : public ReaderInterface { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_READER_BASE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_READER_BASE_H_ diff --git a/tensorflow/core/framework/reader_interface.h b/tensorflow/core/framework/reader_interface.h index dac6056b5a..f894acbe1d 100644 --- a/tensorflow/core/framework/reader_interface.h +++ b/tensorflow/core/framework/reader_interface.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_READER_INTERFACE_H_ -#define TENSORFLOW_FRAMEWORK_READER_INTERFACE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_READER_INTERFACE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_READER_INTERFACE_H_ #include #include @@ -84,4 +84,4 @@ class ReaderInterface : public ResourceBase { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_READER_INTERFACE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_READER_INTERFACE_H_ diff --git a/tensorflow/core/framework/reader_op_kernel.h b/tensorflow/core/framework/reader_op_kernel.h index ffd6a1a184..e65a8695be 100644 --- a/tensorflow/core/framework/reader_op_kernel.h +++ b/tensorflow/core/framework/reader_op_kernel.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_READER_OP_KERNEL_H_ -#define TENSORFLOW_FRAMEWORK_READER_OP_KERNEL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_READER_OP_KERNEL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_READER_OP_KERNEL_H_ #include #include @@ -85,4 +85,4 @@ class ReaderOpKernel : public ResourceOpKernel { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_READER_OP_KERNEL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_READER_OP_KERNEL_H_ diff --git a/tensorflow/core/framework/register_types.h b/tensorflow/core/framework/register_types.h index 6f6b7cec3e..ddb5b10c18 100644 --- a/tensorflow/core/framework/register_types.h +++ b/tensorflow/core/framework/register_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_REGISTER_TYPES_H_ -#define TENSORFLOW_FRAMEWORK_REGISTER_TYPES_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_H_ +#define TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_H_ // This file is used by cuda code and must remain compilable by nvcc. #include "tensorflow/core/framework/numeric_types.h" @@ -228,4 +228,4 @@ limitations under the License. #define TF_CALL_SYCL_NUMBER_TYPES(m) TF_CALL_float(m) TF_CALL_SYCL_double(m) #endif // __ANDROID_TYPES_SLIM__ -#endif // TENSORFLOW_FRAMEWORK_REGISTER_TYPES_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_H_ diff --git a/tensorflow/core/framework/register_types_traits.h b/tensorflow/core/framework/register_types_traits.h index ab35c2f095..d475a1972d 100644 --- a/tensorflow/core/framework/register_types_traits.h +++ b/tensorflow/core/framework/register_types_traits.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ -#define TENSORFLOW_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ +#define TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ // This file is used by cuda code and must remain compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -102,4 +102,4 @@ struct proxy_type { #endif // TENSORFLOW_USE_SYCL } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_REGISTER_TYPES_TRAITS_H_ diff --git a/tensorflow/core/framework/resource_mgr.h b/tensorflow/core/framework/resource_mgr.h index 976fede148..f8a587c9b5 100644 --- a/tensorflow/core/framework/resource_mgr.h +++ b/tensorflow/core/framework/resource_mgr.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_RESOURCE_MGR_H_ -#define TENSORFLOW_FRAMEWORK_RESOURCE_MGR_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_RESOURCE_MGR_H_ +#define TENSORFLOW_CORE_FRAMEWORK_RESOURCE_MGR_H_ #include #include @@ -555,4 +555,4 @@ void ResourceHandleOp::Compute(OpKernelContext* ctx) { } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_RESOURCE_MGR_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_RESOURCE_MGR_H_ diff --git a/tensorflow/core/framework/resource_op_kernel.h b/tensorflow/core/framework/resource_op_kernel.h index 0a8da8b3bf..fbcd439dea 100644 --- a/tensorflow/core/framework/resource_op_kernel.h +++ b/tensorflow/core/framework/resource_op_kernel.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_RESOURCE_OP_KERNEL_H_ -#define TENSORFLOW_FRAMEWORK_RESOURCE_OP_KERNEL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_RESOURCE_OP_KERNEL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_RESOURCE_OP_KERNEL_H_ #include @@ -136,4 +136,4 @@ class ResourceOpKernel : public OpKernel { }; } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_RESOURCE_OP_KERNEL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_RESOURCE_OP_KERNEL_H_ diff --git a/tensorflow/core/framework/selective_registration.h b/tensorflow/core/framework/selective_registration.h index 503947969d..4b281a04bf 100644 --- a/tensorflow/core/framework/selective_registration.h +++ b/tensorflow/core/framework/selective_registration.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_SELECTIVE_REGISTRATION_H_ -#define TENSORFLOW_FRAMEWORK_SELECTIVE_REGISTRATION_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_SELECTIVE_REGISTRATION_H_ +#define TENSORFLOW_CORE_FRAMEWORK_SELECTIVE_REGISTRATION_H_ #include @@ -55,4 +55,4 @@ static_assert(false, "ops_to_register.h must define SHOULD_REGISTER macros"); #define SHOULD_REGISTER_OP_KERNEL(clz) true #endif -#endif // TENSORFLOW_FRAMEWORK_SELECTIVE_REGISTRATION_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_SELECTIVE_REGISTRATION_H_ diff --git a/tensorflow/core/framework/session_state.h b/tensorflow/core/framework/session_state.h index 653a661dd2..63568685f2 100644 --- a/tensorflow/core/framework/session_state.h +++ b/tensorflow/core/framework/session_state.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_SESSION_STATE_H_ -#define TENSORFLOW_FRAMEWORK_SESSION_STATE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_SESSION_STATE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_SESSION_STATE_H_ #include #include @@ -90,4 +90,4 @@ class TensorStore { } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_SESSION_STATE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_SESSION_STATE_H_ diff --git a/tensorflow/core/framework/tensor_slice.h b/tensorflow/core/framework/tensor_slice.h index 6019737342..82f21fb17e 100644 --- a/tensorflow/core/framework/tensor_slice.h +++ b/tensorflow/core/framework/tensor_slice.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TENSOR_SLICE_H_ -#define TENSORFLOW_FRAMEWORK_TENSOR_SLICE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TENSOR_SLICE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TENSOR_SLICE_H_ #include #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -221,4 +221,4 @@ void TensorSlice::FillIndicesAndSizes( } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TENSOR_SLICE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TENSOR_SLICE_H_ diff --git a/tensorflow/core/framework/tensor_types.h b/tensorflow/core/framework/tensor_types.h index a5c1a56bfc..6f981db189 100644 --- a/tensorflow/core/framework/tensor_types.h +++ b/tensorflow/core/framework/tensor_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TENSOR_TYPES_H_ -#define TENSORFLOW_FRAMEWORK_TENSOR_TYPES_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TENSOR_TYPES_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TENSOR_TYPES_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -123,4 +123,4 @@ To32Bit(TensorType in) { } } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TENSOR_TYPES_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TENSOR_TYPES_H_ diff --git a/tensorflow/core/framework/tensor_util.h b/tensorflow/core/framework/tensor_util.h index 43d2d95311..4bda8f9eb8 100644 --- a/tensorflow/core/framework/tensor_util.h +++ b/tensorflow/core/framework/tensor_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TENSOR_UTIL_H_ -#define TENSORFLOW_FRAMEWORK_TENSOR_UTIL_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TENSOR_UTIL_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TENSOR_UTIL_H_ #include "tensorflow/core/framework/tensor.h" #include "tensorflow/core/framework/tensor_shape.pb.h" @@ -160,4 +160,4 @@ CreateTensorProto(const std::vector& values, } // namespace tensor } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TENSOR_UTIL_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TENSOR_UTIL_H_ diff --git a/tensorflow/core/framework/tracking_allocator.h b/tensorflow/core/framework/tracking_allocator.h index 661c28969e..5eafce662e 100644 --- a/tensorflow/core/framework/tracking_allocator.h +++ b/tensorflow/core/framework/tracking_allocator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TRACKING_ALLOCATOR_H_ -#define TENSORFLOW_FRAMEWORK_TRACKING_ALLOCATOR_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TRACKING_ALLOCATOR_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TRACKING_ALLOCATOR_H_ #include #include "tensorflow/core/framework/allocator.h" @@ -130,4 +130,4 @@ class TrackingAllocator : public Allocator { } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TRACKING_ALLOCATOR_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TRACKING_ALLOCATOR_H_ diff --git a/tensorflow/core/framework/type_index.h b/tensorflow/core/framework/type_index.h index b978d90fa8..989fc42e26 100644 --- a/tensorflow/core/framework/type_index.h +++ b/tensorflow/core/framework/type_index.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TYPE_INDEX_H_ -#define TENSORFLOW_FRAMEWORK_TYPE_INDEX_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TYPE_INDEX_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TYPE_INDEX_H_ #include #if defined(__GXX_RTTI) || defined(_CPPRTTI) @@ -84,4 +84,4 @@ inline TypeIndex MakeTypeIndex() { #endif // __GXX_RTTI } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TYPE_INDEX_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TYPE_INDEX_H_ diff --git a/tensorflow/core/framework/type_traits.h b/tensorflow/core/framework/type_traits.h index e8351e494f..96fbf92938 100644 --- a/tensorflow/core/framework/type_traits.h +++ b/tensorflow/core/framework/type_traits.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TYPE_TRAITS_H_ -#define TENSORFLOW_FRAMEWORK_TYPE_TRAITS_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TYPE_TRAITS_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TYPE_TRAITS_H_ #include #include @@ -106,4 +106,4 @@ struct is_signed : public is_signed {}; } // namespace std -#endif // TENSORFLOW_FRAMEWORK_TYPE_TRAITS_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TYPE_TRAITS_H_ diff --git a/tensorflow/core/framework/types.h b/tensorflow/core/framework/types.h index ff7c9855d6..15b1add2c1 100644 --- a/tensorflow/core/framework/types.h +++ b/tensorflow/core/framework/types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_TYPES_H_ -#define TENSORFLOW_FRAMEWORK_TYPES_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_TYPES_H_ +#define TENSORFLOW_CORE_FRAMEWORK_TYPES_H_ #include #include @@ -481,4 +481,4 @@ bool DataTypeAlwaysOnHost(DataType dt); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_TYPES_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_TYPES_H_ diff --git a/tensorflow/core/framework/variant.h b/tensorflow/core/framework/variant.h index c02391dae3..52732801a0 100644 --- a/tensorflow/core/framework/variant.h +++ b/tensorflow/core/framework/variant.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_VARIANT_H_ -#define TENSORFLOW_FRAMEWORK_VARIANT_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_VARIANT_H_ +#define TENSORFLOW_CORE_FRAMEWORK_VARIANT_H_ #include #include @@ -351,4 +351,4 @@ const void* Variant::get() const; } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_VARIANT_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_VARIANT_H_ diff --git a/tensorflow/core/framework/variant_encode_decode.h b/tensorflow/core/framework/variant_encode_decode.h index ded04b2a30..f155aa4892 100644 --- a/tensorflow/core/framework/variant_encode_decode.h +++ b/tensorflow/core/framework/variant_encode_decode.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ -#define TENSORFLOW_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ +#define TENSORFLOW_CORE_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ #include #include @@ -271,4 +271,4 @@ bool DecodeVariantList(std::unique_ptr d, } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_VARIANT_ENCODE_DECODE_H_ diff --git a/tensorflow/core/framework/variant_op_registry.h b/tensorflow/core/framework/variant_op_registry.h index c9e8dd2217..e6a2665a56 100644 --- a/tensorflow/core/framework/variant_op_registry.h +++ b/tensorflow/core/framework/variant_op_registry.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_VARIANT_OP_REGISTRY_H_ -#define TENSORFLOW_FRAMEWORK_VARIANT_OP_REGISTRY_H_ +#ifndef TENSORFLOW_CORE_FRAMEWORK_VARIANT_OP_REGISTRY_H_ +#define TENSORFLOW_CORE_FRAMEWORK_VARIANT_OP_REGISTRY_H_ #include #include @@ -580,4 +580,4 @@ class UnaryVariantBinaryOpRegistration { } // end namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_VARIANT_OP_REGISTRY_H_ +#endif // TENSORFLOW_CORE_FRAMEWORK_VARIANT_OP_REGISTRY_H_ diff --git a/tensorflow/core/framework/variant_tensor_data.h b/tensorflow/core/framework/variant_tensor_data.h index 1d87bc341a..7500e77d43 100644 --- a/tensorflow/core/framework/variant_tensor_data.h +++ b/tensorflow/core/framework/variant_tensor_data.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_FRAMEWORK_VARIANT_TENSOR_DATA_H -#define TENSORFLOW_FRAMEWORK_VARIANT_TENSOR_DATA_H +#ifndef TENSORFLOW_CORE_FRAMEWORK_VARIANT_TENSOR_DATA_H_ +#define TENSORFLOW_CORE_FRAMEWORK_VARIANT_TENSOR_DATA_H_ #include #include @@ -112,4 +112,4 @@ string ProtoDebugString(const VariantTensorData& object); } // namespace tensorflow -#endif // TENSORFLOW_FRAMEWORK_VARIANT_TENSOR_DATA_H +#endif // TENSORFLOW_CORE_FRAMEWORK_VARIANT_TENSOR_DATA_H_ diff --git a/tensorflow/core/graph/algorithm.h b/tensorflow/core/graph/algorithm.h index 5bbbc6f6dc..45f8a29a92 100644 --- a/tensorflow/core/graph/algorithm.h +++ b/tensorflow/core/graph/algorithm.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_ALGORITHM_H_ -#define TENSORFLOW_GRAPH_ALGORITHM_H_ +#ifndef TENSORFLOW_CORE_GRAPH_ALGORITHM_H_ +#define TENSORFLOW_CORE_GRAPH_ALGORITHM_H_ #include #include @@ -117,4 +117,4 @@ bool FixupSourceAndSinkEdges(Graph* g); } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_ALGORITHM_H_ +#endif // TENSORFLOW_CORE_GRAPH_ALGORITHM_H_ diff --git a/tensorflow/core/graph/colors.h b/tensorflow/core/graph/colors.h index c1e1940cac..43d2225571 100644 --- a/tensorflow/core/graph/colors.h +++ b/tensorflow/core/graph/colors.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_COLORS_H_ -#define TENSORFLOW_GRAPH_COLORS_H_ +#ifndef TENSORFLOW_CORE_GRAPH_COLORS_H_ +#define TENSORFLOW_CORE_GRAPH_COLORS_H_ namespace tensorflow { @@ -26,4 +26,4 @@ const char* ColorFor(int dindex); } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_COLORS_H_ +#endif // TENSORFLOW_CORE_GRAPH_COLORS_H_ diff --git a/tensorflow/core/graph/control_flow.h b/tensorflow/core/graph/control_flow.h index 548820720b..5abe77f5a1 100644 --- a/tensorflow/core/graph/control_flow.h +++ b/tensorflow/core/graph/control_flow.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_CONTROL_FLOW_H_ -#define TENSORFLOW_GRAPH_CONTROL_FLOW_H_ +#ifndef TENSORFLOW_CORE_GRAPH_CONTROL_FLOW_H_ +#define TENSORFLOW_CORE_GRAPH_CONTROL_FLOW_H_ #include @@ -48,4 +48,4 @@ Status BuildControlFlowInfo(const Graph* g, std::vector* info, } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_CONTROL_FLOW_H_ +#endif // TENSORFLOW_CORE_GRAPH_CONTROL_FLOW_H_ diff --git a/tensorflow/core/graph/costmodel.h b/tensorflow/core/graph/costmodel.h index 9b703e4693..2d94dd5cdc 100644 --- a/tensorflow/core/graph/costmodel.h +++ b/tensorflow/core/graph/costmodel.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_COSTMODEL_H_ -#define TENSORFLOW_GRAPH_COSTMODEL_H_ +#ifndef TENSORFLOW_CORE_GRAPH_COSTMODEL_H_ +#define TENSORFLOW_CORE_GRAPH_COSTMODEL_H_ #include #include @@ -229,4 +229,4 @@ class CostModel { } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_COSTMODEL_H_ +#endif // TENSORFLOW_CORE_GRAPH_COSTMODEL_H_ diff --git a/tensorflow/core/graph/default_device.h b/tensorflow/core/graph/default_device.h index 68d7c8e553..f0f53c91f4 100644 --- a/tensorflow/core/graph/default_device.h +++ b/tensorflow/core/graph/default_device.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_DEFAULT_DEVICE_H_ -#define TENSORFLOW_GRAPH_DEFAULT_DEVICE_H_ +#ifndef TENSORFLOW_CORE_GRAPH_DEFAULT_DEVICE_H_ +#define TENSORFLOW_CORE_GRAPH_DEFAULT_DEVICE_H_ #include @@ -38,4 +38,4 @@ inline void SetDefaultDevice(const string& device, GraphDef* graph_def) { } // namespace graph } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_DEFAULT_DEVICE_H_ +#endif // TENSORFLOW_CORE_GRAPH_DEFAULT_DEVICE_H_ diff --git a/tensorflow/core/graph/graph_constructor.h b/tensorflow/core/graph/graph_constructor.h index 889359a68a..f6e41faf9c 100644 --- a/tensorflow/core/graph/graph_constructor.h +++ b/tensorflow/core/graph/graph_constructor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_GRAPH_CONSTRUCTOR_H_ -#define TENSORFLOW_GRAPH_GRAPH_CONSTRUCTOR_H_ +#ifndef TENSORFLOW_CORE_GRAPH_GRAPH_CONSTRUCTOR_H_ +#define TENSORFLOW_CORE_GRAPH_GRAPH_CONSTRUCTOR_H_ #include "tensorflow/core/framework/graph.pb.h" #include "tensorflow/core/graph/graph.h" @@ -186,4 +186,4 @@ extern void CopyGraph(const Graph& src, Graph* dest); } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_GRAPH_CONSTRUCTOR_H_ +#endif // TENSORFLOW_CORE_GRAPH_GRAPH_CONSTRUCTOR_H_ diff --git a/tensorflow/core/graph/graph_def_builder.h b/tensorflow/core/graph/graph_def_builder.h index 0d6aae4355..ec131580ae 100644 --- a/tensorflow/core/graph/graph_def_builder.h +++ b/tensorflow/core/graph/graph_def_builder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_GRAPH_DEF_BUILDER_H_ -#define TENSORFLOW_GRAPH_GRAPH_DEF_BUILDER_H_ +#ifndef TENSORFLOW_CORE_GRAPH_GRAPH_DEF_BUILDER_H_ +#define TENSORFLOW_CORE_GRAPH_GRAPH_DEF_BUILDER_H_ #include #include "tensorflow/core/framework/graph.pb.h" @@ -203,4 +203,4 @@ Node* BinaryOp(const string& op_name, NodeOut a, NodeOut b, } // namespace ops } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_GRAPH_DEF_BUILDER_H_ +#endif // TENSORFLOW_CORE_GRAPH_GRAPH_DEF_BUILDER_H_ diff --git a/tensorflow/core/graph/graph_partition.h b/tensorflow/core/graph/graph_partition.h index 67fafddd51..8020c2d247 100644 --- a/tensorflow/core/graph/graph_partition.h +++ b/tensorflow/core/graph/graph_partition.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_GRAPH_PARTITION_H_ -#define TENSORFLOW_GRAPH_GRAPH_PARTITION_H_ +#ifndef TENSORFLOW_CORE_GRAPH_GRAPH_PARTITION_H_ +#define TENSORFLOW_CORE_GRAPH_GRAPH_PARTITION_H_ #include #include @@ -95,4 +95,4 @@ Status AddControlEdges(const PartitionOptions& opts, } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_GRAPH_PARTITION_H_ +#endif // TENSORFLOW_CORE_GRAPH_GRAPH_PARTITION_H_ diff --git a/tensorflow/core/graph/mkl_layout_pass.h b/tensorflow/core/graph/mkl_layout_pass.h index ffe5c1ecfc..e7175149df 100644 --- a/tensorflow/core/graph/mkl_layout_pass.h +++ b/tensorflow/core/graph/mkl_layout_pass.h @@ -15,8 +15,8 @@ limitations under the License. // A graph pass that rewrites graph for propagating MKL layout as a tensor -#ifndef TENSORFLOW_GRAPH_MKL_LAYOUT_PASS_H_ -#define TENSORFLOW_GRAPH_MKL_LAYOUT_PASS_H_ +#ifndef TENSORFLOW_CORE_GRAPH_MKL_LAYOUT_PASS_H_ +#define TENSORFLOW_CORE_GRAPH_MKL_LAYOUT_PASS_H_ #ifdef INTEL_MKL @@ -33,4 +33,4 @@ extern bool RunMklLayoutRewritePass(std::unique_ptr* g); #endif -#endif // TENSORFLOW_GRAPH_MKL_LAYOUT_PASS_H_ +#endif // TENSORFLOW_CORE_GRAPH_MKL_LAYOUT_PASS_H_ diff --git a/tensorflow/core/graph/node_builder.h b/tensorflow/core/graph/node_builder.h index f6b7b5674b..4727ee7b56 100644 --- a/tensorflow/core/graph/node_builder.h +++ b/tensorflow/core/graph/node_builder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_NODE_BUILDER_H_ -#define TENSORFLOW_GRAPH_NODE_BUILDER_H_ +#ifndef TENSORFLOW_CORE_GRAPH_NODE_BUILDER_H_ +#define TENSORFLOW_CORE_GRAPH_NODE_BUILDER_H_ #include #include "tensorflow/core/framework/node_def_builder.h" @@ -160,4 +160,4 @@ NodeBuilder& NodeBuilder::Attr(StringPiece attr_name, } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_NODE_BUILDER_H_ +#endif // TENSORFLOW_CORE_GRAPH_NODE_BUILDER_H_ diff --git a/tensorflow/core/graph/optimizer_cse.h b/tensorflow/core/graph/optimizer_cse.h index b8f3230c70..ef466fb788 100644 --- a/tensorflow/core/graph/optimizer_cse.h +++ b/tensorflow/core/graph/optimizer_cse.h @@ -15,8 +15,8 @@ limitations under the License. // An optimization pass that performs common subexpression elimination. -#ifndef TENSORFLOW_GRAPH_OPTIMIZER_CSE_H_ -#define TENSORFLOW_GRAPH_OPTIMIZER_CSE_H_ +#ifndef TENSORFLOW_CORE_GRAPH_OPTIMIZER_CSE_H_ +#define TENSORFLOW_CORE_GRAPH_OPTIMIZER_CSE_H_ #include #include "tensorflow/core/graph/graph.h" @@ -34,4 +34,4 @@ extern bool OptimizeCSE(Graph* g, } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_OPTIMIZER_CSE_H_ +#endif // TENSORFLOW_CORE_GRAPH_OPTIMIZER_CSE_H_ diff --git a/tensorflow/core/graph/quantize_training.h b/tensorflow/core/graph/quantize_training.h index 2bb4ee1cf0..dc3d7e3b1f 100644 --- a/tensorflow/core/graph/quantize_training.h +++ b/tensorflow/core/graph/quantize_training.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_QUANTIZE_TRAINING_H_ -#define TENSORFLOW_GRAPH_QUANTIZE_TRAINING_H_ +#ifndef TENSORFLOW_CORE_GRAPH_QUANTIZE_TRAINING_H_ +#define TENSORFLOW_CORE_GRAPH_QUANTIZE_TRAINING_H_ #include "tensorflow/core/graph/graph.h" @@ -53,4 +53,4 @@ Status DoQuantizeTrainingOnGraphDef(const GraphDef& input_graphdef, } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_QUANTIZE_TRAINING_H_ +#endif // TENSORFLOW_CORE_GRAPH_QUANTIZE_TRAINING_H_ diff --git a/tensorflow/core/graph/subgraph.h b/tensorflow/core/graph/subgraph.h index ba35846d93..3e99ff0c8c 100644 --- a/tensorflow/core/graph/subgraph.h +++ b/tensorflow/core/graph/subgraph.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_SUBGRAPH_H_ -#define TENSORFLOW_GRAPH_SUBGRAPH_H_ +#ifndef TENSORFLOW_CORE_GRAPH_SUBGRAPH_H_ +#define TENSORFLOW_CORE_GRAPH_SUBGRAPH_H_ #include @@ -162,4 +162,4 @@ class SendFetchRewrite : public PruneRewrite { } // namespace subgraph } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_SUBGRAPH_H_ +#endif // TENSORFLOW_CORE_GRAPH_SUBGRAPH_H_ diff --git a/tensorflow/core/graph/testlib.h b/tensorflow/core/graph/testlib.h index eb9038d619..8585b35a19 100644 --- a/tensorflow/core/graph/testlib.h +++ b/tensorflow/core/graph/testlib.h @@ -15,8 +15,8 @@ limitations under the License. // DEPRECATED: Use the C++ API defined in tensorflow/cc instead. -#ifndef TENSORFLOW_GRAPH_TESTLIB_H_ -#define TENSORFLOW_GRAPH_TESTLIB_H_ +#ifndef TENSORFLOW_CORE_GRAPH_TESTLIB_H_ +#define TENSORFLOW_CORE_GRAPH_TESTLIB_H_ #include #include @@ -213,4 +213,4 @@ Node* DiagPart(Graph* g, Node* in, DataType type); } // end namespace test } // end namespace tensorflow -#endif // TENSORFLOW_GRAPH_TESTLIB_H_ +#endif // TENSORFLOW_CORE_GRAPH_TESTLIB_H_ diff --git a/tensorflow/core/graph/types.h b/tensorflow/core/graph/types.h index c707809927..ac5a7f8229 100644 --- a/tensorflow/core/graph/types.h +++ b/tensorflow/core/graph/types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_TYPES_H_ -#define TENSORFLOW_GRAPH_TYPES_H_ +#ifndef TENSORFLOW_CORE_GRAPH_TYPES_H_ +#define TENSORFLOW_CORE_GRAPH_TYPES_H_ #include "tensorflow/core/lib/gtl/int_type.h" #include "tensorflow/core/platform/types.h" @@ -32,4 +32,4 @@ TF_LIB_GTL_DEFINE_INT_TYPE(Bytes, int64); } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_TYPES_H_ +#endif // TENSORFLOW_CORE_GRAPH_TYPES_H_ diff --git a/tensorflow/core/graph/while_context.h b/tensorflow/core/graph/while_context.h index 2a83eb7bd8..5405e62be2 100644 --- a/tensorflow/core/graph/while_context.h +++ b/tensorflow/core/graph/while_context.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_GRAPH_WHILE_CONTEXT_H_ -#define TENSORFLOW_GRAPH_WHILE_CONTEXT_H_ +#ifndef TENSORFLOW_CORE_GRAPH_WHILE_CONTEXT_H_ +#define TENSORFLOW_CORE_GRAPH_WHILE_CONTEXT_H_ #include "tensorflow/core/graph/graph.h" @@ -73,4 +73,4 @@ class WhileContext { } // namespace tensorflow -#endif // TENSORFLOW_GRAPH_GRAPH_H_ +#endif // TENSORFLOW_CORE_GRAPH_WHILE_CONTEXT_H_ diff --git a/tensorflow/core/kernels/adjust_contrast_op.h b/tensorflow/core/kernels/adjust_contrast_op.h index 7689c04214..f4a53c2ef9 100644 --- a/tensorflow/core/kernels/adjust_contrast_op.h +++ b/tensorflow/core/kernels/adjust_contrast_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_ADJUST_CONTRAST_OP_H_ -#define TENSORFLOW_KERNELS_ADJUST_CONTRAST_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_ADJUST_CONTRAST_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ADJUST_CONTRAST_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -153,4 +153,4 @@ struct AdjustContrastv2 { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_ADJUST_CONTRAST_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_ADJUST_CONTRAST_OP_H_ diff --git a/tensorflow/core/kernels/adjust_hue_op.h b/tensorflow/core/kernels/adjust_hue_op.h index 03d52a9e77..983a4072bf 100644 --- a/tensorflow/core/kernels/adjust_hue_op.h +++ b/tensorflow/core/kernels/adjust_hue_op.h @@ -11,8 +11,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef _TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H -#define _TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H +#ifndef TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H_ #if GOOGLE_CUDA #define EIGEN_USE_GPU @@ -37,4 +37,4 @@ struct AdjustHueGPU { } // namespace tensorflow #endif // GOOGLE_CUDA -#endif // _TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H +#endif // TENSORFLOW_CORE_KERNELS_ADJUST_HUE_OP_H_ diff --git a/tensorflow/core/kernels/adjust_saturation_op.h b/tensorflow/core/kernels/adjust_saturation_op.h index 05c45c07c3..fd28ba536f 100644 --- a/tensorflow/core/kernels/adjust_saturation_op.h +++ b/tensorflow/core/kernels/adjust_saturation_op.h @@ -11,8 +11,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef _TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H -#define _TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H +#ifndef TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H_ #if GOOGLE_CUDA #define EIGEN_USE_GPU @@ -37,4 +37,4 @@ struct AdjustSaturationGPU { } // namespace tensorflow #endif // GOOGLE_CUDA -#endif // _TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H +#endif // TENSORFLOW_CORE_KERNELS_ADJUST_SATURATION_OP_H_ diff --git a/tensorflow/core/kernels/aggregate_ops.h b/tensorflow/core/kernels/aggregate_ops.h index 9ea49fc34b..e074d0c2d9 100644 --- a/tensorflow/core/kernels/aggregate_ops.h +++ b/tensorflow/core/kernels/aggregate_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_AGGREGATE_OPS_H_ -#define TENSORFLOW_KERNELS_AGGREGATE_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_H_ // Functor definitions for Aggregate ops, must be compilable by nvcc. @@ -223,4 +223,4 @@ struct Add9EigenImpl { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_AGGREGATE_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_H_ diff --git a/tensorflow/core/kernels/aggregate_ops_cpu.h b/tensorflow/core/kernels/aggregate_ops_cpu.h index aa1cead928..3e87917b64 100644 --- a/tensorflow/core/kernels/aggregate_ops_cpu.h +++ b/tensorflow/core/kernels/aggregate_ops_cpu.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_AGGREGATE_OPS_CPU_H_ -#define TENSORFLOW_KERNELS_AGGREGATE_OPS_CPU_H_ +#ifndef TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_CPU_H_ +#define TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_CPU_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -250,4 +250,4 @@ struct Add9Functor { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_AGGREGATE_OPS_CPU_H_ +#endif // TENSORFLOW_CORE_KERNELS_AGGREGATE_OPS_CPU_H_ diff --git a/tensorflow/core/kernels/argmax_op.h b/tensorflow/core/kernels/argmax_op.h index b8bc41e089..224aa4654d 100644 --- a/tensorflow/core/kernels/argmax_op.h +++ b/tensorflow/core/kernels/argmax_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_ARGMAX_OP_H_ -#define TENSORFLOW_KERNELS_ARGMAX_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_ARGMAX_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ARGMAX_OP_H_ // Generator definition for ArgMaxOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -65,4 +65,4 @@ struct ArgMin { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_ARGMAX_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_ARGMAX_OP_H_ diff --git a/tensorflow/core/kernels/assign_op.h b/tensorflow/core/kernels/assign_op.h index a450b1d1ee..74f926bdc8 100644 --- a/tensorflow/core/kernels/assign_op.h +++ b/tensorflow/core/kernels/assign_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_ASSIGN_OP_H_ -#define TENSORFLOW_KERNELS_ASSIGN_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_ASSIGN_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ASSIGN_OP_H_ #define EIGEN_USE_THREADS @@ -143,4 +143,4 @@ class AssignOp : public OpKernel { } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_ASSIGN_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_ASSIGN_OP_H_ diff --git a/tensorflow/core/kernels/avgpooling_op.h b/tensorflow/core/kernels/avgpooling_op.h index f5e81dbc09..1e49a66af9 100644 --- a/tensorflow/core/kernels/avgpooling_op.h +++ b/tensorflow/core/kernels/avgpooling_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_AVGPOOLING_OP_H_ -#define TENSORFLOW_KERNELS_AVGPOOLING_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_AVGPOOLING_OP_H_ +#define TENSORFLOW_CORE_KERNELS_AVGPOOLING_OP_H_ // Functor definition for AvgPoolingOp, must be compilable by nvcc. #include "tensorflow/core/framework/tensor_types.h" @@ -76,4 +76,4 @@ bool RunAvePoolBackwardNHWC(const T* const top_diff, const int num, } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_AVGPOOLING_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_AVGPOOLING_OP_H_ diff --git a/tensorflow/core/kernels/batch_norm_op.h b/tensorflow/core/kernels/batch_norm_op.h index 48e73c8757..76b156f8fd 100644 --- a/tensorflow/core/kernels/batch_norm_op.h +++ b/tensorflow/core/kernels/batch_norm_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_BATCH_NORM_OP_H_ -#define TENSORFLOW_KERNELS_BATCH_NORM_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BATCH_NORM_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BATCH_NORM_OP_H_ // Functor definition for BatchNormOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -153,4 +153,4 @@ struct BatchNormGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_BATCH_NORM_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BATCH_NORM_OP_H_ diff --git a/tensorflow/core/kernels/betainc_op.h b/tensorflow/core/kernels/betainc_op.h index c4aa9543ab..b941b27ad3 100644 --- a/tensorflow/core/kernels/betainc_op.h +++ b/tensorflow/core/kernels/betainc_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_BETAINC_OP_H_ -#define TENSORFLOW_KERNELS_BETAINC_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BETAINC_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BETAINC_OP_H_ // Functor definition for BetaincOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -48,4 +48,4 @@ struct Betainc { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_BETAINC_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BETAINC_OP_H_ diff --git a/tensorflow/core/kernels/bias_op.h b/tensorflow/core/kernels/bias_op.h index 065934c709..77f683455d 100644 --- a/tensorflow/core/kernels/bias_op.h +++ b/tensorflow/core/kernels/bias_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_BIAS_OP_H_ -#define TENSORFLOW_KERNELS_BIAS_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BIAS_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BIAS_OP_H_ // Functor definition for BiasOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -52,4 +52,4 @@ struct Bias { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_BIAS_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BIAS_OP_H_ diff --git a/tensorflow/core/kernels/bincount_op.h b/tensorflow/core/kernels/bincount_op.h index cd3d560cd1..54cfb79de7 100644 --- a/tensorflow/core/kernels/bincount_op.h +++ b/tensorflow/core/kernels/bincount_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_BINCOUNT_OP_H_ -#define TENSORFLOW_BINCOUNT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BINCOUNT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BINCOUNT_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/op_kernel.h" @@ -38,4 +38,4 @@ struct BincountFunctor { } // end namespace tensorflow -#endif // TENSORFLOW_BINCOUNT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BINCOUNT_OP_H_ diff --git a/tensorflow/core/kernels/bounds_check.h b/tensorflow/core/kernels/bounds_check.h index c8c60c5524..18727c0db3 100644 --- a/tensorflow/core/kernels/bounds_check.h +++ b/tensorflow/core/kernels/bounds_check.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_BOUNDS_CHECK_H_ -#define TENSORFLOW_UTIL_BOUNDS_CHECK_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BOUNDS_CHECK_H_ +#define TENSORFLOW_CORE_KERNELS_BOUNDS_CHECK_H_ #include @@ -51,4 +51,4 @@ EIGEN_ALWAYS_INLINE EIGEN_DEVICE_FUNC const T SubtleMustCopy(const T &x) { } // namespace internal } // namespace tensorflow -#endif // TENSORFLOW_UTIL_BOUNDS_CHECK_H_ +#endif // TENSORFLOW_CORE_KERNELS_BOUNDS_CHECK_H_ diff --git a/tensorflow/core/kernels/broadcast_to_op.h b/tensorflow/core/kernels/broadcast_to_op.h index 73fdd5d28e..a2327a7272 100644 --- a/tensorflow/core/kernels/broadcast_to_op.h +++ b/tensorflow/core/kernels/broadcast_to_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_BROADCAST_TO_OP_H_ -#define TENSORFLOW_KERNELS_BROADCAST_TO_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BROADCAST_TO_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BROADCAST_TO_OP_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor.h" @@ -239,4 +239,4 @@ struct BroadcastTo { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_BROADCAST_TO_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BROADCAST_TO_OP_H_ diff --git a/tensorflow/core/kernels/bucketize_op.h b/tensorflow/core/kernels/bucketize_op.h index c8e461beb9..32be475f86 100644 --- a/tensorflow/core/kernels/bucketize_op.h +++ b/tensorflow/core/kernels/bucketize_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_BUCKETIZE_OP_H_ -#define TENSORFLOW_BUCKETIZE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_BUCKETIZE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_BUCKETIZE_OP_H_ #include #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -38,4 +38,4 @@ struct BucketizeFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_BUCKETIZE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_BUCKETIZE_OP_H_ diff --git a/tensorflow/core/kernels/cast_op.h b/tensorflow/core/kernels/cast_op.h index 527ab528c9..84c44f6b5e 100644 --- a/tensorflow/core/kernels/cast_op.h +++ b/tensorflow/core/kernels/cast_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CAST_OP_H_ -#define TENSORFLOW_KERNELS_CAST_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CAST_OP_H_ +#define TENSORFLOW_CORE_KERNELS_CAST_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/bfloat16.h" @@ -323,4 +323,4 @@ struct functor_traits> { } // namespace internal } // namespace Eigen -#endif // TENSORFLOW_KERNELS_CAST_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_CAST_OP_H_ diff --git a/tensorflow/core/kernels/concat_lib.h b/tensorflow/core/kernels/concat_lib.h index 16784c4770..8b53ecf121 100644 --- a/tensorflow/core/kernels/concat_lib.h +++ b/tensorflow/core/kernels/concat_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONCAT_LIB_H_ -#define TENSORFLOW_KERNELS_CONCAT_LIB_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONCAT_LIB_H_ +#define TENSORFLOW_CORE_KERNELS_CONCAT_LIB_H_ #include @@ -66,4 +66,4 @@ void ConcatSYCL( #endif // TENSORFLOW_USE_SYCL } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONCAT_LIB_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONCAT_LIB_H_ diff --git a/tensorflow/core/kernels/conditional_accumulator.h b/tensorflow/core/kernels/conditional_accumulator.h index 414891b142..a7836896c7 100644 --- a/tensorflow/core/kernels/conditional_accumulator.h +++ b/tensorflow/core/kernels/conditional_accumulator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_H_ -#define TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_H_ +#define TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_H_ #include "tensorflow/core/kernels/fill_functor.h" #include "tensorflow/core/kernels/typed_conditional_accumulator_base.h" @@ -133,4 +133,4 @@ class ConditionalAccumulator } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_H_ diff --git a/tensorflow/core/kernels/conditional_accumulator_base.h b/tensorflow/core/kernels/conditional_accumulator_base.h index c7c7c98369..b7b7482a00 100644 --- a/tensorflow/core/kernels/conditional_accumulator_base.h +++ b/tensorflow/core/kernels/conditional_accumulator_base.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ -#define TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ +#define TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ #include @@ -199,4 +199,4 @@ class TypeConverter { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_H_ diff --git a/tensorflow/core/kernels/conditional_accumulator_base_op.h b/tensorflow/core/kernels/conditional_accumulator_base_op.h index 33c2d596c8..012a0dcc12 100644 --- a/tensorflow/core/kernels/conditional_accumulator_base_op.h +++ b/tensorflow/core/kernels/conditional_accumulator_base_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ -#define TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ #define EIGEN_USE_THREADS @@ -234,4 +234,4 @@ class ConditionalAccumulatorBaseTakeGradientOp } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONDITIONAL_ACCUMULATOR_BASE_OP_H_ diff --git a/tensorflow/core/kernels/control_flow_ops.h b/tensorflow/core/kernels/control_flow_ops.h index 8edbcc9077..c607fcf298 100644 --- a/tensorflow/core/kernels/control_flow_ops.h +++ b/tensorflow/core/kernels/control_flow_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONTROL_FLOW_OPS_H_ -#define TENSORFLOW_KERNELS_CONTROL_FLOW_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONTROL_FLOW_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_CONTROL_FLOW_OPS_H_ #include "tensorflow/core/framework/op_kernel.h" @@ -115,4 +115,4 @@ class LoopCondOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONTROL_FLOW_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONTROL_FLOW_OPS_H_ diff --git a/tensorflow/core/kernels/conv_2d.h b/tensorflow/core/kernels/conv_2d.h index 6b7544fd4c..de9b69828e 100644 --- a/tensorflow/core/kernels/conv_2d.h +++ b/tensorflow/core/kernels/conv_2d.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONV_2D_H_ -#define TENSORFLOW_KERNELS_CONV_2D_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONV_2D_H_ +#define TENSORFLOW_CORE_KERNELS_CONV_2D_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -298,4 +298,4 @@ template <> class ConvAlgorithmMap {}; } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONV_2D_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONV_2D_H_ diff --git a/tensorflow/core/kernels/conv_3d.h b/tensorflow/core/kernels/conv_3d.h index 083dec63cc..02e3655ad1 100644 --- a/tensorflow/core/kernels/conv_3d.h +++ b/tensorflow/core/kernels/conv_3d.h @@ -15,8 +15,8 @@ limitations under the License. // Functors for 3d convolution. -#ifndef TENSORFLOW_KERNELS_CONV_3D_H_ -#define TENSORFLOW_KERNELS_CONV_3D_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONV_3D_H_ +#define TENSORFLOW_CORE_KERNELS_CONV_3D_H_ #include "tensorflow/core/framework/tensor_types.h" #include "tensorflow/core/kernels/eigen_cuboid_convolution.h" @@ -45,4 +45,4 @@ struct CuboidConvolution { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONV_3D_H_ +#endif // TENSORFLOW_CORE_KERNELS_CONV_3D_H_ diff --git a/tensorflow/core/kernels/conv_ops.h b/tensorflow/core/kernels/conv_ops.h index 09a3b78776..adf4601b43 100644 --- a/tensorflow/core/kernels/conv_ops.h +++ b/tensorflow/core/kernels/conv_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CONV_OPS_H_ -#define TENSORFLOW_KERNELS_CONV_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CONV_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_CONV_OPS_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/resource_mgr.h" @@ -68,4 +68,4 @@ struct Im2ColBufferResource : public ResourceBase { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CONV_OPS_H +#endif // TENSORFLOW_CORE_KERNELS_CONV_OPS_H_ diff --git a/tensorflow/core/kernels/cudnn_pooling_gpu.h b/tensorflow/core/kernels/cudnn_pooling_gpu.h index 280d697fc2..738e928246 100644 --- a/tensorflow/core/kernels/cudnn_pooling_gpu.h +++ b/tensorflow/core/kernels/cudnn_pooling_gpu.h @@ -15,8 +15,8 @@ limitations under the License. // Helper functions to run 3d pooling on GPU using CuDNN. -#ifndef TENSORFLOW_KERNELS_CUDNN_POOLING_GPU_H_ -#define TENSORFLOW_KERNELS_CUDNN_POOLING_GPU_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CUDNN_POOLING_GPU_H_ +#define TENSORFLOW_CORE_KERNELS_CUDNN_POOLING_GPU_H_ #include @@ -67,4 +67,4 @@ class DnnPooling3dGradOp { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_CUDNN_POOLING_GPU_H_ +#endif // TENSORFLOW_CORE_KERNELS_CUDNN_POOLING_GPU_H_ diff --git a/tensorflow/core/kernels/cwise_ops.h b/tensorflow/core/kernels/cwise_ops.h index de164c1c09..22eb66e979 100644 --- a/tensorflow/core/kernels/cwise_ops.h +++ b/tensorflow/core/kernels/cwise_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CWISE_OPS_H_ -#define TENSORFLOW_KERNELS_CWISE_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CWISE_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_CWISE_OPS_H_ #include #include @@ -1036,4 +1036,4 @@ struct BatchSelectFunctor { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_CWISE_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_CWISE_OPS_H_ diff --git a/tensorflow/core/kernels/cwise_ops_common.h b/tensorflow/core/kernels/cwise_ops_common.h index e32eccf547..f77d7238af 100644 --- a/tensorflow/core/kernels/cwise_ops_common.h +++ b/tensorflow/core/kernels/cwise_ops_common.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CWISE_OPS_COMMON_H_ -#define TENSORFLOW_KERNELS_CWISE_OPS_COMMON_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CWISE_OPS_COMMON_H_ +#define TENSORFLOW_CORE_KERNELS_CWISE_OPS_COMMON_H_ // See docs in ../ops/math_ops.cc. @@ -602,4 +602,4 @@ struct ApproximateEqual { } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_CWISE_OPS_COMMON_H_ +#endif // TENSORFLOW_CORE_KERNELS_CWISE_OPS_COMMON_H_ diff --git a/tensorflow/core/kernels/cwise_ops_gradients.h b/tensorflow/core/kernels/cwise_ops_gradients.h index 7a6f14babc..53b53cc277 100644 --- a/tensorflow/core/kernels/cwise_ops_gradients.h +++ b/tensorflow/core/kernels/cwise_ops_gradients.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_CWISE_OPS_GRADIENTS_H_ -#define TENSORFLOW_KERNELS_CWISE_OPS_GRADIENTS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_CWISE_OPS_GRADIENTS_H_ +#define TENSORFLOW_CORE_KERNELS_CWISE_OPS_GRADIENTS_H_ #define EIGEN_USE_THREADS #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -208,4 +208,4 @@ struct igamma_grad_a : base> {}; } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_CWISE_OPS_GRADIENTS_H_ +#endif // TENSORFLOW_CORE_KERNELS_CWISE_OPS_GRADIENTS_H_ diff --git a/tensorflow/core/kernels/data_format_ops.h b/tensorflow/core/kernels/data_format_ops.h index 1ca144cb40..bc416fa78b 100644 --- a/tensorflow/core/kernels/data_format_ops.h +++ b/tensorflow/core/kernels/data_format_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_DATA_FORMAT_OPS_H_ -#define TENSORFLOW_KERNELS_DATA_FORMAT_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_DATA_FORMAT_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_DATA_FORMAT_OPS_H_ // Functor definition for data format dim mapping ops, must be compilable // by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -83,4 +83,4 @@ struct DataFormatVecPermute { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_DATA_FORMAT_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_DATA_FORMAT_OPS_H_ diff --git a/tensorflow/core/kernels/debug_ops.h b/tensorflow/core/kernels/debug_ops.h index 53a23b1306..f7c68e8d47 100644 --- a/tensorflow/core/kernels/debug_ops.h +++ b/tensorflow/core/kernels/debug_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_DEBUG_OP_H_ -#define TENSORFLOW_KERNELS_DEBUG_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_DEBUG_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_DEBUG_OPS_H_ #if GOOGLE_CUDA #include "tensorflow/core/common_runtime/gpu/gpu_util.h" @@ -389,4 +389,4 @@ class DebugNumericSummaryOp : public BaseDebugOp { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_DEBUG_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_DEBUG_OPS_H_ diff --git a/tensorflow/core/kernels/dense_update_functor.h b/tensorflow/core/kernels/dense_update_functor.h index 240c13261e..61b5731250 100644 --- a/tensorflow/core/kernels/dense_update_functor.h +++ b/tensorflow/core/kernels/dense_update_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_DENSE_UPDATE_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_DENSE_UPDATE_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_DENSE_UPDATE_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_DENSE_UPDATE_FUNCTOR_H_ #define EIGEN_USE_THREADS @@ -105,4 +105,4 @@ Status VariantCopyFn(OpKernelContext* context, const Tensor& from, } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_DENSE_UPDATE_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_DENSE_UPDATE_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/eigen_backward_spatial_convolutions.h b/tensorflow/core/kernels/eigen_backward_spatial_convolutions.h index 099696105b..cb0a76dac4 100644 --- a/tensorflow/core/kernels/eigen_backward_spatial_convolutions.h +++ b/tensorflow/core/kernels/eigen_backward_spatial_convolutions.h @@ -499,4 +499,4 @@ SpatialConvolutionBackwardKernel( } // end namespace Eigen -#endif // EIGEN_CXX11_NEURAL_NETWORKS_BACKWARD_SPATIAL_CONVOLUTIONS_H +#endif // TENSORFLOW_CORE_KERNELS_EIGEN_BACKWARD_SPATIAL_CONVOLUTIONS_H_ diff --git a/tensorflow/core/kernels/extract_image_patches_op.h b/tensorflow/core/kernels/extract_image_patches_op.h index e430a23d20..64b8c0338b 100644 --- a/tensorflow/core/kernels/extract_image_patches_op.h +++ b/tensorflow/core/kernels/extract_image_patches_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ -#define TENSORFLOW_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ +#define TENSORFLOW_CORE_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_shape.h" @@ -53,4 +53,4 @@ struct ExtractImagePatchesForward { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_EXTRACT_IMAGE_PATCHES_OP_H_ diff --git a/tensorflow/core/kernels/fake_quant_ops_functor.h b/tensorflow/core/kernels/fake_quant_ops_functor.h index d51acc38ef..045a96ac1e 100644 --- a/tensorflow/core/kernels/fake_quant_ops_functor.h +++ b/tensorflow/core/kernels/fake_quant_ops_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_FAKE_QUANT_FUNCTOR_H_ -#define TENSORFLOW_CORE_KERNELS_FAKE_QUANT_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_FAKE_QUANT_OPS_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_FAKE_QUANT_OPS_FUNCTOR_H_ #include @@ -277,4 +277,4 @@ struct FakeQuantWithMinMaxVarsPerChannelGradientFunctor { } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_FAKE_QUANT_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_FAKE_QUANT_OPS_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/fill_functor.h b/tensorflow/core/kernels/fill_functor.h index 4c8b3f01a7..46bffa5173 100644 --- a/tensorflow/core/kernels/fill_functor.h +++ b/tensorflow/core/kernels/fill_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_FILL_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_FILL_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_FILL_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_FILL_FUNCTOR_H_ #define EIGEN_USE_THREADS @@ -89,4 +89,4 @@ struct SetOneFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_FILL_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_FILL_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/fractional_pool_common.h b/tensorflow/core/kernels/fractional_pool_common.h index 2d7a230fc0..55a959f3c3 100644 --- a/tensorflow/core/kernels/fractional_pool_common.h +++ b/tensorflow/core/kernels/fractional_pool_common.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_FRACTIONAL_POOL_COMMON_H_ -#define TENSORFLOW_KERNELS_FRACTIONAL_POOL_COMMON_H_ +#ifndef TENSORFLOW_CORE_KERNELS_FRACTIONAL_POOL_COMMON_H_ +#define TENSORFLOW_CORE_KERNELS_FRACTIONAL_POOL_COMMON_H_ #include #include @@ -75,4 +75,4 @@ std::vector GeneratePoolingSequence(int input_length, int output_length, bool pseudo_random); } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_FRACTIONAL_POOL_COMMON_H_ +#endif // TENSORFLOW_CORE_KERNELS_FRACTIONAL_POOL_COMMON_H_ diff --git a/tensorflow/core/kernels/fused_batch_norm_op.h b/tensorflow/core/kernels/fused_batch_norm_op.h index d6c68df986..c45b6f79e3 100644 --- a/tensorflow/core/kernels/fused_batch_norm_op.h +++ b/tensorflow/core/kernels/fused_batch_norm_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_FUSED_BATCH_NORM_OP_H_ -#define TENSORFLOW_KERNELS_FUSED_BATCH_NORM_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_FUSED_BATCH_NORM_OP_H_ +#define TENSORFLOW_CORE_KERNELS_FUSED_BATCH_NORM_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor.h" @@ -128,4 +128,4 @@ struct FusedBatchNormFreezeGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_FUSED_BATCH_NORM_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_FUSED_BATCH_NORM_OP_H_ diff --git a/tensorflow/core/kernels/gather_functor.h b/tensorflow/core/kernels/gather_functor.h index 2c6e8bf3bc..cd2873bdca 100644 --- a/tensorflow/core/kernels/gather_functor.h +++ b/tensorflow/core/kernels/gather_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_GATHER_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_GATHER_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_GATHER_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_GATHER_FUNCTOR_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -176,4 +176,4 @@ struct GatherFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_GATHER_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_GATHER_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/gather_nd_op.h b/tensorflow/core/kernels/gather_nd_op.h index 60780fb50c..003badb74d 100644 --- a/tensorflow/core/kernels/gather_nd_op.h +++ b/tensorflow/core/kernels/gather_nd_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_GATHER_ND_OP_H_ -#define TENSORFLOW_KERNELS_GATHER_ND_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_H_ +#define TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_H_ // Functor definition for GatherOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -47,4 +47,4 @@ Status DoGatherNd(OpKernelContext* c, const Tensor& params, } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_GATHER_ND_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_H_ diff --git a/tensorflow/core/kernels/gather_nd_op_cpu_impl.h b/tensorflow/core/kernels/gather_nd_op_cpu_impl.h index dc028c2f1e..ad0112e6cb 100644 --- a/tensorflow/core/kernels/gather_nd_op_cpu_impl.h +++ b/tensorflow/core/kernels/gather_nd_op_cpu_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ -#define TENSORFLOW_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ +#ifndef TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ +#define TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ // Specialization of GatherNdSlice to CPU @@ -142,4 +142,4 @@ TF_CALL_ALL_TYPES(REGISTER_GATHER_ND_CPU); } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ +#endif // TENSORFLOW_CORE_KERNELS_GATHER_ND_OP_CPU_IMPL_H_ diff --git a/tensorflow/core/kernels/hexagon/graph_transfer_utils.h b/tensorflow/core/kernels/hexagon/graph_transfer_utils.h index ada96ae4ea..d0d5c3e018 100644 --- a/tensorflow/core/kernels/hexagon/graph_transfer_utils.h +++ b/tensorflow/core/kernels/hexagon/graph_transfer_utils.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_HEXAGON_GRAPH_TRANSFER_UTILS_H_ -#define TENSORFLOW_PLATFORM_HEXAGON_GRAPH_TRANSFER_UTILS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_HEXAGON_GRAPH_TRANSFER_UTILS_H_ +#define TENSORFLOW_CORE_KERNELS_HEXAGON_GRAPH_TRANSFER_UTILS_H_ #include #include @@ -56,4 +56,4 @@ class GraphTransferUtils { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_HEXAGON_GRAPH_TRANSFER_UTILS_H_ +#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_GRAPH_TRANSFER_UTILS_H_ diff --git a/tensorflow/core/kernels/hexagon/graph_transferer.h b/tensorflow/core/kernels/hexagon/graph_transferer.h index 86c1c5625f..4328d51916 100644 --- a/tensorflow/core/kernels/hexagon/graph_transferer.h +++ b/tensorflow/core/kernels/hexagon/graph_transferer.h @@ -228,4 +228,4 @@ class GraphTransferer { } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_GRAPH_TRANSFERER_H +#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_GRAPH_TRANSFERER_H_ diff --git a/tensorflow/core/kernels/hexagon/hexagon_control_wrapper.h b/tensorflow/core/kernels/hexagon/hexagon_control_wrapper.h index 132cfde2db..1b382996f8 100644 --- a/tensorflow/core/kernels/hexagon/hexagon_control_wrapper.h +++ b/tensorflow/core/kernels/hexagon/hexagon_control_wrapper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_HEXAGON_CONTROL_WRAPPER_H_ -#define TENSORFLOW_CORE_KERNELS_HEXAGON_CONTROL_WRAPPER_H_ +#ifndef TENSORFLOW_CORE_KERNELS_HEXAGON_HEXAGON_CONTROL_WRAPPER_H_ +#define TENSORFLOW_CORE_KERNELS_HEXAGON_HEXAGON_CONTROL_WRAPPER_H_ #include #include @@ -88,4 +88,4 @@ class HexagonControlWrapper final : public IRemoteFusedGraphExecutor { } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_CONTROL_WRAPPER_H_ +#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_HEXAGON_CONTROL_WRAPPER_H_ diff --git a/tensorflow/core/kernels/hexagon/hexagon_ops_definitions.h b/tensorflow/core/kernels/hexagon/hexagon_ops_definitions.h index b9328c8e0e..270d697e96 100644 --- a/tensorflow/core/kernels/hexagon/hexagon_ops_definitions.h +++ b/tensorflow/core/kernels/hexagon/hexagon_ops_definitions.h @@ -55,4 +55,4 @@ class HexagonOpsDefinitions final : public IRemoteFusedGraphOpsDefinitions { } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_HEXAGON_OPS_DEFINITIONS_H +#endif // TENSORFLOW_CORE_KERNELS_HEXAGON_HEXAGON_OPS_DEFINITIONS_H_ diff --git a/tensorflow/core/kernels/hinge-loss.h b/tensorflow/core/kernels/hinge-loss.h index d303e9c877..b12910d27d 100644 --- a/tensorflow/core/kernels/hinge-loss.h +++ b/tensorflow/core/kernels/hinge-loss.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_HINGE_LOSS_H_ -#define TENSORFLOW_KERNELS_HINGE_LOSS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_HINGE_LOSS_H_ +#define TENSORFLOW_CORE_KERNELS_HINGE_LOSS_H_ #include #include @@ -123,4 +123,4 @@ class HingeLossUpdater : public DualLossUpdater { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_HINGE_LOSS_H_ +#endif // TENSORFLOW_CORE_KERNELS_HINGE_LOSS_H_ diff --git a/tensorflow/core/kernels/histogram_op.h b/tensorflow/core/kernels/histogram_op.h index 1b253f7fed..b14fc2bee3 100644 --- a/tensorflow/core/kernels/histogram_op.h +++ b/tensorflow/core/kernels/histogram_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_HISTOGRAM_OP_H_ -#define TENSORFLOW_HISTOGRAM_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_HISTOGRAM_OP_H_ +#define TENSORFLOW_CORE_KERNELS_HISTOGRAM_OP_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor_types.h" @@ -35,4 +35,4 @@ struct HistogramFixedWidthFunctor { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_HISTOGRAM_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_HISTOGRAM_OP_H_ diff --git a/tensorflow/core/kernels/i_remote_fused_graph_executor.h b/tensorflow/core/kernels/i_remote_fused_graph_executor.h index 6072412689..b2329f4b61 100644 --- a/tensorflow/core/kernels/i_remote_fused_graph_executor.h +++ b/tensorflow/core/kernels/i_remote_fused_graph_executor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_I_REMOTE_GRAPH_EXECUTOR_H_ -#define TENSORFLOW_CORE_KERNELS_I_REMOTE_GRAPH_EXECUTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_I_REMOTE_FUSED_GRAPH_EXECUTOR_H_ +#define TENSORFLOW_CORE_KERNELS_I_REMOTE_FUSED_GRAPH_EXECUTOR_H_ #include "tensorflow/core/framework/tensor.h" #include "tensorflow/core/framework/types.h" @@ -74,4 +74,4 @@ class IRemoteFusedGraphExecutor { } // namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_I_REMOTE_GRAPH_EXECUTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_I_REMOTE_FUSED_GRAPH_EXECUTOR_H_ diff --git a/tensorflow/core/kernels/identity_n_op.h b/tensorflow/core/kernels/identity_n_op.h index 490bbf456c..7339cbbe29 100644 --- a/tensorflow/core/kernels/identity_n_op.h +++ b/tensorflow/core/kernels/identity_n_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_IDENTITY_N_OP_H_ -#define TENSORFLOW_KERNELS_IDENTITY_N_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_IDENTITY_N_OP_H_ +#define TENSORFLOW_CORE_KERNELS_IDENTITY_N_OP_H_ #include "tensorflow/core/framework/op_kernel.h" @@ -41,4 +41,4 @@ class IdentityNOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_IDENTITY_N_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_IDENTITY_N_OP_H_ diff --git a/tensorflow/core/kernels/identity_op.h b/tensorflow/core/kernels/identity_op.h index f8856a1b9b..6b74868ad4 100644 --- a/tensorflow/core/kernels/identity_op.h +++ b/tensorflow/core/kernels/identity_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_IDENTITY_OP_H_ -#define TENSORFLOW_KERNELS_IDENTITY_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_IDENTITY_OP_H_ +#define TENSORFLOW_CORE_KERNELS_IDENTITY_OP_H_ #include "tensorflow/core/framework/op_kernel.h" @@ -37,4 +37,4 @@ class IdentityOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_IDENTITY_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_IDENTITY_OP_H_ diff --git a/tensorflow/core/kernels/image_resizer_state.h b/tensorflow/core/kernels/image_resizer_state.h index 8dcb5977c6..1d4fa1a7db 100644 --- a/tensorflow/core/kernels/image_resizer_state.h +++ b/tensorflow/core/kernels/image_resizer_state.h @@ -18,8 +18,8 @@ limitations under the License. // reduce code duplication and ensure consistency across the different // resizers, it performs the input validation. -#ifndef TENSORFLOW_KERNELS_IMAGE_RESIZER_STATE_H_ -#define TENSORFLOW_KERNELS_IMAGE_RESIZER_STATE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_IMAGE_RESIZER_STATE_H_ +#define TENSORFLOW_CORE_KERNELS_IMAGE_RESIZER_STATE_H_ #define EIGEN_USE_THREADS @@ -191,4 +191,4 @@ struct ImageResizerGradientState { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_IMAGE_RESIZER_STATE_H_ +#endif // TENSORFLOW_CORE_KERNELS_IMAGE_RESIZER_STATE_H_ diff --git a/tensorflow/core/kernels/immutable_constant_op.h b/tensorflow/core/kernels/immutable_constant_op.h index 795331b4b2..97af8c7dc5 100644 --- a/tensorflow/core/kernels/immutable_constant_op.h +++ b/tensorflow/core/kernels/immutable_constant_op.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_IMMUTABLE_CONSTANT_OP_H_ -#define TENSORFLOW_KERNELS_IMMUTABLE_CONSTANT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_IMMUTABLE_CONSTANT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_IMMUTABLE_CONSTANT_OP_H_ #include @@ -46,4 +46,4 @@ class ImmutableConstantOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_IMMUTABLE_CONSTANT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_IMMUTABLE_CONSTANT_OP_H_ diff --git a/tensorflow/core/kernels/initializable_lookup_table.h b/tensorflow/core/kernels/initializable_lookup_table.h index b4f81d9a70..9ff94c46c6 100644 --- a/tensorflow/core/kernels/initializable_lookup_table.h +++ b/tensorflow/core/kernels/initializable_lookup_table.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ -#define TENSORFLOW_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ +#define TENSORFLOW_CORE_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ #include "tensorflow/core/framework/lookup_interface.h" #include "tensorflow/core/platform/macros.h" @@ -158,4 +158,4 @@ class InitializableLookupTable : public LookupInterface { } // namespace lookup } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ +#endif // TENSORFLOW_CORE_KERNELS_INITIALIZABLE_LOOKUP_TABLE_H_ diff --git a/tensorflow/core/kernels/inplace_ops_functor.h b/tensorflow/core/kernels/inplace_ops_functor.h index b806787e91..2023869f49 100644 --- a/tensorflow/core/kernels/inplace_ops_functor.h +++ b/tensorflow/core/kernels/inplace_ops_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_INPLACE_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_INPLACE_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_INPLACE_OPS_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_INPLACE_OPS_FUNCTOR_H_ #include "tensorflow/core/framework/tensor.h" #include "tensorflow/core/lib/core/status.h" @@ -46,4 +46,4 @@ Status DoCopy(const Device& device, const Tensor& x, Tensor* y); } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_INPLACE_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_INPLACE_OPS_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/l2loss_op.h b/tensorflow/core/kernels/l2loss_op.h index 4953aa237c..465ef96a51 100644 --- a/tensorflow/core/kernels/l2loss_op.h +++ b/tensorflow/core/kernels/l2loss_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_L2LOSS_OP_H_ -#define TENSORFLOW_KERNELS_L2LOSS_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_L2LOSS_OP_H_ +#define TENSORFLOW_CORE_KERNELS_L2LOSS_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor_types.h" @@ -30,4 +30,4 @@ struct L2LossOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_L2LOSS_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_L2LOSS_OP_H_ diff --git a/tensorflow/core/kernels/linalg_ops_common.h b/tensorflow/core/kernels/linalg_ops_common.h index f7c3f1950b..692f916439 100644 --- a/tensorflow/core/kernels/linalg_ops_common.h +++ b/tensorflow/core/kernels/linalg_ops_common.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_LINALG_OPS_COMMON_H_ -#define TENSORFLOW_KERNELS_LINALG_OPS_COMMON_H_ +#ifndef TENSORFLOW_CORE_KERNELS_LINALG_OPS_COMMON_H_ +#define TENSORFLOW_CORE_KERNELS_LINALG_OPS_COMMON_H_ // Classes to support linear algebra functionality, similar to the numpy.linalg // module. Supports batch computation on several matrices at once, sharding the @@ -194,4 +194,4 @@ extern template class LinearAlgebraOp; #define REGISTER_LINALG_OP(OpName, OpClass, Scalar) \ REGISTER_LINALG_OP_CPU(OpName, OpClass, Scalar) -#endif // TENSORFLOW_KERNELS_LINALG_OPS_COMMON_H_ +#endif // TENSORFLOW_CORE_KERNELS_LINALG_OPS_COMMON_H_ diff --git a/tensorflow/core/kernels/logistic-loss.h b/tensorflow/core/kernels/logistic-loss.h index 6479e6f5dc..b43902e0b9 100644 --- a/tensorflow/core/kernels/logistic-loss.h +++ b/tensorflow/core/kernels/logistic-loss.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_LOGISTIC_LOSS_H_ -#define TENSORFLOW_KERNELS_LOGISTIC_LOSS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_LOGISTIC_LOSS_H_ +#define TENSORFLOW_CORE_KERNELS_LOGISTIC_LOSS_H_ #include @@ -131,4 +131,4 @@ class LogisticLossUpdater : public DualLossUpdater { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_LOGISTIC_LOSS_H_ +#endif // TENSORFLOW_CORE_KERNELS_LOGISTIC_LOSS_H_ diff --git a/tensorflow/core/kernels/lookup_table_init_op.h b/tensorflow/core/kernels/lookup_table_init_op.h index 177a26daa8..101e528659 100644 --- a/tensorflow/core/kernels/lookup_table_init_op.h +++ b/tensorflow/core/kernels/lookup_table_init_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_LOOKUP_TABLE_INIT_OP_H_ -#define TENSORFLOW_KERNELS_LOOKUP_TABLE_INIT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_INIT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_INIT_OP_H_ #include "tensorflow/core/kernels/initializable_lookup_table.h" @@ -30,4 +30,4 @@ Status InitializeTableFromTextFile(const string& filename, int64 vocab_size, } // namespace lookup } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_LOOKUP_TABLE_INIT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_INIT_OP_H_ diff --git a/tensorflow/core/kernels/lookup_table_op.h b/tensorflow/core/kernels/lookup_table_op.h index 35ca2b9ad0..9451247f26 100644 --- a/tensorflow/core/kernels/lookup_table_op.h +++ b/tensorflow/core/kernels/lookup_table_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_LOOKUP_TABLE_OP_H_ -#define TENSORFLOW_KERNELS_LOOKUP_TABLE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_OP_H_ #include "tensorflow/core/framework/lookup_interface.h" #include "tensorflow/core/framework/op_kernel.h" @@ -275,4 +275,4 @@ class HashTable : public InitializableLookupTable { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_LOOKUP_TABLE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_LOOKUP_TABLE_OP_H_ diff --git a/tensorflow/core/kernels/loss.h b/tensorflow/core/kernels/loss.h index a77aa7587b..7db348800e 100644 --- a/tensorflow/core/kernels/loss.h +++ b/tensorflow/core/kernels/loss.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_LOSS_H_ -#define TENSORFLOW_KERNELS_LOSS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_LOSS_H_ +#define TENSORFLOW_CORE_KERNELS_LOSS_H_ #include "tensorflow/core/lib/core/status.h" @@ -56,4 +56,4 @@ class DualLossUpdater { }; } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_LOSS_H_ +#endif // TENSORFLOW_CORE_KERNELS_LOSS_H_ diff --git a/tensorflow/core/kernels/matmul_op.h b/tensorflow/core/kernels/matmul_op.h index 628895ca86..4b74a64025 100644 --- a/tensorflow/core/kernels/matmul_op.h +++ b/tensorflow/core/kernels/matmul_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_MATMUL_OP_H_ -#define TENSORFLOW_KERNELS_MATMUL_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MATMUL_OP_H_ +#define TENSORFLOW_CORE_KERNELS_MATMUL_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor.h" @@ -117,4 +117,4 @@ typedef Eigen::GpuDevice GPUDevice; } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_MATMUL_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_MATMUL_OP_H_ diff --git a/tensorflow/core/kernels/matrix_set_diag_op.h b/tensorflow/core/kernels/matrix_set_diag_op.h index aeb144559f..341ef12e97 100644 --- a/tensorflow/core/kernels/matrix_set_diag_op.h +++ b/tensorflow/core/kernels/matrix_set_diag_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_MATRIX_SET_DIAG_OP_H_ -#define TENSORFLOW_KERNELS_MATRIX_SET_DIAG_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MATRIX_SET_DIAG_OP_H_ +#define TENSORFLOW_CORE_KERNELS_MATRIX_SET_DIAG_OP_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor_types.h" @@ -34,4 +34,4 @@ struct MatrixSetDiag { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_MATRIX_SET_DIAG_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_MATRIX_SET_DIAG_OP_H_ diff --git a/tensorflow/core/kernels/maxpooling_op.h b/tensorflow/core/kernels/maxpooling_op.h index f82e57d44c..2adb8081ce 100644 --- a/tensorflow/core/kernels/maxpooling_op.h +++ b/tensorflow/core/kernels/maxpooling_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_MAXPOOLING_OP_H_ -#define TENSORFLOW_KERNELS_MAXPOOLING_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MAXPOOLING_OP_H_ +#define TENSORFLOW_CORE_KERNELS_MAXPOOLING_OP_H_ // Functor definition for MaxPoolingOp, must be compilable by nvcc. #include "tensorflow/core/framework/numeric_types.h" @@ -51,4 +51,4 @@ struct SpatialMaxPooling { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_MAXPOOLING_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_MAXPOOLING_OP_H_ diff --git a/tensorflow/core/kernels/mirror_pad_op.h b/tensorflow/core/kernels/mirror_pad_op.h index 81150a9e79..cc4b6941b9 100644 --- a/tensorflow/core/kernels/mirror_pad_op.h +++ b/tensorflow/core/kernels/mirror_pad_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_MIRROR_PAD_OP_H_ -#define TENSORFLOW_KERNELS_MIRROR_PAD_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_H_ +#define TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -437,4 +437,4 @@ struct MirrorPadGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_MIRROR_PAD_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_H_ diff --git a/tensorflow/core/kernels/mirror_pad_op_cpu_impl.h b/tensorflow/core/kernels/mirror_pad_op_cpu_impl.h index f27ca139c9..98e3be082d 100644 --- a/tensorflow/core/kernels/mirror_pad_op_cpu_impl.h +++ b/tensorflow/core/kernels/mirror_pad_op_cpu_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_MIRROR_PAD_OP_CPU_IMPL_H_ -#define TENSORFLOW_CORE_MIRROR_PAD_OP_CPU_IMPL_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_CPU_IMPL_H_ +#define TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_CPU_IMPL_H_ #define EIGEN_USE_THREADS @@ -42,4 +42,4 @@ TF_CALL_NUMBER_TYPES(DEFINE_CPU_SPECS); } // namespace tensorflow -#endif // TENSORFLOW_CORE_MIRROR_PAD_OP_CPU_IMPL_H_ +#endif // TENSORFLOW_CORE_KERNELS_MIRROR_PAD_OP_CPU_IMPL_H_ diff --git a/tensorflow/core/kernels/multinomial_op.h b/tensorflow/core/kernels/multinomial_op.h index 6e41060aa4..34e2123613 100644 --- a/tensorflow/core/kernels/multinomial_op.h +++ b/tensorflow/core/kernels/multinomial_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_MULTINOMIAL_OP_H_ -#define TENSORFLOW_KERNELS_MULTINOMIAL_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_MULTINOMIAL_OP_H_ +#define TENSORFLOW_CORE_KERNELS_MULTINOMIAL_OP_H_ namespace tensorflow { @@ -27,4 +27,4 @@ struct MultinomialFunctor; } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_MULTINOMIAL_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_MULTINOMIAL_OP_H_ diff --git a/tensorflow/core/kernels/neon/depthwiseconv_float.h b/tensorflow/core/kernels/neon/depthwiseconv_float.h index 11f5be7c03..0d5a42bf10 100644 --- a/tensorflow/core/kernels/neon/depthwiseconv_float.h +++ b/tensorflow/core/kernels/neon/depthwiseconv_float.h @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_H_ -#define TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_H_ +#ifndef TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_FLOAT_H_ +#define TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_FLOAT_H_ #include "public/gemmlowp.h" #include "tensorflow/core/kernels/neon/types.h" @@ -722,4 +722,4 @@ void DepthwiseConv(const float* input_data, const Dims<4>& input_dims, } // end namespace neon } // end namespace tensorflow -#endif // TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_H_ +#endif // TENSORFLOW_CORE_KERNELS_NEON_DEPTHWISECONV_FLOAT_H_ diff --git a/tensorflow/core/kernels/no_op.h b/tensorflow/core/kernels/no_op.h index 29ea46aed6..9e16d06978 100644 --- a/tensorflow/core/kernels/no_op.h +++ b/tensorflow/core/kernels/no_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_NO_OP_H_ -#define TENSORFLOW_KERNELS_NO_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_NO_OP_H_ +#define TENSORFLOW_CORE_KERNELS_NO_OP_H_ #include "tensorflow/core/framework/op_kernel.h" @@ -29,4 +29,4 @@ class NoOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_NO_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_NO_OP_H_ diff --git a/tensorflow/core/kernels/nth_element_op.h b/tensorflow/core/kernels/nth_element_op.h index e7d25daecc..7a5ec3d0b5 100644 --- a/tensorflow/core/kernels/nth_element_op.h +++ b/tensorflow/core/kernels/nth_element_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_NTH_ELEMENT_OP_H_ -#define TENSORFLOW_NTH_ELEMENT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_NTH_ELEMENT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_NTH_ELEMENT_OP_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/tensor_types.h" @@ -34,4 +34,4 @@ struct NthElementFunctor { } // namespace tensorflow -#endif // TENSORFLOW_NTH_ELEMENT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_NTH_ELEMENT_OP_H_ diff --git a/tensorflow/core/kernels/one_hot_op.h b/tensorflow/core/kernels/one_hot_op.h index db59f0f0d4..879df2b59b 100644 --- a/tensorflow/core/kernels/one_hot_op.h +++ b/tensorflow/core/kernels/one_hot_op.h @@ -15,8 +15,8 @@ limitations under the License. // See docs in ../ops/array_ops.cc -#ifndef TENSORFLOW_KERNELS_ONE_HOT_OP_H_ -#define TENSORFLOW_KERNELS_ONE_HOT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_ONE_HOT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_ONE_HOT_OP_H_ // Generator definition for OneHotOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -69,4 +69,4 @@ struct OneHot { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_ONE_HOT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_ONE_HOT_OP_H_ diff --git a/tensorflow/core/kernels/ops_testutil.h b/tensorflow/core/kernels/ops_testutil.h index 2c195beb7f..5d607b9044 100644 --- a/tensorflow/core/kernels/ops_testutil.h +++ b/tensorflow/core/kernels/ops_testutil.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_OPS_TESTUTIL_H_ -#define TENSORFLOW_KERNELS_OPS_TESTUTIL_H_ +#ifndef TENSORFLOW_CORE_KERNELS_OPS_TESTUTIL_H_ +#define TENSORFLOW_CORE_KERNELS_OPS_TESTUTIL_H_ #include #include @@ -252,4 +252,4 @@ class OpsTestBase : public ::testing::Test { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_OPS_TESTUTIL_H_ +#endif // TENSORFLOW_CORE_KERNELS_OPS_TESTUTIL_H_ diff --git a/tensorflow/core/kernels/ops_util.h b/tensorflow/core/kernels/ops_util.h index 93ef512778..a496487d1b 100644 --- a/tensorflow/core/kernels/ops_util.h +++ b/tensorflow/core/kernels/ops_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_OPS_UTIL_H_ -#define TENSORFLOW_KERNELS_OPS_UTIL_H_ +#ifndef TENSORFLOW_CORE_KERNELS_OPS_UTIL_H_ +#define TENSORFLOW_CORE_KERNELS_OPS_UTIL_H_ // This file contains utilities for various operations. @@ -113,4 +113,4 @@ gtl::InlinedVector ComputeEigenStrides(const EigenDimensions& shape) { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_OPS_UTIL_H_ +#endif // TENSORFLOW_CORE_KERNELS_OPS_UTIL_H_ diff --git a/tensorflow/core/kernels/pad_op.h b/tensorflow/core/kernels/pad_op.h index ee9e0f0330..ae79f515d9 100644 --- a/tensorflow/core/kernels/pad_op.h +++ b/tensorflow/core/kernels/pad_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_PAD_OP_H_ -#define TENSORFLOW_KERNELS_PAD_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_PAD_OP_H_ +#define TENSORFLOW_CORE_KERNELS_PAD_OP_H_ // Functor definition for PadOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -54,4 +54,4 @@ struct Pad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_PAD_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_PAD_OP_H_ diff --git a/tensorflow/core/kernels/padding_fifo_queue.h b/tensorflow/core/kernels/padding_fifo_queue.h index 9d7c935068..b86b03c8f0 100644 --- a/tensorflow/core/kernels/padding_fifo_queue.h +++ b/tensorflow/core/kernels/padding_fifo_queue.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_PADDING_FIFO_QUEUE_H_ -#define TENSORFLOW_KERNELS_PADDING_FIFO_QUEUE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_PADDING_FIFO_QUEUE_H_ +#define TENSORFLOW_CORE_KERNELS_PADDING_FIFO_QUEUE_H_ #include #include @@ -86,4 +86,4 @@ class PaddingFIFOQueue : public FIFOQueue { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_PADDING_FIFO_QUEUE_H_ +#endif // TENSORFLOW_CORE_KERNELS_PADDING_FIFO_QUEUE_H_ diff --git a/tensorflow/core/kernels/parameterized_truncated_normal_op.h b/tensorflow/core/kernels/parameterized_truncated_normal_op.h index cc801eb810..2e54db31fe 100644 --- a/tensorflow/core/kernels/parameterized_truncated_normal_op.h +++ b/tensorflow/core/kernels/parameterized_truncated_normal_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ -#define TENSORFLOW_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ +#define TENSORFLOW_CORE_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ #include "tensorflow/core/framework/tensor_types.h" #include "tensorflow/core/lib/random/random_distributions.h" @@ -49,4 +49,4 @@ struct TruncatedNormalFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_PARAMETERIZED_TRUNCATED_NORMAL_OP_H_ diff --git a/tensorflow/core/kernels/pooling_ops_3d.h b/tensorflow/core/kernels/pooling_ops_3d.h index d1be3ba407..319b17397e 100644 --- a/tensorflow/core/kernels/pooling_ops_3d.h +++ b/tensorflow/core/kernels/pooling_ops_3d.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_POOLING_OPS_3D_H_ -#define TENSORFLOW_KERNELS_POOLING_OPS_3D_H_ +#ifndef TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_H_ +#define TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/util/padding.h" @@ -77,4 +77,4 @@ struct Pool3dParameters { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_POOLING_OPS_3D_H_ +#endif // TENSORFLOW_CORE_KERNELS_POOLING_OPS_3D_H_ diff --git a/tensorflow/core/kernels/pooling_ops_common.h b/tensorflow/core/kernels/pooling_ops_common.h index e9265551e3..dda2c80c49 100644 --- a/tensorflow/core/kernels/pooling_ops_common.h +++ b/tensorflow/core/kernels/pooling_ops_common.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_POOLING_OPS_COMMON_H_ -#define TENSORFLOW_KERNELS_POOLING_OPS_COMMON_H_ +#ifndef TENSORFLOW_CORE_KERNELS_POOLING_OPS_COMMON_H_ +#define TENSORFLOW_CORE_KERNELS_POOLING_OPS_COMMON_H_ #include @@ -605,4 +605,4 @@ void SpatialAvgPool(OpKernelContext* context, Tensor* output, } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_POOLING_OPS_COMMON_H_ +#endif // TENSORFLOW_CORE_KERNELS_POOLING_OPS_COMMON_H_ diff --git a/tensorflow/core/kernels/priority_queue.h b/tensorflow/core/kernels/priority_queue.h index ff168df449..8e69b5b699 100644 --- a/tensorflow/core/kernels/priority_queue.h +++ b/tensorflow/core/kernels/priority_queue.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_PRIORITY_QUEUE_H_ -#define TENSORFLOW_KERNELS_PRIORITY_QUEUE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_PRIORITY_QUEUE_H_ +#define TENSORFLOW_CORE_KERNELS_PRIORITY_QUEUE_H_ #include #include @@ -90,4 +90,4 @@ class PriorityQueue } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_PRIORITY_QUEUE_H_ +#endif // TENSORFLOW_CORE_KERNELS_PRIORITY_QUEUE_H_ diff --git a/tensorflow/core/kernels/random_op.h b/tensorflow/core/kernels/random_op.h index 97bcaf1a49..d313a021dd 100644 --- a/tensorflow/core/kernels/random_op.h +++ b/tensorflow/core/kernels/random_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RANDOM_OP_H_ -#define TENSORFLOW_KERNELS_RANDOM_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RANDOM_OP_H_ +#define TENSORFLOW_CORE_KERNELS_RANDOM_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/lib/random/random_distributions.h" @@ -69,4 +69,4 @@ struct FillPhiloxRandom { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RANDOM_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_RANDOM_OP_H_ diff --git a/tensorflow/core/kernels/random_poisson_op.h b/tensorflow/core/kernels/random_poisson_op.h index 4e9fd62520..62ae01c16c 100644 --- a/tensorflow/core/kernels/random_poisson_op.h +++ b/tensorflow/core/kernels/random_poisson_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RANDOM_POISSON_OP_H_ -#define TENSORFLOW_KERNELS_RANDOM_POISSON_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RANDOM_POISSON_OP_H_ +#define TENSORFLOW_CORE_KERNELS_RANDOM_POISSON_OP_H_ namespace tensorflow { @@ -28,4 +28,4 @@ struct PoissonFunctor; } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RANDOM_POISSON_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_RANDOM_POISSON_OP_H_ diff --git a/tensorflow/core/kernels/range_sampler.h b/tensorflow/core/kernels/range_sampler.h index 3010666598..ed160adfb4 100644 --- a/tensorflow/core/kernels/range_sampler.h +++ b/tensorflow/core/kernels/range_sampler.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RANGE_SAMPLER_H_ -#define TENSORFLOW_KERNELS_RANGE_SAMPLER_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RANGE_SAMPLER_H_ +#define TENSORFLOW_CORE_KERNELS_RANGE_SAMPLER_H_ #include @@ -249,4 +249,4 @@ class FixedUnigramSampler : public RangeSampler { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RANGE_SAMPLER_H_ +#endif // TENSORFLOW_CORE_KERNELS_RANGE_SAMPLER_H_ diff --git a/tensorflow/core/kernels/record_yielder.h b/tensorflow/core/kernels/record_yielder.h index 34817ad51b..159b43b4cd 100644 --- a/tensorflow/core/kernels/record_yielder.h +++ b/tensorflow/core/kernels/record_yielder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RECORD_YIELDER_H_ -#define TENSORFLOW_KERNELS_RECORD_YIELDER_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RECORD_YIELDER_H_ +#define TENSORFLOW_CORE_KERNELS_RECORD_YIELDER_H_ #include #include @@ -157,4 +157,4 @@ class RecordYielder { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RECORD_YIELDER_H_ +#endif // TENSORFLOW_CORE_KERNELS_RECORD_YIELDER_H_ diff --git a/tensorflow/core/kernels/reduction_ops.h b/tensorflow/core/kernels/reduction_ops.h index e43d2828f3..eb264e0e5a 100644 --- a/tensorflow/core/kernels/reduction_ops.h +++ b/tensorflow/core/kernels/reduction_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_REDUCTION_OPS_H_ -#define TENSORFLOW_KERNELS_REDUCTION_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_H_ // Functor definitions for Reduction ops, must be compilable by nvcc. @@ -79,4 +79,4 @@ struct ReduceFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_REDUCTION_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_H_ diff --git a/tensorflow/core/kernels/reduction_ops_common.h b/tensorflow/core/kernels/reduction_ops_common.h index 03d6e82e01..d83e1c7d15 100644 --- a/tensorflow/core/kernels/reduction_ops_common.h +++ b/tensorflow/core/kernels/reduction_ops_common.h @@ -18,8 +18,8 @@ limitations under the License. // is a header file because we split the various reduction ops into their // own compilation units to get more parallelism in compilation. -#ifndef TENSORFLOW_KERNELS_REDUCTION_OPS_COMMON_H_ -#define TENSORFLOW_KERNELS_REDUCTION_OPS_COMMON_H_ +#ifndef TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_COMMON_H_ +#define TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_COMMON_H_ #define EIGEN_USE_THREADS @@ -277,4 +277,4 @@ struct ReduceFunctor } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_REDUCTION_OPS_COMMON_H_ +#endif // TENSORFLOW_CORE_KERNELS_REDUCTION_OPS_COMMON_H_ diff --git a/tensorflow/core/kernels/relu_op.h b/tensorflow/core/kernels/relu_op.h index e712b02bd7..4775deeb61 100644 --- a/tensorflow/core/kernels/relu_op.h +++ b/tensorflow/core/kernels/relu_op.h @@ -15,8 +15,8 @@ limitations under the License. // See docs in ../ops/nn_ops.cc. -#ifndef TENSORFLOW_KERNELS_RELU_OP_H_ -#define TENSORFLOW_KERNELS_RELU_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RELU_OP_H_ +#define TENSORFLOW_CORE_KERNELS_RELU_OP_H_ #define EIGEN_USE_THREADS @@ -219,4 +219,4 @@ void SeluGradOp::OperateNoTemplate(OpKernelContext* context, #undef EIGEN_USE_THREADS -#endif // TENSORFLOW_KERNELS_RELU_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_RELU_OP_H_ diff --git a/tensorflow/core/kernels/relu_op_functor.h b/tensorflow/core/kernels/relu_op_functor.h index 3bc5ba8a50..e564da335a 100644 --- a/tensorflow/core/kernels/relu_op_functor.h +++ b/tensorflow/core/kernels/relu_op_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RELU_OP_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_RELU_OP_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RELU_OP_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_RELU_OP_FUNCTOR_H_ // Functor definition for ReluOp and ReluGradOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -168,4 +168,4 @@ struct SeluGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RELU_OP_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_RELU_OP_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/reshape_op.h b/tensorflow/core/kernels/reshape_op.h index 5db2d148b9..7458ac75ca 100644 --- a/tensorflow/core/kernels/reshape_op.h +++ b/tensorflow/core/kernels/reshape_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_RESHAPE_OP_H_ -#define TENSORFLOW_KERNELS_RESHAPE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_RESHAPE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_RESHAPE_OP_H_ #include #include "tensorflow/core/framework/op_kernel.h" @@ -121,4 +121,4 @@ class ReshapeOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_RESHAPE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_RESHAPE_OP_H_ diff --git a/tensorflow/core/kernels/reverse_op.h b/tensorflow/core/kernels/reverse_op.h index 934f0277a9..44e7967c5d 100644 --- a/tensorflow/core/kernels/reverse_op.h +++ b/tensorflow/core/kernels/reverse_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_REVERSE_OP_H_ -#define TENSORFLOW_KERNELS_REVERSE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_REVERSE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_REVERSE_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -45,4 +45,4 @@ struct Reverse { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_MIRROR_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_REVERSE_OP_H_ diff --git a/tensorflow/core/kernels/reverse_sequence_op.h b/tensorflow/core/kernels/reverse_sequence_op.h index 8ccd32ea16..d6ba2781a9 100644 --- a/tensorflow/core/kernels/reverse_sequence_op.h +++ b/tensorflow/core/kernels/reverse_sequence_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_REVERSE_SEQUENCE_OP_H_ -#define TENSORFLOW_KERNELS_REVERSE_SEQUENCE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_REVERSE_SEQUENCE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_REVERSE_SEQUENCE_OP_H_ // Generator definition for ReverseSequenceOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -75,4 +75,4 @@ struct ReverseSequence { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_REVERSE_SEQUENCE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_REVERSE_SEQUENCE_OP_H_ diff --git a/tensorflow/core/kernels/save_restore_tensor.h b/tensorflow/core/kernels/save_restore_tensor.h index 5b74b586e8..be7f4b889e 100644 --- a/tensorflow/core/kernels/save_restore_tensor.h +++ b/tensorflow/core/kernels/save_restore_tensor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SAVE_RESTORE_TENSOR_H_ -#define TENSORFLOW_KERNELS_SAVE_RESTORE_TENSOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SAVE_RESTORE_TENSOR_H_ +#define TENSORFLOW_CORE_KERNELS_SAVE_RESTORE_TENSOR_H_ #include "tensorflow/core/util/tensor_slice_reader.h" #include "tensorflow/core/util/tensor_slice_writer.h" @@ -70,4 +70,4 @@ Status RestoreTensorsV2(OpKernelContext* context, const Tensor& prefix, } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SAVE_RESTORE_TENSOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_SAVE_RESTORE_TENSOR_H_ diff --git a/tensorflow/core/kernels/scan_ops.h b/tensorflow/core/kernels/scan_ops.h index 1a1f71d722..13831bb377 100644 --- a/tensorflow/core/kernels/scan_ops.h +++ b/tensorflow/core/kernels/scan_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SCAN_OPS_H_ -#define TENSORFLOW_KERNELS_SCAN_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SCAN_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_SCAN_OPS_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -43,4 +43,4 @@ struct Scan { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SCAN_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_SCAN_OPS_H_ diff --git a/tensorflow/core/kernels/scatter_functor.h b/tensorflow/core/kernels/scatter_functor.h index ebaa2bd9c6..2d43bde23f 100644 --- a/tensorflow/core/kernels/scatter_functor.h +++ b/tensorflow/core/kernels/scatter_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SCATTER_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_SCATTER_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_H_ #include @@ -488,4 +488,4 @@ struct ScatterScalarFunctorSYCL { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SCATTER_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/scatter_functor_gpu.cu.h b/tensorflow/core/kernels/scatter_functor_gpu.cu.h index 70809e4dcf..057755a05c 100644 --- a/tensorflow/core/kernels/scatter_functor_gpu.cu.h +++ b/tensorflow/core/kernels/scatter_functor_gpu.cu.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ -#define TENSORFLOW_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ +#define TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ #if GOOGLE_CUDA @@ -161,4 +161,4 @@ struct ScatterScalarFunctor { #endif // GOOGLE_CUDA -#endif // TENSORFLOW_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ +#endif // TENSORFLOW_CORE_KERNELS_SCATTER_FUNCTOR_GPU_CU_H_ diff --git a/tensorflow/core/kernels/sendrecv_ops.h b/tensorflow/core/kernels/sendrecv_ops.h index 1ff8eff13f..223854de13 100644 --- a/tensorflow/core/kernels/sendrecv_ops.h +++ b/tensorflow/core/kernels/sendrecv_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SENDRECV_OPS_H_ -#define TENSORFLOW_KERNELS_SENDRECV_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SENDRECV_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_SENDRECV_OPS_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/platform/macros.h" @@ -49,4 +49,4 @@ class RecvOp : public AsyncOpKernel { } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_SENDRECV_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_SENDRECV_OPS_H_ diff --git a/tensorflow/core/kernels/shape_ops.h b/tensorflow/core/kernels/shape_ops.h index f75723af7d..7a50f158af 100644 --- a/tensorflow/core/kernels/shape_ops.h +++ b/tensorflow/core/kernels/shape_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SHAPE_OPS_H_ -#define TENSORFLOW_KERNELS_SHAPE_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SHAPE_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_SHAPE_OPS_H_ #include #include @@ -274,4 +274,4 @@ class SqueezeOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SHAPE_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_SHAPE_OPS_H_ diff --git a/tensorflow/core/kernels/slice_op.h b/tensorflow/core/kernels/slice_op.h index db7eded745..1d662f6362 100644 --- a/tensorflow/core/kernels/slice_op.h +++ b/tensorflow/core/kernels/slice_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SLICE_OP_H_ -#define TENSORFLOW_KERNELS_SLICE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SLICE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SLICE_OP_H_ // Functor definition for SliceOp, must be compilable by nvcc. @@ -51,4 +51,4 @@ struct Slice { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SLICE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SLICE_OP_H_ diff --git a/tensorflow/core/kernels/smooth-hinge-loss.h b/tensorflow/core/kernels/smooth-hinge-loss.h index 5074ad0795..d51f5c130e 100644 --- a/tensorflow/core/kernels/smooth-hinge-loss.h +++ b/tensorflow/core/kernels/smooth-hinge-loss.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SMOOTH_HINGE_LOSS_H_ -#define TENSORFLOW_KERNELS_SMOOTH_HINGE_LOSS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SMOOTH_HINGE_LOSS_H_ +#define TENSORFLOW_CORE_KERNELS_SMOOTH_HINGE_LOSS_H_ #include @@ -110,5 +110,5 @@ class SmoothHingeLossUpdater : public DualLossUpdater { } // namespace tensorflow -#endif +#endif // TENSORFLOW_CORE_KERNELS_SMOOTH_HINGE_LOSS_H_ // TENSORFLOW_KERNELS_SMOOTH_HINGE_LOSS_H_ diff --git a/tensorflow/core/kernels/snapshot_op.h b/tensorflow/core/kernels/snapshot_op.h index a18065d42b..02d492988e 100644 --- a/tensorflow/core/kernels/snapshot_op.h +++ b/tensorflow/core/kernels/snapshot_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SNAPSHOT_OP_H_ -#define TENSORFLOW_KERNELS_SNAPSHOT_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SNAPSHOT_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SNAPSHOT_OP_H_ #if GOOGLE_CUDA #define EIGEN_USE_GPU @@ -41,4 +41,4 @@ struct Snapshot { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SNAPSHOT_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SNAPSHOT_OP_H_ diff --git a/tensorflow/core/kernels/softmax_op_functor.h b/tensorflow/core/kernels/softmax_op_functor.h index d3a267ed87..c8bc1ad3bb 100644 --- a/tensorflow/core/kernels/softmax_op_functor.h +++ b/tensorflow/core/kernels/softmax_op_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SOFTMAX_OP_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_SOFTMAX_OP_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SOFTMAX_OP_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_SOFTMAX_OP_FUNCTOR_H_ // Functor definition for SoftmaxOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -98,4 +98,4 @@ struct SoftmaxEigenImpl { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SOFTMAX_OP_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_SOFTMAX_OP_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/softplus_op.h b/tensorflow/core/kernels/softplus_op.h index e17e175d41..8c083ba158 100644 --- a/tensorflow/core/kernels/softplus_op.h +++ b/tensorflow/core/kernels/softplus_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SOFTPLUS_OP_H_ -#define TENSORFLOW_KERNELS_SOFTPLUS_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SOFTPLUS_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SOFTPLUS_OP_H_ // Functor definition for SoftplusOp and SoftplusGradOp, must be compilable by // nvcc. @@ -73,4 +73,4 @@ struct SoftplusGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SOFTPLUS_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SOFTPLUS_OP_H_ diff --git a/tensorflow/core/kernels/softsign_op.h b/tensorflow/core/kernels/softsign_op.h index c2ababf697..61ff6eeede 100644 --- a/tensorflow/core/kernels/softsign_op.h +++ b/tensorflow/core/kernels/softsign_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SOFTSIGN_OP_H_ -#define TENSORFLOW_KERNELS_SOFTSIGN_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SOFTSIGN_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SOFTSIGN_OP_H_ // Functor definition for SoftsignOp and SoftsignGradOp, must be compilable by // nvcc. @@ -57,4 +57,4 @@ struct SoftsignGrad { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SOFTSIGN_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SOFTSIGN_OP_H_ diff --git a/tensorflow/core/kernels/sparse_conditional_accumulator.h b/tensorflow/core/kernels/sparse_conditional_accumulator.h index 2c1bffbee4..11149c4d16 100644 --- a/tensorflow/core/kernels/sparse_conditional_accumulator.h +++ b/tensorflow/core/kernels/sparse_conditional_accumulator.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ -#define TENSORFLOW_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ +#define TENSORFLOW_CORE_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ #include "tensorflow/core/kernels/typed_conditional_accumulator_base.h" @@ -459,4 +459,4 @@ class SparseConditionalAccumulator } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_SPARSE_CONDITIONAL_ACCUMULATOR_H_ diff --git a/tensorflow/core/kernels/sparse_matmul_op.h b/tensorflow/core/kernels/sparse_matmul_op.h index e89280724e..6b9db8f471 100644 --- a/tensorflow/core/kernels/sparse_matmul_op.h +++ b/tensorflow/core/kernels/sparse_matmul_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SPARSE_MATMUL_OP_H_ -#define TENSORFLOW_KERNELS_SPARSE_MATMUL_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SPARSE_MATMUL_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SPARSE_MATMUL_OP_H_ #include "third_party/eigen3/Eigen/Core" #include "tensorflow/core/platform/byte_order.h" @@ -465,4 +465,4 @@ EIGEN_DEVICE_FUNC inline Packet16f pexpand_bf16_u(const Packet16f& from) { #endif } // namespace internal } // namespace Eigen -#endif +#endif // TENSORFLOW_CORE_KERNELS_SPARSE_MATMUL_OP_H_ diff --git a/tensorflow/core/kernels/sparse_tensor_dense_add_op.h b/tensorflow/core/kernels/sparse_tensor_dense_add_op.h index 353cf0e519..c26ed5e874 100644 --- a/tensorflow/core/kernels/sparse_tensor_dense_add_op.h +++ b/tensorflow/core/kernels/sparse_tensor_dense_add_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ -#define TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -39,4 +39,4 @@ struct ScatterNdFunctor { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_ADD_OP_H_ diff --git a/tensorflow/core/kernels/sparse_tensor_dense_matmul_op.h b/tensorflow/core/kernels/sparse_tensor_dense_matmul_op.h index da13190494..d6dd2deca5 100644 --- a/tensorflow/core/kernels/sparse_tensor_dense_matmul_op.h +++ b/tensorflow/core/kernels/sparse_tensor_dense_matmul_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ -#define TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ +#define TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -71,4 +71,4 @@ class MaybeAdjoint { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_SPARSE_TENSOR_DENSE_MATMUL_OP_H_ diff --git a/tensorflow/core/kernels/split_lib.h b/tensorflow/core/kernels/split_lib.h index bc1fa28f8f..9d43a00822 100644 --- a/tensorflow/core/kernels/split_lib.h +++ b/tensorflow/core/kernels/split_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SPLIT_LIB_H_ -#define TENSORFLOW_KERNELS_SPLIT_LIB_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SPLIT_LIB_H_ +#define TENSORFLOW_CORE_KERNELS_SPLIT_LIB_H_ // Functor definition for SplitOp, must be compilable by nvcc. #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -62,4 +62,4 @@ struct Split { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SPLIT_LIB_H_ +#endif // TENSORFLOW_CORE_KERNELS_SPLIT_LIB_H_ diff --git a/tensorflow/core/kernels/squared-loss.h b/tensorflow/core/kernels/squared-loss.h index 49e6db406e..d256a69350 100644 --- a/tensorflow/core/kernels/squared-loss.h +++ b/tensorflow/core/kernels/squared-loss.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_SQUARED_LOSS_H_ -#define TENSORFLOW_KERNELS_SQUARED_LOSS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_SQUARED_LOSS_H_ +#define TENSORFLOW_CORE_KERNELS_SQUARED_LOSS_H_ #include "tensorflow/core/kernels/loss.h" @@ -70,4 +70,4 @@ class SquaredLossUpdater : public DualLossUpdater { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SQUARED_LOSS_H_ +#endif // TENSORFLOW_CORE_KERNELS_SQUARED_LOSS_H_ diff --git a/tensorflow/core/kernels/strided_slice_op.h b/tensorflow/core/kernels/strided_slice_op.h index 2b58632298..86d105391d 100644 --- a/tensorflow/core/kernels/strided_slice_op.h +++ b/tensorflow/core/kernels/strided_slice_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_STRIDED_SLICE_OP_H_ -#define TENSORFLOW_KERNELS_STRIDED_SLICE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_H_ // Functor definition for StridedSliceOp, must be compilable by nvcc. @@ -137,4 +137,4 @@ struct StridedSliceAssignScalar { } // namespace functor } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_SLICE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_H_ diff --git a/tensorflow/core/kernels/strided_slice_op_impl.h b/tensorflow/core/kernels/strided_slice_op_impl.h index 1c4472bb1a..099083b2ff 100644 --- a/tensorflow/core/kernels/strided_slice_op_impl.h +++ b/tensorflow/core/kernels/strided_slice_op_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_STRIDED_SLICE_OP_IMPL_H_ -#define TENSORFLOW_KERNELS_STRIDED_SLICE_OP_IMPL_H_ +#ifndef TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_IMPL_H_ +#define TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_IMPL_H_ // Functor definition for StridedSliceOp, must be compilable by nvcc. @@ -313,4 +313,4 @@ DECLARE_FOR_N_SYCL(int64); } // end namespace tensorflow #endif // END STRIDED_SLICE_INSTANTIATE_DIM -#endif // TENSORFLOW_KERNELS_SLICE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_STRIDED_SLICE_OP_IMPL_H_ diff --git a/tensorflow/core/kernels/tensor_array.h b/tensorflow/core/kernels/tensor_array.h index 68fab85770..e8dc4fad21 100644 --- a/tensorflow/core/kernels/tensor_array.h +++ b/tensorflow/core/kernels/tensor_array.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TENSOR_ARRAY_H_ -#define TENSORFLOW_KERNELS_TENSOR_ARRAY_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TENSOR_ARRAY_H_ +#define TENSORFLOW_CORE_KERNELS_TENSOR_ARRAY_H_ #include #include @@ -629,4 +629,4 @@ Status TensorArray::LockedRead(OpKernelContext* ctx, const int32 index, } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_TENSOR_ARRAY_H_ +#endif // TENSORFLOW_CORE_KERNELS_TENSOR_ARRAY_H_ diff --git a/tensorflow/core/kernels/tile_functor.h b/tensorflow/core/kernels/tile_functor.h index 189be9239b..95986af8b7 100644 --- a/tensorflow/core/kernels/tile_functor.h +++ b/tensorflow/core/kernels/tile_functor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TILE_FUNCTOR_H_ -#define TENSORFLOW_KERNELS_TILE_FUNCTOR_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TILE_FUNCTOR_H_ +#define TENSORFLOW_CORE_KERNELS_TILE_FUNCTOR_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" @@ -106,4 +106,4 @@ struct Tile { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_TILE_FUNCTOR_H_ +#endif // TENSORFLOW_CORE_KERNELS_TILE_FUNCTOR_H_ diff --git a/tensorflow/core/kernels/tile_ops_impl.h b/tensorflow/core/kernels/tile_ops_impl.h index 9861717a0b..6a9de388c6 100644 --- a/tensorflow/core/kernels/tile_ops_impl.h +++ b/tensorflow/core/kernels/tile_ops_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TILE_IMPL_OPS_H_ -#define TENSORFLOW_KERNELS_TILE_IMPL_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TILE_OPS_IMPL_H_ +#define TENSORFLOW_CORE_KERNELS_TILE_OPS_IMPL_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -68,4 +68,4 @@ struct ReduceAndReshape { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_TILE_OPS_IMPL_H_ +#endif // TENSORFLOW_CORE_KERNELS_TILE_OPS_IMPL_H_ diff --git a/tensorflow/core/kernels/topk_op.h b/tensorflow/core/kernels/topk_op.h index a53e3ec8d4..1fdbc5b15f 100644 --- a/tensorflow/core/kernels/topk_op.h +++ b/tensorflow/core/kernels/topk_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_TOPK_OP_H_ -#define TENSORFLOW_TOPK_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TOPK_OP_H_ +#define TENSORFLOW_CORE_KERNELS_TOPK_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/op_kernel.h" @@ -39,4 +39,4 @@ struct TopKFunctor { } // end namespace tensorflow -#endif // TENSORFLOW_TOPK_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_TOPK_OP_H_ diff --git a/tensorflow/core/kernels/training_op_helpers.h b/tensorflow/core/kernels/training_op_helpers.h index 765335d3a0..071cb371a7 100644 --- a/tensorflow/core/kernels/training_op_helpers.h +++ b/tensorflow/core/kernels/training_op_helpers.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TRAINING_OP_HELPERS_H_ -#define TENSORFLOW_KERNELS_TRAINING_OP_HELPERS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TRAINING_OP_HELPERS_H_ +#define TENSORFLOW_CORE_KERNELS_TRAINING_OP_HELPERS_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/framework/variant_op_registry.h" @@ -90,4 +90,4 @@ Status GetInputTensorFromVariable(OpKernelContext* ctx, int input, } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_TRAINING_OP_HELPERS_H_ +#endif // TENSORFLOW_CORE_KERNELS_TRAINING_OP_HELPERS_H_ diff --git a/tensorflow/core/kernels/training_ops.h b/tensorflow/core/kernels/training_ops.h index 495a94f1a1..e10a4cb125 100644 --- a/tensorflow/core/kernels/training_ops.h +++ b/tensorflow/core/kernels/training_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TRAINING_OPS_H_ -#define TENSORFLOW_KERNELS_TRAINING_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TRAINING_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_TRAINING_OPS_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/tensor_types.h" @@ -199,4 +199,4 @@ struct ApplyPowerSign { } // end namespace functor } // end namespace tensorflow -#endif // TENSORFLOW_KERNELS_TRAINING_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_TRAINING_OPS_H_ diff --git a/tensorflow/core/kernels/typed_conditional_accumulator_base.h b/tensorflow/core/kernels/typed_conditional_accumulator_base.h index 1980f758fc..9dedb618f9 100644 --- a/tensorflow/core/kernels/typed_conditional_accumulator_base.h +++ b/tensorflow/core/kernels/typed_conditional_accumulator_base.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ -#define TENSORFLOW_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ +#ifndef TENSORFLOW_CORE_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ +#define TENSORFLOW_CORE_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ #include "tensorflow/core/kernels/conditional_accumulator_base.h" @@ -91,4 +91,4 @@ class TypedConditionalAccumulatorBase : public ConditionalAccumulatorBase { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ +#endif // TENSORFLOW_CORE_KERNELS_TYPED_CONDITIONAL_ACCUMULATOR_BASE_H_ diff --git a/tensorflow/core/kernels/variable_ops.h b/tensorflow/core/kernels/variable_ops.h index f27dab4ddd..4742e429ed 100644 --- a/tensorflow/core/kernels/variable_ops.h +++ b/tensorflow/core/kernels/variable_ops.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_VARIABLE_OPS_H_ -#define TENSORFLOW_KERNELS_VARIABLE_OPS_H_ +#ifndef TENSORFLOW_CORE_KERNELS_VARIABLE_OPS_H_ +#define TENSORFLOW_CORE_KERNELS_VARIABLE_OPS_H_ #include "tensorflow/core/framework/allocator.h" #include "tensorflow/core/framework/op_kernel.h" @@ -46,4 +46,4 @@ class VariableOp : public OpKernel { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_VARIABLE_OPS_H_ +#endif // TENSORFLOW_CORE_KERNELS_VARIABLE_OPS_H_ diff --git a/tensorflow/core/kernels/where_op.h b/tensorflow/core/kernels/where_op.h index d26849c8bd..e63b3ba8cd 100644 --- a/tensorflow/core/kernels/where_op.h +++ b/tensorflow/core/kernels/where_op.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_WHERE_OP_H_ -#define TENSORFLOW_KERNELS_WHERE_OP_H_ +#ifndef TENSORFLOW_CORE_KERNELS_WHERE_OP_H_ +#define TENSORFLOW_CORE_KERNELS_WHERE_OP_H_ #include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor" #include "tensorflow/core/framework/op_kernel.h" @@ -63,4 +63,4 @@ struct Where { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_WHERE_OP_H_ +#endif // TENSORFLOW_CORE_KERNELS_WHERE_OP_H_ diff --git a/tensorflow/core/lib/core/arena.h b/tensorflow/core/lib/core/arena.h index 5698303247..624ee77027 100644 --- a/tensorflow/core/lib/core/arena.h +++ b/tensorflow/core/lib/core/arena.h @@ -15,8 +15,8 @@ limitations under the License. // TODO(vrv): Switch this to an open-sourced version of Arena. -#ifndef TENSORFLOW_LIB_CORE_ARENA_H_ -#define TENSORFLOW_LIB_CORE_ARENA_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_ARENA_H_ +#define TENSORFLOW_CORE_LIB_CORE_ARENA_H_ #include @@ -107,4 +107,4 @@ class Arena { } // namespace core } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_ARENA_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_ARENA_H_ diff --git a/tensorflow/core/lib/core/bits.h b/tensorflow/core/lib/core/bits.h index 1110ef5c2a..86e539a266 100644 --- a/tensorflow/core/lib/core/bits.h +++ b/tensorflow/core/lib/core/bits.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_CORE_BITS_H_ -#define TENSORFLOW_LIB_CORE_BITS_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_BITS_H_ +#define TENSORFLOW_CORE_LIB_CORE_BITS_H_ #include "tensorflow/core/platform/logging.h" #include "tensorflow/core/platform/types.h" @@ -106,4 +106,4 @@ inline uint64 NextPowerOfTwo64(uint64 value) { } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_BITS_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_BITS_H_ diff --git a/tensorflow/core/lib/core/casts.h b/tensorflow/core/lib/core/casts.h index 0f925c6051..7546d4edc5 100644 --- a/tensorflow/core/lib/core/casts.h +++ b/tensorflow/core/lib/core/casts.h @@ -20,8 +20,8 @@ limitations under the License. // any changes here, make sure that you're not breaking any platforms. // -#ifndef TENSORFLOW_LIB_CORE_CASTS_H_ -#define TENSORFLOW_LIB_CORE_CASTS_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_CASTS_H_ +#define TENSORFLOW_CORE_LIB_CORE_CASTS_H_ #include // for memcpy @@ -97,4 +97,4 @@ inline Dest bit_cast(const Source& source) { } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_CASTS_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_CASTS_H_ diff --git a/tensorflow/core/lib/core/coding.h b/tensorflow/core/lib/core/coding.h index 8265aec870..4a70ffa619 100644 --- a/tensorflow/core/lib/core/coding.h +++ b/tensorflow/core/lib/core/coding.h @@ -18,8 +18,8 @@ limitations under the License. // * In addition we support variable length "varint" encoding // * Strings are encoded prefixed by their length in varint format -#ifndef TENSORFLOW_LIB_CORE_CODING_H_ -#define TENSORFLOW_LIB_CORE_CODING_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_CODING_H_ +#define TENSORFLOW_CORE_LIB_CORE_CODING_H_ #include "tensorflow/core/lib/core/raw_coding.h" #include "tensorflow/core/lib/core/stringpiece.h" @@ -76,4 +76,4 @@ extern int VarintLength(uint64_t v); } // namespace core } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_CODING_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_CODING_H_ diff --git a/tensorflow/core/lib/core/errors.h b/tensorflow/core/lib/core/errors.h index a631d9815a..49a8a4dbd4 100644 --- a/tensorflow/core/lib/core/errors.h +++ b/tensorflow/core/lib/core/errors.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_CORE_ERRORS_H_ -#define TENSORFLOW_LIB_CORE_ERRORS_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_ERRORS_H_ +#define TENSORFLOW_CORE_LIB_CORE_ERRORS_H_ #include @@ -144,4 +144,4 @@ using ::tensorflow::error::OK; } // namespace errors } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_ERRORS_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_ERRORS_H_ diff --git a/tensorflow/core/lib/core/notification.h b/tensorflow/core/lib/core/notification.h index b3e515e28f..5def958e6b 100644 --- a/tensorflow/core/lib/core/notification.h +++ b/tensorflow/core/lib/core/notification.h @@ -13,11 +13,11 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_NOTIFICATION_H_ -#define TENSORFLOW_UTIL_NOTIFICATION_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_NOTIFICATION_H_ +#define TENSORFLOW_CORE_LIB_CORE_NOTIFICATION_H_ // Notification implementation is platform-dependent, to support // alternative synchronization primitives. #include "tensorflow/core/platform/notification.h" -#endif // TENSORFLOW_UTIL_NOTIFICATION_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_NOTIFICATION_H_ diff --git a/tensorflow/core/lib/core/raw_coding.h b/tensorflow/core/lib/core/raw_coding.h index 37201b755d..f49214939b 100644 --- a/tensorflow/core/lib/core/raw_coding.h +++ b/tensorflow/core/lib/core/raw_coding.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_CORE_RAW_CODING_H_ -#define TENSORFLOW_LIB_CORE_RAW_CODING_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_RAW_CODING_H_ +#define TENSORFLOW_CORE_LIB_CORE_RAW_CODING_H_ #include #include "tensorflow/core/platform/byte_order.h" @@ -68,4 +68,4 @@ inline uint64 DecodeFixed64(const char* ptr) { } // namespace core } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_RAW_CODING_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_RAW_CODING_H_ diff --git a/tensorflow/core/lib/core/status_test_util.h b/tensorflow/core/lib/core/status_test_util.h index b35633c9da..c695caa8d1 100644 --- a/tensorflow/core/lib/core/status_test_util.h +++ b/tensorflow/core/lib/core/status_test_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_CORE_STATUS_TEST_UTIL_H_ -#define TENSORFLOW_LIB_CORE_STATUS_TEST_UTIL_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_STATUS_TEST_UTIL_H_ +#define TENSORFLOW_CORE_LIB_CORE_STATUS_TEST_UTIL_H_ #include "tensorflow/core/lib/core/status.h" #include "tensorflow/core/platform/test.h" @@ -31,4 +31,4 @@ limitations under the License. // If you want to check for particular errors, a better alternative is: // EXPECT_EQ(..expected tensorflow::error::Code..., status.code()); -#endif // TENSORFLOW_LIB_CORE_STATUS_TEST_UTIL_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_STATUS_TEST_UTIL_H_ diff --git a/tensorflow/core/lib/core/stringpiece.h b/tensorflow/core/lib/core/stringpiece.h index 329f115608..be659e5f8e 100644 --- a/tensorflow/core/lib/core/stringpiece.h +++ b/tensorflow/core/lib/core/stringpiece.h @@ -23,8 +23,8 @@ limitations under the License. // non-const method, all threads accessing the same StringPiece must use // external synchronization. -#ifndef TENSORFLOW_LIB_CORE_STRINGPIECE_H_ -#define TENSORFLOW_LIB_CORE_STRINGPIECE_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_STRINGPIECE_H_ +#define TENSORFLOW_CORE_LIB_CORE_STRINGPIECE_H_ #include #include @@ -156,4 +156,4 @@ extern std::ostream& operator<<(std::ostream& o, tensorflow::StringPiece piece); } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_STRINGPIECE_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_STRINGPIECE_H_ diff --git a/tensorflow/core/lib/core/threadpool.h b/tensorflow/core/lib/core/threadpool.h index b89b74b8de..74df7c84a4 100644 --- a/tensorflow/core/lib/core/threadpool.h +++ b/tensorflow/core/lib/core/threadpool.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_CORE_THREADPOOL_H_ -#define TENSORFLOW_LIB_CORE_THREADPOOL_H_ +#ifndef TENSORFLOW_CORE_LIB_CORE_THREADPOOL_H_ +#define TENSORFLOW_CORE_LIB_CORE_THREADPOOL_H_ #include #include @@ -108,4 +108,4 @@ class ThreadPool { } // namespace thread } // namespace tensorflow -#endif // TENSORFLOW_LIB_CORE_THREADPOOL_H_ +#endif // TENSORFLOW_CORE_LIB_CORE_THREADPOOL_H_ diff --git a/tensorflow/core/lib/gtl/array_slice.h b/tensorflow/core/lib/gtl/array_slice.h index 002d166c72..4ecc96ee79 100644 --- a/tensorflow/core/lib/gtl/array_slice.h +++ b/tensorflow/core/lib/gtl/array_slice.h @@ -91,8 +91,8 @@ limitations under the License. // for (int i = 0; i < 10; ++i) { my_proto.add_value(i); } // MyMutatingRoutine(my_proto.mutable_value()); -#ifndef TENSORFLOW_LIB_GTL_ARRAY_SLICE_H_ -#define TENSORFLOW_LIB_GTL_ARRAY_SLICE_H_ +#ifndef TENSORFLOW_CORE_LIB_GTL_ARRAY_SLICE_H_ +#define TENSORFLOW_CORE_LIB_GTL_ARRAY_SLICE_H_ #include #include @@ -311,4 +311,4 @@ const typename MutableArraySlice::size_type MutableArraySlice::npos; } // namespace gtl } // namespace tensorflow -#endif // TENSORFLOW_LIB_GTL_ARRAY_SLICE_H_ +#endif // TENSORFLOW_CORE_LIB_GTL_ARRAY_SLICE_H_ diff --git a/tensorflow/core/lib/gtl/cleanup.h b/tensorflow/core/lib/gtl/cleanup.h index 6bd60ca482..8c73dc6aa9 100644 --- a/tensorflow/core/lib/gtl/cleanup.h +++ b/tensorflow/core/lib/gtl/cleanup.h @@ -39,8 +39,8 @@ limitations under the License. // // You can call 'release()' on a Cleanup object to cancel the cleanup. -#ifndef TENSORFLOW_LIB_GTL_CLEANUP_H_ -#define TENSORFLOW_LIB_GTL_CLEANUP_H_ +#ifndef TENSORFLOW_CORE_LIB_GTL_CLEANUP_H_ +#define TENSORFLOW_CORE_LIB_GTL_CLEANUP_H_ #include #include @@ -110,4 +110,4 @@ TF_MUST_USE_RESULT Cleanup MakeCleanup(F&& f) { } // namespace gtl } // namespace tensorflow -#endif // TENSORFLOW_LIB_GTL_CLEANUP_H_ +#endif // TENSORFLOW_CORE_LIB_GTL_CLEANUP_H_ diff --git a/tensorflow/core/lib/gtl/inlined_vector.h b/tensorflow/core/lib/gtl/inlined_vector.h index 2011f7d4a1..c18dc9ad1a 100644 --- a/tensorflow/core/lib/gtl/inlined_vector.h +++ b/tensorflow/core/lib/gtl/inlined_vector.h @@ -28,8 +28,8 @@ limitations under the License. // // TODO(billydonahue): change size_t to size_type where appropriate. -#ifndef TENSORFLOW_LIB_GTL_INLINED_VECTOR_H_ -#define TENSORFLOW_LIB_GTL_INLINED_VECTOR_H_ +#ifndef TENSORFLOW_CORE_LIB_GTL_INLINED_VECTOR_H_ +#define TENSORFLOW_CORE_LIB_GTL_INLINED_VECTOR_H_ #include #include @@ -685,4 +685,4 @@ inline void InlinedVector::AppendRange(Iter first, Iter last) { } // namespace gtl } // namespace tensorflow -#endif // TENSORFLOW_LIB_GTL_INLINED_VECTOR_H_ +#endif // TENSORFLOW_CORE_LIB_GTL_INLINED_VECTOR_H_ diff --git a/tensorflow/core/lib/gtl/optional.h b/tensorflow/core/lib/gtl/optional.h index 4ee3f88d18..7ad916ad3d 100644 --- a/tensorflow/core/lib/gtl/optional.h +++ b/tensorflow/core/lib/gtl/optional.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_GTL_OPTIONAL_H_ -#define TENSORFLOW_LIB_GTL_OPTIONAL_H_ +#ifndef TENSORFLOW_CORE_LIB_GTL_OPTIONAL_H_ +#define TENSORFLOW_CORE_LIB_GTL_OPTIONAL_H_ #include #include @@ -873,4 +873,4 @@ struct hash<::tensorflow::gtl::optional> { } // namespace std -#endif // TENSORFLOW_LIB_GTL_OPTIONAL_H_ +#endif // TENSORFLOW_CORE_LIB_GTL_OPTIONAL_H_ diff --git a/tensorflow/core/lib/gtl/priority_queue_util.h b/tensorflow/core/lib/gtl/priority_queue_util.h index 07311e3725..93bf3d3037 100644 --- a/tensorflow/core/lib/gtl/priority_queue_util.h +++ b/tensorflow/core/lib/gtl/priority_queue_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ -#define TENSORFLOW_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ +#ifndef TENSORFLOW_CORE_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ +#define TENSORFLOW_CORE_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ #include #include @@ -52,4 +52,4 @@ T ConsumeTop(std::priority_queue* q) { } // namespace gtl } // namespace tensorflow -#endif // TENSORFLOW_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ +#endif // TENSORFLOW_CORE_LIB_GTL_PRIORITY_QUEUE_UTIL_H_ diff --git a/tensorflow/core/lib/hash/crc32c.h b/tensorflow/core/lib/hash/crc32c.h index ee0bda93b1..2718cd31b3 100644 --- a/tensorflow/core/lib/hash/crc32c.h +++ b/tensorflow/core/lib/hash/crc32c.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_HASH_CRC32C_H_ -#define TENSORFLOW_LIB_HASH_CRC32C_H_ +#ifndef TENSORFLOW_CORE_LIB_HASH_CRC32C_H_ +#define TENSORFLOW_CORE_LIB_HASH_CRC32C_H_ #include #include "tensorflow/core/platform/types.h" @@ -51,4 +51,4 @@ inline uint32 Unmask(uint32 masked_crc) { } // namespace crc32c } // namespace tensorflow -#endif // TENSORFLOW_LIB_HASH_CRC32C_H_ +#endif // TENSORFLOW_CORE_LIB_HASH_CRC32C_H_ diff --git a/tensorflow/core/lib/hash/hash.h b/tensorflow/core/lib/hash/hash.h index 737d23f699..675bab7191 100644 --- a/tensorflow/core/lib/hash/hash.h +++ b/tensorflow/core/lib/hash/hash.h @@ -15,8 +15,8 @@ limitations under the License. // Simple hash functions used for internal data structures -#ifndef TENSORFLOW_LIB_HASH_HASH_H_ -#define TENSORFLOW_LIB_HASH_HASH_H_ +#ifndef TENSORFLOW_CORE_LIB_HASH_HASH_H_ +#define TENSORFLOW_CORE_LIB_HASH_HASH_H_ #include #include @@ -110,4 +110,4 @@ struct hash> { } // namespace tensorflow -#endif // TENSORFLOW_LIB_HASH_HASH_H_ +#endif // TENSORFLOW_CORE_LIB_HASH_HASH_H_ diff --git a/tensorflow/core/lib/histogram/histogram.h b/tensorflow/core/lib/histogram/histogram.h index 65ce10786d..f882ee9abe 100644 --- a/tensorflow/core/lib/histogram/histogram.h +++ b/tensorflow/core/lib/histogram/histogram.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_HISTOGRAM_HISTOGRAM_H_ -#define TENSORFLOW_LIB_HISTOGRAM_HISTOGRAM_H_ +#ifndef TENSORFLOW_CORE_LIB_HISTOGRAM_HISTOGRAM_H_ +#define TENSORFLOW_CORE_LIB_HISTOGRAM_HISTOGRAM_H_ #include #include @@ -136,4 +136,4 @@ class ThreadSafeHistogram { } // namespace histogram } // namespace tensorflow -#endif // TENSORFLOW_LIB_HISTOGRAM_HISTOGRAM_H_ +#endif // TENSORFLOW_CORE_LIB_HISTOGRAM_HISTOGRAM_H_ diff --git a/tensorflow/core/lib/io/buffered_inputstream.h b/tensorflow/core/lib/io/buffered_inputstream.h index 924619f40f..96a95b7ed9 100644 --- a/tensorflow/core/lib/io/buffered_inputstream.h +++ b/tensorflow/core/lib/io/buffered_inputstream.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_BUFFERED_INPUTSTREAM_H_ -#define TENSORFLOW_LIB_IO_BUFFERED_INPUTSTREAM_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_BUFFERED_INPUTSTREAM_H_ +#define TENSORFLOW_CORE_LIB_IO_BUFFERED_INPUTSTREAM_H_ #include "tensorflow/core/lib/io/inputstream_interface.h" #include "tensorflow/core/platform/file_system.h" @@ -104,4 +104,4 @@ class BufferedInputStream : public InputStreamInterface { } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_BUFFERED_INPUTSTREAM_H_ +#endif // TENSORFLOW_CORE_LIB_IO_BUFFERED_INPUTSTREAM_H_ diff --git a/tensorflow/core/lib/io/inputstream_interface.h b/tensorflow/core/lib/io/inputstream_interface.h index 3083d20776..cbfc509d93 100644 --- a/tensorflow/core/lib/io/inputstream_interface.h +++ b/tensorflow/core/lib/io/inputstream_interface.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_INPUTSTREAM_INTERFACE_H_ -#define TENSORFLOW_LIB_IO_INPUTSTREAM_INTERFACE_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_INPUTSTREAM_INTERFACE_H_ +#define TENSORFLOW_CORE_LIB_IO_INPUTSTREAM_INTERFACE_H_ #include #include "tensorflow/core/lib/core/status.h" diff --git a/tensorflow/core/lib/io/path.h b/tensorflow/core/lib/io/path.h index 818ba99888..e3649fd0c9 100644 --- a/tensorflow/core/lib/io/path.h +++ b/tensorflow/core/lib/io/path.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_PATH_H_ -#define TENSORFLOW_LIB_IO_PATH_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_PATH_H_ +#define TENSORFLOW_CORE_LIB_IO_PATH_H_ #include "tensorflow/core/lib/core/stringpiece.h" @@ -94,4 +94,4 @@ string GetTempFilename(const string& extension); } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_PATH_H_ +#endif // TENSORFLOW_CORE_LIB_IO_PATH_H_ diff --git a/tensorflow/core/lib/io/proto_encode_helper.h b/tensorflow/core/lib/io/proto_encode_helper.h index f70e1cbaab..34905520f1 100644 --- a/tensorflow/core/lib/io/proto_encode_helper.h +++ b/tensorflow/core/lib/io/proto_encode_helper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_PROTO_ENCODE_HELPER_H_ -#define TENSORFLOW_LIB_IO_PROTO_ENCODE_HELPER_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_PROTO_ENCODE_HELPER_H_ +#define TENSORFLOW_CORE_LIB_IO_PROTO_ENCODE_HELPER_H_ #include "tensorflow/core/lib/core/coding.h" #include "tensorflow/core/lib/core/stringpiece.h" @@ -95,4 +95,4 @@ class ProtoEncodeHelper { } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_PROTO_ENCODE_HELPER_H_ +#endif // TENSORFLOW_CORE_LIB_IO_PROTO_ENCODE_HELPER_H_ diff --git a/tensorflow/core/lib/io/random_inputstream.h b/tensorflow/core/lib/io/random_inputstream.h index bdbdbd71ff..c822fe50e9 100644 --- a/tensorflow/core/lib/io/random_inputstream.h +++ b/tensorflow/core/lib/io/random_inputstream.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_RANDOM_INPUTSTREAM_H_ -#define TENSORFLOW_LIB_IO_RANDOM_INPUTSTREAM_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_RANDOM_INPUTSTREAM_H_ +#define TENSORFLOW_CORE_LIB_IO_RANDOM_INPUTSTREAM_H_ #include "tensorflow/core/lib/io/inputstream_interface.h" #include "tensorflow/core/platform/file_system.h" @@ -54,4 +54,4 @@ class RandomAccessInputStream : public InputStreamInterface { } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_RANDOM_INPUTSTREAM_H_ +#endif // TENSORFLOW_CORE_LIB_IO_RANDOM_INPUTSTREAM_H_ diff --git a/tensorflow/core/lib/io/record_reader.h b/tensorflow/core/lib/io/record_reader.h index f6d587dfa0..c05f9e1b36 100644 --- a/tensorflow/core/lib/io/record_reader.h +++ b/tensorflow/core/lib/io/record_reader.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_RECORD_READER_H_ -#define TENSORFLOW_LIB_IO_RECORD_READER_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_RECORD_READER_H_ +#define TENSORFLOW_CORE_LIB_IO_RECORD_READER_H_ #include "tensorflow/core/lib/core/errors.h" #include "tensorflow/core/lib/core/stringpiece.h" @@ -122,4 +122,4 @@ class SequentialRecordReader { } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_RECORD_READER_H_ +#endif // TENSORFLOW_CORE_LIB_IO_RECORD_READER_H_ diff --git a/tensorflow/core/lib/io/record_writer.h b/tensorflow/core/lib/io/record_writer.h index daed809af3..2f6afa5487 100644 --- a/tensorflow/core/lib/io/record_writer.h +++ b/tensorflow/core/lib/io/record_writer.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_RECORD_WRITER_H_ -#define TENSORFLOW_LIB_IO_RECORD_WRITER_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_RECORD_WRITER_H_ +#define TENSORFLOW_CORE_LIB_IO_RECORD_WRITER_H_ #include "tensorflow/core/lib/core/status.h" #include "tensorflow/core/lib/core/stringpiece.h" @@ -82,4 +82,4 @@ class RecordWriter { } // namespace io } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_RECORD_WRITER_H_ +#endif // TENSORFLOW_CORE_LIB_IO_RECORD_WRITER_H_ diff --git a/tensorflow/core/lib/io/table.h b/tensorflow/core/lib/io/table.h index a1b78eae5b..b9c6b8d9d2 100644 --- a/tensorflow/core/lib/io/table.h +++ b/tensorflow/core/lib/io/table.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_TABLE_H_ -#define TENSORFLOW_LIB_IO_TABLE_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_TABLE_H_ +#define TENSORFLOW_CORE_LIB_IO_TABLE_H_ #include #include "tensorflow/core/lib/io/iterator.h" @@ -84,4 +84,4 @@ class Table { } // namespace table } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_TABLE_H_ +#endif // TENSORFLOW_CORE_LIB_IO_TABLE_H_ diff --git a/tensorflow/core/lib/io/table_builder.h b/tensorflow/core/lib/io/table_builder.h index 0202f90446..0e37e0a77f 100644 --- a/tensorflow/core/lib/io/table_builder.h +++ b/tensorflow/core/lib/io/table_builder.h @@ -21,8 +21,8 @@ limitations under the License. // non-const method, all threads accessing the same TableBuilder must use // external synchronization. -#ifndef TENSORFLOW_LIB_IO_TABLE_BUILDER_H_ -#define TENSORFLOW_LIB_IO_TABLE_BUILDER_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_TABLE_BUILDER_H_ +#define TENSORFLOW_CORE_LIB_IO_TABLE_BUILDER_H_ #include #include "tensorflow/core/lib/core/status.h" @@ -96,4 +96,4 @@ class TableBuilder { } // namespace table } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_TABLE_BUILDER_H_ +#endif // TENSORFLOW_CORE_LIB_IO_TABLE_BUILDER_H_ diff --git a/tensorflow/core/lib/io/table_options.h b/tensorflow/core/lib/io/table_options.h index fd8a9d4a78..9a36bf1631 100644 --- a/tensorflow/core/lib/io/table_options.h +++ b/tensorflow/core/lib/io/table_options.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_IO_TABLE_OPTIONS_H_ -#define TENSORFLOW_LIB_IO_TABLE_OPTIONS_H_ +#ifndef TENSORFLOW_CORE_LIB_IO_TABLE_OPTIONS_H_ +#define TENSORFLOW_CORE_LIB_IO_TABLE_OPTIONS_H_ #include @@ -65,4 +65,4 @@ struct Options { } // namespace table } // namespace tensorflow -#endif // TENSORFLOW_LIB_IO_TABLE_OPTIONS_H_ +#endif // TENSORFLOW_CORE_LIB_IO_TABLE_OPTIONS_H_ diff --git a/tensorflow/core/lib/jpeg/jpeg_handle.h b/tensorflow/core/lib/jpeg/jpeg_handle.h index 7d86be51da..86fa3ac5c2 100644 --- a/tensorflow/core/lib/jpeg/jpeg_handle.h +++ b/tensorflow/core/lib/jpeg/jpeg_handle.h @@ -16,8 +16,8 @@ limitations under the License. // This file declares the functions and structures for memory I/O with libjpeg // These functions are not meant to be used directly, see jpeg_mem.h instead. -#ifndef TENSORFLOW_LIB_JPEG_JPEG_HANDLE_H_ -#define TENSORFLOW_LIB_JPEG_JPEG_HANDLE_H_ +#ifndef TENSORFLOW_CORE_LIB_JPEG_JPEG_HANDLE_H_ +#define TENSORFLOW_CORE_LIB_JPEG_JPEG_HANDLE_H_ #include "tensorflow/core/platform/jpeg.h" #include "tensorflow/core/platform/types.h" @@ -57,4 +57,4 @@ void SetDest(j_compress_ptr cinfo, void *buffer, int bufsize, } // namespace jpeg } // namespace tensorflow -#endif // TENSORFLOW_LIB_JPEG_JPEG_HANDLE_H_ +#endif // TENSORFLOW_CORE_LIB_JPEG_JPEG_HANDLE_H_ diff --git a/tensorflow/core/lib/jpeg/jpeg_mem.h b/tensorflow/core/lib/jpeg/jpeg_mem.h index 59342d28c0..03437a4e78 100644 --- a/tensorflow/core/lib/jpeg/jpeg_mem.h +++ b/tensorflow/core/lib/jpeg/jpeg_mem.h @@ -18,8 +18,8 @@ limitations under the License. // (data array and size fields). // Direct manipulation of JPEG strings are supplied: Flip, Rotate, Crop.. -#ifndef TENSORFLOW_LIB_JPEG_JPEG_MEM_H_ -#define TENSORFLOW_LIB_JPEG_JPEG_MEM_H_ +#ifndef TENSORFLOW_CORE_LIB_JPEG_JPEG_MEM_H_ +#define TENSORFLOW_CORE_LIB_JPEG_JPEG_MEM_H_ #include #include @@ -159,4 +159,4 @@ bool Compress(const void* srcdata, int width, int height, } // namespace jpeg } // namespace tensorflow -#endif // TENSORFLOW_LIB_JPEG_JPEG_MEM_H_ +#endif // TENSORFLOW_CORE_LIB_JPEG_JPEG_MEM_H_ diff --git a/tensorflow/core/lib/math/math_util.h b/tensorflow/core/lib/math/math_util.h index 41d486f2bd..502d741512 100644 --- a/tensorflow/core/lib/math/math_util.h +++ b/tensorflow/core/lib/math/math_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_MATH_MATH_UTIL_H_ -#define TENSORFLOW_LIB_MATH_MATH_UTIL_H_ +#ifndef TENSORFLOW_CORE_LIB_MATH_MATH_UTIL_H_ +#define TENSORFLOW_CORE_LIB_MATH_MATH_UTIL_H_ #include @@ -160,4 +160,4 @@ T MathUtil::IPow(T base, int exp) { } // namespace tensorflow -#endif // TENSORFLOW_LIB_MATH_MATH_UTIL_H_ +#endif // TENSORFLOW_CORE_LIB_MATH_MATH_UTIL_H_ diff --git a/tensorflow/core/lib/random/distribution_sampler.h b/tensorflow/core/lib/random/distribution_sampler.h index 25605d8ed4..7aa50ece03 100644 --- a/tensorflow/core/lib/random/distribution_sampler.h +++ b/tensorflow/core/lib/random/distribution_sampler.h @@ -28,8 +28,8 @@ limitations under the License. // // The algorithm used is Walker's Aliasing algorithm, described in Knuth, Vol 2. -#ifndef TENSORFLOW_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ -#define TENSORFLOW_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ +#ifndef TENSORFLOW_CORE_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ +#define TENSORFLOW_CORE_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ #include #include @@ -91,4 +91,4 @@ class DistributionSampler { } // namespace random } // namespace tensorflow -#endif // TENSORFLOW_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ +#endif // TENSORFLOW_CORE_LIB_RANDOM_DISTRIBUTION_SAMPLER_H_ diff --git a/tensorflow/core/lib/random/philox_random.h b/tensorflow/core/lib/random/philox_random.h index b2adb4462b..058ed95ffb 100644 --- a/tensorflow/core/lib/random/philox_random.h +++ b/tensorflow/core/lib/random/philox_random.h @@ -17,8 +17,8 @@ limitations under the License. // Salmon et al. SC 2011. Parallel random numbers: as easy as 1, 2, 3. // http://www.thesalmons.org/john/random123/papers/random123sc11.pdf -#ifndef TENSORFLOW_LIB_RANDOM_PHILOX_RANDOM_H_ -#define TENSORFLOW_LIB_RANDOM_PHILOX_RANDOM_H_ +#ifndef TENSORFLOW_CORE_LIB_RANDOM_PHILOX_RANDOM_H_ +#define TENSORFLOW_CORE_LIB_RANDOM_PHILOX_RANDOM_H_ #include @@ -248,4 +248,4 @@ class PhiloxRandom { } // namespace random } // namespace tensorflow -#endif // TENSORFLOW_LIB_RANDOM_PHILOX_RANDOM_H_ +#endif // TENSORFLOW_CORE_LIB_RANDOM_PHILOX_RANDOM_H_ diff --git a/tensorflow/core/lib/random/random_distributions.h b/tensorflow/core/lib/random/random_distributions.h index e963511f5c..c3801a0412 100644 --- a/tensorflow/core/lib/random/random_distributions.h +++ b/tensorflow/core/lib/random/random_distributions.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ -#define TENSORFLOW_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ +#ifndef TENSORFLOW_CORE_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ +#define TENSORFLOW_CORE_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ #define _USE_MATH_DEFINES #include @@ -744,4 +744,4 @@ PHILOX_DEVICE_INLINE double Uint64ToDouble(uint32 x0, uint32 x1) { } // namespace random } // namespace tensorflow -#endif // TENSORFLOW_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ +#endif // TENSORFLOW_CORE_LIB_RANDOM_RANDOM_DISTRIBUTIONS_H_ diff --git a/tensorflow/core/lib/random/simple_philox.h b/tensorflow/core/lib/random/simple_philox.h index d529e08913..6464036856 100644 --- a/tensorflow/core/lib/random/simple_philox.h +++ b/tensorflow/core/lib/random/simple_philox.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_RANDOM_SIMPLE_PHILOX_H_ -#define TENSORFLOW_LIB_RANDOM_SIMPLE_PHILOX_H_ +#ifndef TENSORFLOW_CORE_LIB_RANDOM_SIMPLE_PHILOX_H_ +#define TENSORFLOW_CORE_LIB_RANDOM_SIMPLE_PHILOX_H_ #include #include @@ -73,4 +73,4 @@ class SimplePhilox { } // namespace random } // namespace tensorflow -#endif // TENSORFLOW_LIB_RANDOM_SIMPLE_PHILOX_H_ +#endif // TENSORFLOW_CORE_LIB_RANDOM_SIMPLE_PHILOX_H_ diff --git a/tensorflow/core/lib/strings/numbers.h b/tensorflow/core/lib/strings/numbers.h index 1d5bacac93..e0a5281d68 100644 --- a/tensorflow/core/lib/strings/numbers.h +++ b/tensorflow/core/lib/strings/numbers.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_STRINGS_NUMBERS_H_ -#define TENSORFLOW_LIB_STRINGS_NUMBERS_H_ +#ifndef TENSORFLOW_CORE_LIB_STRINGS_NUMBERS_H_ +#define TENSORFLOW_CORE_LIB_STRINGS_NUMBERS_H_ #include @@ -176,4 +176,4 @@ string HumanReadableElapsedTime(double seconds); } // namespace strings } // namespace tensorflow -#endif // TENSORFLOW_LIB_STRINGS_NUMBERS_H_ +#endif // TENSORFLOW_CORE_LIB_STRINGS_NUMBERS_H_ diff --git a/tensorflow/core/lib/strings/str_util.h b/tensorflow/core/lib/strings/str_util.h index c887db7eff..58e87fcb9e 100644 --- a/tensorflow/core/lib/strings/str_util.h +++ b/tensorflow/core/lib/strings/str_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_LIB_STRINGS_STR_UTIL_H_ -#define TENSORFLOW_LIB_STRINGS_STR_UTIL_H_ +#ifndef TENSORFLOW_CORE_LIB_STRINGS_STR_UTIL_H_ +#define TENSORFLOW_CORE_LIB_STRINGS_STR_UTIL_H_ #include #include @@ -231,4 +231,4 @@ size_t Strnlen(const char* str, const size_t string_max_len); } // namespace str_util } // namespace tensorflow -#endif // TENSORFLOW_LIB_STRINGS_STR_UTIL_H_ +#endif // TENSORFLOW_CORE_LIB_STRINGS_STR_UTIL_H_ diff --git a/tensorflow/core/lib/strings/strcat.h b/tensorflow/core/lib/strings/strcat.h index fb2cd5bc7e..5ae3d220e3 100644 --- a/tensorflow/core/lib/strings/strcat.h +++ b/tensorflow/core/lib/strings/strcat.h @@ -17,8 +17,8 @@ limitations under the License. // #category: operations on strings // #summary: Merges strings or numbers with no delimiter. // -#ifndef TENSORFLOW_LIB_STRINGS_STRCAT_H_ -#define TENSORFLOW_LIB_STRINGS_STRCAT_H_ +#ifndef TENSORFLOW_CORE_LIB_STRINGS_STRCAT_H_ +#define TENSORFLOW_CORE_LIB_STRINGS_STRCAT_H_ #include @@ -233,4 +233,4 @@ inline void StrAppend(string *dest, const AlphaNum &a, const AlphaNum &b, } // namespace strings } // namespace tensorflow -#endif // TENSORFLOW_LIB_STRINGS_STRCAT_H_ +#endif // TENSORFLOW_CORE_LIB_STRINGS_STRCAT_H_ diff --git a/tensorflow/core/lib/strings/stringprintf.h b/tensorflow/core/lib/strings/stringprintf.h index f7957252ea..52af410d42 100644 --- a/tensorflow/core/lib/strings/stringprintf.h +++ b/tensorflow/core/lib/strings/stringprintf.h @@ -20,8 +20,8 @@ limitations under the License. // strings::SPrintf(&result, "%d %s\n", 10, "hello"); // strings::Appendf(&result, "%d %s\n", 20, "there"); -#ifndef TENSORFLOW_LIB_STRINGS_STRINGPRINTF_H_ -#define TENSORFLOW_LIB_STRINGS_STRINGPRINTF_H_ +#ifndef TENSORFLOW_CORE_LIB_STRINGS_STRINGPRINTF_H_ +#define TENSORFLOW_CORE_LIB_STRINGS_STRINGPRINTF_H_ #include #include @@ -49,4 +49,4 @@ extern void Appendv(string* dst, const char* format, va_list ap); } // namespace strings } // namespace tensorflow -#endif // TENSORFLOW_LIB_STRINGS_STRINGPRINTF_H_ +#endif // TENSORFLOW_CORE_LIB_STRINGS_STRINGPRINTF_H_ diff --git a/tensorflow/core/platform/abi.h b/tensorflow/core/platform/abi.h index 763d467457..591e83b0c4 100644 --- a/tensorflow/core/platform/abi.h +++ b/tensorflow/core/platform/abi.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_ABI_H_ -#define TENSORFLOW_PLATFORM_ABI_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_ABI_H_ +#define TENSORFLOW_CORE_PLATFORM_ABI_H_ #include @@ -26,4 +26,4 @@ std::string MaybeAbiDemangle(const char* name); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_ABI_H_ +#endif // TENSORFLOW_CORE_PLATFORM_ABI_H_ diff --git a/tensorflow/core/platform/cloud/auth_provider.h b/tensorflow/core/platform/cloud/auth_provider.h index 465ff248d9..7347bc626d 100644 --- a/tensorflow/core/platform/cloud/auth_provider.h +++ b/tensorflow/core/platform/cloud/auth_provider.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PLATFORM_AUTH_PROVIDER_H_ -#define TENSORFLOW_CORE_PLATFORM_AUTH_PROVIDER_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CLOUD_AUTH_PROVIDER_H_ +#define TENSORFLOW_CORE_PLATFORM_CLOUD_AUTH_PROVIDER_H_ #include #include "tensorflow/core/lib/core/errors.h" @@ -51,4 +51,4 @@ class EmptyAuthProvider : public AuthProvider { } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_AUTH_PROVIDER_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CLOUD_AUTH_PROVIDER_H_ diff --git a/tensorflow/core/platform/cloud/gcs_dns_cache.h b/tensorflow/core/platform/cloud/gcs_dns_cache.h index 40f16f1044..07d0e59fd5 100644 --- a/tensorflow/core/platform/cloud/gcs_dns_cache.h +++ b/tensorflow/core/platform/cloud/gcs_dns_cache.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATNFORM_CLOUD_DNS_CACHE_H_ -#define TENSORFLOW_PLATNFORM_CLOUD_DNS_CACHE_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CLOUD_GCS_DNS_CACHE_H_ +#define TENSORFLOW_CORE_PLATFORM_CLOUD_GCS_DNS_CACHE_H_ #include @@ -74,4 +74,4 @@ class GcsDnsCache { } // namespace tensorflow -#endif // TENSORFLOW_PLATNFORM_CLOUD_DNS_CACHE_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CLOUD_GCS_DNS_CACHE_H_ diff --git a/tensorflow/core/platform/cloud/google_auth_provider.h b/tensorflow/core/platform/cloud/google_auth_provider.h index 58a785fd60..3755b124a8 100644 --- a/tensorflow/core/platform/cloud/google_auth_provider.h +++ b/tensorflow/core/platform/cloud/google_auth_provider.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PLATFORM_GOOGLE_AUTH_PROVIDER_H_ -#define TENSORFLOW_CORE_PLATFORM_GOOGLE_AUTH_PROVIDER_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CLOUD_GOOGLE_AUTH_PROVIDER_H_ +#define TENSORFLOW_CORE_PLATFORM_CLOUD_GOOGLE_AUTH_PROVIDER_H_ #include #include "tensorflow/core/platform/cloud/auth_provider.h" @@ -65,4 +65,4 @@ class GoogleAuthProvider : public AuthProvider { } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_GOOGLE_AUTH_PROVIDER_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CLOUD_GOOGLE_AUTH_PROVIDER_H_ diff --git a/tensorflow/core/platform/cloud/http_request.h b/tensorflow/core/platform/cloud/http_request.h index 2343bca608..e925eefb1f 100644 --- a/tensorflow/core/platform/cloud/http_request.h +++ b/tensorflow/core/platform/cloud/http_request.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_H_ -#define TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_H_ +#define TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_H_ #include #include @@ -188,4 +188,4 @@ class HttpRequest { } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_H_ diff --git a/tensorflow/core/platform/cloud/http_request_fake.h b/tensorflow/core/platform/cloud/http_request_fake.h index 7711eaceb2..0a1164b64a 100644 --- a/tensorflow/core/platform/cloud/http_request_fake.h +++ b/tensorflow/core/platform/cloud/http_request_fake.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_FAKE_H_ -#define TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_FAKE_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_FAKE_H_ +#define TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_FAKE_H_ #include #include @@ -212,4 +212,4 @@ class FakeHttpRequestFactory : public HttpRequest::Factory { } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_HTTP_REQUEST_FAKE_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CLOUD_HTTP_REQUEST_FAKE_H_ diff --git a/tensorflow/core/platform/context.h b/tensorflow/core/platform/context.h index 728ef91631..9f7beb7a68 100644 --- a/tensorflow/core/platform/context.h +++ b/tensorflow/core/platform/context.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_CONTEXT_H_ -#define TENSORFLOW_PLATFORM_CONTEXT_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CONTEXT_H_ +#define TENSORFLOW_CORE_PLATFORM_CONTEXT_H_ namespace tensorflow { @@ -42,4 +42,4 @@ class WithContext; #include "tensorflow/core/platform/default/context.h" #endif -#endif // TENSORFLOW_PLATFORM_CONTEXT_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CONTEXT_H_ diff --git a/tensorflow/core/platform/cpu_feature_guard.h b/tensorflow/core/platform/cpu_feature_guard.h index 586a6be55e..3d7bfe95b1 100644 --- a/tensorflow/core/platform/cpu_feature_guard.h +++ b/tensorflow/core/platform/cpu_feature_guard.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_CPU_FEATURE_GUARD_H_ -#define TENSORFLOW_PLATFORM_CPU_FEATURE_GUARD_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CPU_FEATURE_GUARD_H_ +#define TENSORFLOW_CORE_PLATFORM_CPU_FEATURE_GUARD_H_ namespace tensorflow { namespace port { @@ -29,4 +29,4 @@ void InfoAboutUnusedCPUFeatures(); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_CPU_FEATURE_GUARD_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CPU_FEATURE_GUARD_H_ diff --git a/tensorflow/core/platform/cpu_info.h b/tensorflow/core/platform/cpu_info.h index 175c9ae8b1..6eba83224a 100644 --- a/tensorflow/core/platform/cpu_info.h +++ b/tensorflow/core/platform/cpu_info.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_CPU_INFO_H_ -#define TENSORFLOW_PLATFORM_CPU_INFO_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_CPU_INFO_H_ +#define TENSORFLOW_CORE_PLATFORM_CPU_INFO_H_ #include @@ -117,4 +117,4 @@ int CPUIDNumSMT(); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_CPU_INFO_H_ +#endif // TENSORFLOW_CORE_PLATFORM_CPU_INFO_H_ diff --git a/tensorflow/core/platform/default/integral_types.h b/tensorflow/core/platform/default/integral_types.h index 7cbe7d62f7..92186bc912 100644 --- a/tensorflow/core/platform/default/integral_types.h +++ b/tensorflow/core/platform/default/integral_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ +#define TENSORFLOW_CORE_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ // IWYU pragma: private, include "third_party/tensorflow/core/platform/types.h" // IWYU pragma: friend third_party/tensorflow/core/platform/types.h @@ -33,4 +33,4 @@ typedef unsigned long long uint64; } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DEFAULT_INTEGRAL_TYPES_H_ diff --git a/tensorflow/core/platform/default/logging.h b/tensorflow/core/platform/default/logging.h index 2c134f1be9..08a692fff7 100644 --- a/tensorflow/core/platform/default/logging.h +++ b/tensorflow/core/platform/default/logging.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DEFAULT_LOGGING_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_LOGGING_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DEFAULT_LOGGING_H_ +#define TENSORFLOW_CORE_PLATFORM_DEFAULT_LOGGING_H_ // IWYU pragma: private, include "third_party/tensorflow/core/platform/logging.h" // IWYU pragma: friend third_party/tensorflow/core/platform/logging.h @@ -314,4 +314,4 @@ int64 MinVLogLevelFromEnv(); } // namespace internal } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_LOGGING_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DEFAULT_LOGGING_H_ diff --git a/tensorflow/core/platform/default/mutex.h b/tensorflow/core/platform/default/mutex.h index 48d90779e1..bef7801037 100644 --- a/tensorflow/core/platform/default/mutex.h +++ b/tensorflow/core/platform/default/mutex.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DEFAULT_MUTEX_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_MUTEX_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DEFAULT_MUTEX_H_ +#define TENSORFLOW_CORE_PLATFORM_DEFAULT_MUTEX_H_ // IWYU pragma: private, include "third_party/tensorflow/core/platform/mutex.h" // IWYU pragma: friend third_party/tensorflow/core/platform/mutex.h @@ -173,4 +173,4 @@ inline ConditionResult WaitForMilliseconds(mutex_lock* mu, } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_MUTEX_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DEFAULT_MUTEX_H_ diff --git a/tensorflow/core/platform/default/thread_annotations.h b/tensorflow/core/platform/default/thread_annotations.h index a6aa5b1b5e..d21d60ab0b 100644 --- a/tensorflow/core/platform/default/thread_annotations.h +++ b/tensorflow/core/platform/default/thread_annotations.h @@ -32,8 +32,8 @@ limitations under the License. // (e.g. &MyClass::mutex_) to refer to a mutex in some (unknown) object. // -#ifndef TENSORFLOW_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ +#define TENSORFLOW_CORE_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ // IWYU pragma: private, include "third_party/tensorflow/core/platform/thread_annotations.h" // IWYU pragma: friend third_party/tensorflow/core/platform/thread_annotations.h @@ -174,4 +174,4 @@ inline T& ts_unchecked_read(T& v) NO_THREAD_SAFETY_ANALYSIS { } // namespace thread_safety_analysis } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DEFAULT_THREAD_ANNOTATIONS_H_ diff --git a/tensorflow/core/platform/default/tracing_impl.h b/tensorflow/core/platform/default/tracing_impl.h index b161378405..b7a5f1386c 100644 --- a/tensorflow/core/platform/default/tracing_impl.h +++ b/tensorflow/core/platform/default/tracing_impl.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DEFAULT_TRACING_IMPL_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_TRACING_IMPL_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DEFAULT_TRACING_IMPL_H_ +#define TENSORFLOW_CORE_PLATFORM_DEFAULT_TRACING_IMPL_H_ // Stub implementations of tracing functionality. @@ -43,4 +43,4 @@ inline bool EventCollector::IsEnabled() { return false; } } // namespace tracing } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_TRACING_IMPL_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DEFAULT_TRACING_IMPL_H_ diff --git a/tensorflow/core/platform/denormal.h b/tensorflow/core/platform/denormal.h index 09bb0352a2..555ac023db 100644 --- a/tensorflow/core/platform/denormal.h +++ b/tensorflow/core/platform/denormal.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DENORMAL_H_ -#define TENSORFLOW_PLATFORM_DENORMAL_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DENORMAL_H_ +#define TENSORFLOW_CORE_PLATFORM_DENORMAL_H_ #include "tensorflow/core/platform/macros.h" @@ -59,4 +59,4 @@ class ScopedDontFlushDenormal { } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DENORMAL_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DENORMAL_H_ diff --git a/tensorflow/core/platform/dynamic_annotations.h b/tensorflow/core/platform/dynamic_annotations.h index f51f3f33a3..dad0d0f4e4 100644 --- a/tensorflow/core/platform/dynamic_annotations.h +++ b/tensorflow/core/platform/dynamic_annotations.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DYNAMIC_ANNOTATIONS_H_ -#define TENSORFLOW_PLATFORM_DYNAMIC_ANNOTATIONS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_DYNAMIC_ANNOTATIONS_H_ +#define TENSORFLOW_CORE_PLATFORM_DYNAMIC_ANNOTATIONS_H_ #include "tensorflow/core/platform/platform.h" @@ -28,4 +28,4 @@ limitations under the License. #error Define the appropriate PLATFORM_ macro for this platform #endif -#endif // TENSORFLOW_PLATFORM_DYNAMIC_ANNOTATIONS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_DYNAMIC_ANNOTATIONS_H_ diff --git a/tensorflow/core/platform/host_info.h b/tensorflow/core/platform/host_info.h index 6124c95923..e76b83adf3 100644 --- a/tensorflow/core/platform/host_info.h +++ b/tensorflow/core/platform/host_info.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_HOST_INFO_H_ -#define TENSORFLOW_PLATFORM_HOST_INFO_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_HOST_INFO_H_ +#define TENSORFLOW_CORE_PLATFORM_HOST_INFO_H_ #include "tensorflow/core/platform/types.h" @@ -27,4 +27,4 @@ string Hostname(); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_HOST_INFO_H_ +#endif // TENSORFLOW_CORE_PLATFORM_HOST_INFO_H_ diff --git a/tensorflow/core/platform/init_main.h b/tensorflow/core/platform/init_main.h index 20cbc615b1..834c529816 100644 --- a/tensorflow/core/platform/init_main.h +++ b/tensorflow/core/platform/init_main.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_INIT_MAIN_H_ -#define TENSORFLOW_PLATFORM_INIT_MAIN_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_INIT_MAIN_H_ +#define TENSORFLOW_CORE_PLATFORM_INIT_MAIN_H_ namespace tensorflow { namespace port { @@ -28,4 +28,4 @@ void InitMain(const char* usage, int* argc, char*** argv); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_INIT_MAIN_H_ +#endif // TENSORFLOW_CORE_PLATFORM_INIT_MAIN_H_ diff --git a/tensorflow/core/platform/load_library.h b/tensorflow/core/platform/load_library.h index 9038de25f3..c7eeb2918c 100644 --- a/tensorflow/core/platform/load_library.h +++ b/tensorflow/core/platform/load_library.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_LOAD_LIBRARY_H_ -#define TENSORFLOW_PLATFORM_LOAD_LIBRARY_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_LOAD_LIBRARY_H_ +#define TENSORFLOW_CORE_PLATFORM_LOAD_LIBRARY_H_ #include "tensorflow/core/lib/core/status.h" @@ -31,4 +31,4 @@ string FormatLibraryFileName(const string& name, const string& version); } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_LOAD_LIBRARY_H_ +#endif // TENSORFLOW_CORE_PLATFORM_LOAD_LIBRARY_H_ diff --git a/tensorflow/core/platform/logging.h b/tensorflow/core/platform/logging.h index 985c061676..17a5d5fb5b 100644 --- a/tensorflow/core/platform/logging.h +++ b/tensorflow/core/platform/logging.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_LOGGING_H_ -#define TENSORFLOW_PLATFORM_LOGGING_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_LOGGING_H_ +#define TENSORFLOW_CORE_PLATFORM_LOGGING_H_ #include "tensorflow/core/platform/platform.h" // To pick up PLATFORM_define @@ -36,4 +36,4 @@ void LogString(const char* fname, int line, int severity, } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_LOGGING_H_ +#endif // TENSORFLOW_CORE_PLATFORM_LOGGING_H_ diff --git a/tensorflow/core/platform/macros.h b/tensorflow/core/platform/macros.h index b65eb43146..e1d83e18ac 100644 --- a/tensorflow/core/platform/macros.h +++ b/tensorflow/core/platform/macros.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_MACROS_H_ -#define TENSORFLOW_PLATFORM_MACROS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_MACROS_H_ +#define TENSORFLOW_CORE_PLATFORM_MACROS_H_ // Compiler attributes #if (defined(__GNUC__) || defined(__APPLE__)) && !defined(SWIG) @@ -125,4 +125,4 @@ limitations under the License. } while (0) #endif -#endif // TENSORFLOW_PLATFORM_MACROS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_MACROS_H_ diff --git a/tensorflow/core/platform/mem.h b/tensorflow/core/platform/mem.h index fca3a2332d..e8150f7322 100644 --- a/tensorflow/core/platform/mem.h +++ b/tensorflow/core/platform/mem.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_MEM_H_ -#define TENSORFLOW_PLATFORM_MEM_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_MEM_H_ +#define TENSORFLOW_CORE_PLATFORM_MEM_H_ // TODO(cwhipkey): remove this when callers use annotations directly. #include "tensorflow/core/platform/dynamic_annotations.h" @@ -65,4 +65,4 @@ int64 AvailableRam(); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_MEM_H_ +#endif // TENSORFLOW_CORE_PLATFORM_MEM_H_ diff --git a/tensorflow/core/platform/mutex.h b/tensorflow/core/platform/mutex.h index 42d46ceb5b..66b20da95a 100644 --- a/tensorflow/core/platform/mutex.h +++ b/tensorflow/core/platform/mutex.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_MUTEX_H_ -#define TENSORFLOW_PLATFORM_MUTEX_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_MUTEX_H_ +#define TENSORFLOW_CORE_PLATFORM_MUTEX_H_ #include "tensorflow/core/platform/platform.h" #include "tensorflow/core/platform/types.h" @@ -50,4 +50,4 @@ ConditionResult WaitForMilliseconds(mutex_lock* mu, condition_variable* cv, int64 ms); } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_MUTEX_H_ +#endif // TENSORFLOW_CORE_PLATFORM_MUTEX_H_ diff --git a/tensorflow/core/platform/net.h b/tensorflow/core/platform/net.h index 9e7851728d..7dbc92f058 100644 --- a/tensorflow/core/platform/net.h +++ b/tensorflow/core/platform/net.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_NET_H_ -#define TENSORFLOW_PLATFORM_NET_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_NET_H_ +#define TENSORFLOW_CORE_PLATFORM_NET_H_ namespace tensorflow { namespace internal { @@ -24,4 +24,4 @@ int PickUnusedPortOrDie(); } // namespace internal } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_NET_H_ +#endif // TENSORFLOW_CORE_PLATFORM_NET_H_ diff --git a/tensorflow/core/platform/png.h b/tensorflow/core/platform/png.h index b110d63aba..93b1425f7a 100644 --- a/tensorflow/core/platform/png.h +++ b/tensorflow/core/platform/png.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PNG_H_ -#define TENSORFLOW_PLATFORM_PNG_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_PNG_H_ +#define TENSORFLOW_CORE_PLATFORM_PNG_H_ #include "tensorflow/core/platform/platform.h" @@ -27,4 +27,4 @@ limitations under the License. #error Define the appropriate PLATFORM_ macro for this platform #endif -#endif // TENSORFLOW_PLATFORM_PNG_H_ +#endif // TENSORFLOW_CORE_PLATFORM_PNG_H_ diff --git a/tensorflow/core/platform/posix/error.h b/tensorflow/core/platform/posix/error.h index 9b614d0f70..9df5f2daa1 100644 --- a/tensorflow/core/platform/posix/error.h +++ b/tensorflow/core/platform/posix/error.h @@ -24,4 +24,4 @@ Status IOError(const string& context, int err_number); } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_POSIX_POSIX_FILE_SYSTEM_H_ +#endif // TENSORFLOW_CORE_PLATFORM_POSIX_ERROR_H_ diff --git a/tensorflow/core/platform/posix/subprocess.h b/tensorflow/core/platform/posix/subprocess.h index 53f95f3c14..9740d75595 100644 --- a/tensorflow/core/platform/posix/subprocess.h +++ b/tensorflow/core/platform/posix/subprocess.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_DEFAULT_SUBPROCESS_H_ -#define TENSORFLOW_PLATFORM_DEFAULT_SUBPROCESS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_POSIX_SUBPROCESS_H_ +#define TENSORFLOW_CORE_PLATFORM_POSIX_SUBPROCESS_H_ #include #include @@ -128,4 +128,4 @@ class SubProcess { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_DEFAULT_SUBPROCESS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_POSIX_SUBPROCESS_H_ diff --git a/tensorflow/core/platform/prefetch.h b/tensorflow/core/platform/prefetch.h index 81e1a5210a..9cefab3c1b 100644 --- a/tensorflow/core/platform/prefetch.h +++ b/tensorflow/core/platform/prefetch.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PREFETCH_H_ -#define TENSORFLOW_PLATFORM_PREFETCH_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_PREFETCH_H_ +#define TENSORFLOW_CORE_PLATFORM_PREFETCH_H_ #include "tensorflow/core/platform/platform.h" @@ -56,4 +56,4 @@ inline void prefetch(const void* x) { } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PREFETCH_H_ +#endif // TENSORFLOW_CORE_PLATFORM_PREFETCH_H_ diff --git a/tensorflow/core/platform/profile_utils/android_armv7a_cpu_utils_helper.h b/tensorflow/core/platform/profile_utils/android_armv7a_cpu_utils_helper.h index ce2069b004..2d94736c97 100644 --- a/tensorflow/core/platform/profile_utils/android_armv7a_cpu_utils_helper.h +++ b/tensorflow/core/platform/profile_utils/android_armv7a_cpu_utils_helper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PROFILEUTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H__ -#define TENSORFLOW_PLATFORM_PROFILEUTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H__ +#ifndef TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H_ +#define TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H_ #include @@ -64,4 +64,4 @@ class AndroidArmV7ACpuUtilsHelper : public ICpuUtilsHelper { #endif // defined(__ANDROID__) && (__ANDROID_API__ >= 21) && // (defined(__ARM_ARCH_7A__) || defined(__aarch64__)) -#endif // TENSORFLOW_PLATFORM_PROFILEUTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H__ +#endif // TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_ANDROID_ARMV7A_CPU_UTILS_HELPER_H_ diff --git a/tensorflow/core/platform/profile_utils/clock_cycle_profiler.h b/tensorflow/core/platform/profile_utils/clock_cycle_profiler.h index de4eec28e3..e25456374c 100644 --- a/tensorflow/core/platform/profile_utils/clock_cycle_profiler.h +++ b/tensorflow/core/platform/profile_utils/clock_cycle_profiler.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ -#define TENSORFLOW_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ +#define TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ #include @@ -103,4 +103,4 @@ class ClockCycleProfiler { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ +#endif // TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CLOCK_CYCLE_PROFILER_H_ diff --git a/tensorflow/core/platform/profile_utils/cpu_utils.h b/tensorflow/core/platform/profile_utils/cpu_utils.h index 8f06290303..b0b1ef0363 100644 --- a/tensorflow/core/platform/profile_utils/cpu_utils.h +++ b/tensorflow/core/platform/profile_utils/cpu_utils.h @@ -14,8 +14,8 @@ limitations under the License. ==============================================================================*/ // This class is designed to get accurate profile for programs. -#ifndef TENSORFLOW_PLATFORM_PROFILEUTILS_CPU_UTILS_H__ -#define TENSORFLOW_PLATFORM_PROFILEUTILS_CPU_UTILS_H__ +#ifndef TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CPU_UTILS_H_ +#define TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CPU_UTILS_H_ #include #include @@ -164,4 +164,4 @@ class CpuUtils { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PROFILEUTILS_CPU_UTILS_H__ +#endif // TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_CPU_UTILS_H_ diff --git a/tensorflow/core/platform/profile_utils/i_cpu_utils_helper.h b/tensorflow/core/platform/profile_utils/i_cpu_utils_helper.h index 11b739c009..cab7618a70 100644 --- a/tensorflow/core/platform/profile_utils/i_cpu_utils_helper.h +++ b/tensorflow/core/platform/profile_utils/i_cpu_utils_helper.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PROFILEUTILS_I_CPU_UTILS_HELPER_H__ -#define TENSORFLOW_PLATFORM_PROFILEUTILS_I_CPU_UTILS_HELPER_H__ +#ifndef TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_I_CPU_UTILS_HELPER_H_ +#define TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_I_CPU_UTILS_HELPER_H_ #include "tensorflow/core/platform/macros.h" #include "tensorflow/core/platform/types.h" @@ -50,4 +50,4 @@ class ICpuUtilsHelper { } // namespace profile_utils } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PROFILEUTILS_I_CPU_UTILS_HELPER_H__ +#endif // TENSORFLOW_CORE_PLATFORM_PROFILE_UTILS_I_CPU_UTILS_HELPER_H_ diff --git a/tensorflow/core/platform/protobuf.h b/tensorflow/core/platform/protobuf.h index 288d091624..fcbf1fc8c5 100644 --- a/tensorflow/core/platform/protobuf.h +++ b/tensorflow/core/platform/protobuf.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PROTOBUF_H_ -#define TENSORFLOW_PLATFORM_PROTOBUF_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_PROTOBUF_H_ +#define TENSORFLOW_CORE_PLATFORM_PROTOBUF_H_ #include "tensorflow/core/platform/platform.h" #include "tensorflow/core/platform/types.h" @@ -52,4 +52,4 @@ inline void SetProtobufStringSwapAllowed(string* src, string* dest) { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PROTOBUF_H_ +#endif // TENSORFLOW_CORE_PLATFORM_PROTOBUF_H_ diff --git a/tensorflow/core/platform/protobuf_internal.h b/tensorflow/core/platform/protobuf_internal.h index 2f151a5aee..d0cfde09bc 100644 --- a/tensorflow/core/platform/protobuf_internal.h +++ b/tensorflow/core/platform/protobuf_internal.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_PROTOBUF_INTERNAL_H_ -#define TENSORFLOW_PLATFORM_PROTOBUF_INTERNAL_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_PROTOBUF_INTERNAL_H_ +#define TENSORFLOW_CORE_PLATFORM_PROTOBUF_INTERNAL_H_ #include "google/protobuf/any.pb.h" #include "tensorflow/core/lib/core/errors.h" @@ -69,4 +69,4 @@ Status ParseAny(const google::protobuf::Any& any, T* message, } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_PROTOBUF_INTERNAL_H_ +#endif // TENSORFLOW_CORE_PLATFORM_PROTOBUF_INTERNAL_H_ diff --git a/tensorflow/core/platform/setround.h b/tensorflow/core/platform/setround.h index d076e7acc6..ded00b23b1 100644 --- a/tensorflow/core/platform/setround.h +++ b/tensorflow/core/platform/setround.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_SETROUND_H_ -#define TENSORFLOW_PLATFORM_SETROUND_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_SETROUND_H_ +#define TENSORFLOW_CORE_PLATFORM_SETROUND_H_ #include @@ -42,4 +42,4 @@ class ScopedSetRound { } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_SETROUND_H_ +#endif // TENSORFLOW_CORE_PLATFORM_SETROUND_H_ diff --git a/tensorflow/core/platform/snappy.h b/tensorflow/core/platform/snappy.h index 62c208ffb4..5477b097ef 100644 --- a/tensorflow/core/platform/snappy.h +++ b/tensorflow/core/platform/snappy.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_SNAPPY_H_ -#define TENSORFLOW_PLATFORM_SNAPPY_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_SNAPPY_H_ +#define TENSORFLOW_CORE_PLATFORM_SNAPPY_H_ #include "tensorflow/core/platform/types.h" @@ -31,4 +31,4 @@ bool Snappy_Uncompress(const char* input, size_t length, char* output); } // namespace port } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_SNAPPY_H_ +#endif // TENSORFLOW_CORE_PLATFORM_SNAPPY_H_ diff --git a/tensorflow/core/platform/stacktrace_handler.h b/tensorflow/core/platform/stacktrace_handler.h index a52970fdaa..9f118b91b8 100644 --- a/tensorflow/core/platform/stacktrace_handler.h +++ b/tensorflow/core/platform/stacktrace_handler.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PLATFORM_BACKTRACE_H_ -#define TENSORFLOW_CORE_PLATFORM_BACKTRACE_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_STACKTRACE_HANDLER_H_ +#define TENSORFLOW_CORE_PLATFORM_STACKTRACE_HANDLER_H_ namespace tensorflow { namespace testing { @@ -25,4 +25,4 @@ void InstallStacktraceHandler(); } // namespace testing } // namespace tensorflow -#endif // TENSORFLOW_CORE_PLATFORM_BACKTRACE_H_ +#endif // TENSORFLOW_CORE_PLATFORM_STACKTRACE_HANDLER_H_ diff --git a/tensorflow/core/platform/subprocess.h b/tensorflow/core/platform/subprocess.h index dcc0c1a4ee..7c11e6232f 100644 --- a/tensorflow/core/platform/subprocess.h +++ b/tensorflow/core/platform/subprocess.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_SUBPROCESS_H_ -#define TENSORFLOW_PLATFORM_SUBPROCESS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_SUBPROCESS_H_ +#define TENSORFLOW_CORE_PLATFORM_SUBPROCESS_H_ #include #include @@ -67,4 +67,4 @@ std::unique_ptr CreateSubProcess(const std::vector& argv); #error Define the appropriate PLATFORM_ macro for this platform #endif -#endif // TENSORFLOW_PLATFORM_SUBPROCESS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_SUBPROCESS_H_ diff --git a/tensorflow/core/platform/test.h b/tensorflow/core/platform/test.h index 99bae63edf..f5d3282f57 100644 --- a/tensorflow/core/platform/test.h +++ b/tensorflow/core/platform/test.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_TEST_H_ -#define TENSORFLOW_PLATFORM_TEST_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_TEST_H_ +#define TENSORFLOW_CORE_PLATFORM_TEST_H_ #include #include @@ -55,4 +55,4 @@ int PickUnusedPortOrDie(); } // namespace testing } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_TEST_H_ +#endif // TENSORFLOW_CORE_PLATFORM_TEST_H_ diff --git a/tensorflow/core/platform/test_benchmark.h b/tensorflow/core/platform/test_benchmark.h index 9b8726d98f..61fcd0d372 100644 --- a/tensorflow/core/platform/test_benchmark.h +++ b/tensorflow/core/platform/test_benchmark.h @@ -14,8 +14,8 @@ limitations under the License. ==============================================================================*/ // Simple benchmarking facility. -#ifndef TENSORFLOW_PLATFORM_TEST_BENCHMARK_H_ -#define TENSORFLOW_PLATFORM_TEST_BENCHMARK_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_TEST_BENCHMARK_H_ +#define TENSORFLOW_CORE_PLATFORM_TEST_BENCHMARK_H_ #include #include @@ -115,4 +115,4 @@ void UseRealTime(); } // namespace testing } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_TEST_BENCHMARK_H_ +#endif // TENSORFLOW_CORE_PLATFORM_TEST_BENCHMARK_H_ diff --git a/tensorflow/core/platform/thread_annotations.h b/tensorflow/core/platform/thread_annotations.h index 50195cbbc7..aec34df8a1 100644 --- a/tensorflow/core/platform/thread_annotations.h +++ b/tensorflow/core/platform/thread_annotations.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_THREAD_ANNOTATIONS_H_ -#define TENSORFLOW_PLATFORM_THREAD_ANNOTATIONS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_THREAD_ANNOTATIONS_H_ +#define TENSORFLOW_CORE_PLATFORM_THREAD_ANNOTATIONS_H_ #include "tensorflow/core/platform/types.h" @@ -27,4 +27,4 @@ limitations under the License. #error Define the appropriate PLATFORM_ macro for this platform #endif -#endif // TENSORFLOW_PLATFORM_THREAD_ANNOTATIONS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_THREAD_ANNOTATIONS_H_ diff --git a/tensorflow/core/platform/tracing.h b/tensorflow/core/platform/tracing.h index c322777705..e5851f1dfe 100644 --- a/tensorflow/core/platform/tracing.h +++ b/tensorflow/core/platform/tracing.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_TRACING_H_ -#define TENSORFLOW_PLATFORM_TRACING_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_TRACING_H_ +#define TENSORFLOW_CORE_PLATFORM_TRACING_H_ // Tracing interface @@ -238,4 +238,4 @@ const char* GetLogDir(); #include "tensorflow/core/platform/default/tracing_impl.h" #endif -#endif // TENSORFLOW_PLATFORM_TRACING_H_ +#endif // TENSORFLOW_CORE_PLATFORM_TRACING_H_ diff --git a/tensorflow/core/platform/types.h b/tensorflow/core/platform/types.h index 68897ac423..a4fa790317 100644 --- a/tensorflow/core/platform/types.h +++ b/tensorflow/core/platform/types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_TYPES_H_ -#define TENSORFLOW_PLATFORM_TYPES_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_TYPES_H_ +#define TENSORFLOW_CORE_PLATFORM_TYPES_H_ #include #include "tensorflow/core/platform/platform.h" @@ -66,4 +66,4 @@ namespace tensorflow { namespace se = ::stream_executor; } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_TYPES_H_ +#endif // TENSORFLOW_CORE_PLATFORM_TYPES_H_ diff --git a/tensorflow/core/platform/windows/cpu_info.h b/tensorflow/core/platform/windows/cpu_info.h index ba2126abcf..8b42cbec7a 100644 --- a/tensorflow/core/platform/windows/cpu_info.h +++ b/tensorflow/core/platform/windows/cpu_info.h @@ -13,10 +13,10 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_WINDOWS_CPU_INFO_H_ -#define TENSORFLOW_PLATFORM_WINDOWS_CPU_INFO_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_WINDOWS_CPU_INFO_H_ +#define TENSORFLOW_CORE_PLATFORM_WINDOWS_CPU_INFO_H_ // included so __cpuidex function is available for GETCPUID on Windows #include -#endif // TENSORFLOW_PLATFORM_WINDOWS_CPU_INFO_H_ +#endif // TENSORFLOW_CORE_PLATFORM_WINDOWS_CPU_INFO_H_ diff --git a/tensorflow/core/platform/windows/integral_types.h b/tensorflow/core/platform/windows/integral_types.h index 46338a536d..283af49f20 100644 --- a/tensorflow/core/platform/windows/integral_types.h +++ b/tensorflow/core/platform/windows/integral_types.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ -#define TENSORFLOW_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ +#define TENSORFLOW_CORE_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ #include "tensorflow/core/platform/default/integral_types.h" @@ -22,4 +22,4 @@ limitations under the License. typedef std::ptrdiff_t ssize_t; -#endif // TENSORFLOW_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ +#endif // TENSORFLOW_CORE_PLATFORM_WINDOWS_INTEGRAL_TYPES_H_ diff --git a/tensorflow/core/platform/windows/subprocess.h b/tensorflow/core/platform/windows/subprocess.h index f00471d484..9084ff5a92 100644 --- a/tensorflow/core/platform/windows/subprocess.h +++ b/tensorflow/core/platform/windows/subprocess.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PLATFORM_WINDOWS_SUBPROCESS_H_ -#define TENSORFLOW_PLATFORM_WINDOWS_SUBPROCESS_H_ +#ifndef TENSORFLOW_CORE_PLATFORM_WINDOWS_SUBPROCESS_H_ +#define TENSORFLOW_CORE_PLATFORM_WINDOWS_SUBPROCESS_H_ #include #include @@ -33,4 +33,4 @@ std::unique_ptr CreateSubProcess(const std::vector& argv) { } // namespace tensorflow -#endif // TENSORFLOW_PLATFORM_WINDOWS_SUBPROCESS_H_ +#endif // TENSORFLOW_CORE_PLATFORM_WINDOWS_SUBPROCESS_H_ diff --git a/tensorflow/core/profiler/internal/advisor/expensive_operation_checker.h b/tensorflow/core/profiler/internal/advisor/expensive_operation_checker.h index f5ac5c9c5a..0d1c92eb08 100644 --- a/tensorflow/core/profiler/internal/advisor/expensive_operation_checker.h +++ b/tensorflow/core/profiler/internal/advisor/expensive_operation_checker.h @@ -137,4 +137,4 @@ class ExpensiveOperationChecker : public Checker { } // namespace tfprof } // namespace tensorflow -#endif // TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_EXPENSIVE_OP_CHECKER_H_ +#endif // TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_EXPENSIVE_OPERATION_CHECKER_H_ diff --git a/tensorflow/core/profiler/internal/advisor/tfprof_advisor.h b/tensorflow/core/profiler/internal/advisor/tfprof_advisor.h index 270662bd4a..e1533f882f 100644 --- a/tensorflow/core/profiler/internal/advisor/tfprof_advisor.h +++ b/tensorflow/core/profiler/internal/advisor/tfprof_advisor.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVICE_H_ -#define TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVICE_H_ +#ifndef TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVISOR_H_ +#define TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVISOR_H_ #include "tensorflow/core/profiler/internal/advisor/accelerator_utilization_checker.h" #include "tensorflow/core/profiler/internal/advisor/checker.h" @@ -78,4 +78,4 @@ class Advisor { } // namespace tfprof } // namespace tensorflow -#endif // TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVICE_H_ +#endif // TENSORFLOW_CORE_PROFILER_INTERNAL_ADVISOR_TFPROF_ADVISOR_H_ diff --git a/tensorflow/core/profiler/tfprof_options.h b/tensorflow/core/profiler/tfprof_options.h index d61deb72ac..57c7e11fa2 100644 --- a/tensorflow/core/profiler/tfprof_options.h +++ b/tensorflow/core/profiler/tfprof_options.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_PROFILER_INTERNAL_TFPROF_OPTIONS_H_ -#define TENSORFLOW_CORE_PROFILER_INTERNAL_TFPROF_OPTIONS_H_ +#ifndef TENSORFLOW_CORE_PROFILER_TFPROF_OPTIONS_H_ +#define TENSORFLOW_CORE_PROFILER_TFPROF_OPTIONS_H_ #include #include @@ -183,4 +183,4 @@ tensorflow::Status ParseOutput(const string& output_opt, string* output_type, } // namespace tfprof } // namespace tensorflow -#endif // TENSORFLOW_CORE_PROFILER_INTERNAL_TFPROF_OPTIONS_H_ +#endif // TENSORFLOW_CORE_PROFILER_TFPROF_OPTIONS_H_ diff --git a/tensorflow/core/public/session.h b/tensorflow/core/public/session.h index cc8596ef3d..536a07c413 100644 --- a/tensorflow/core/public/session.h +++ b/tensorflow/core/public/session.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PUBLIC_SESSION_H_ -#define TENSORFLOW_PUBLIC_SESSION_H_ +#ifndef TENSORFLOW_CORE_PUBLIC_SESSION_H_ +#define TENSORFLOW_CORE_PUBLIC_SESSION_H_ #include #include @@ -279,4 +279,4 @@ Session* NewSession(const SessionOptions& options); } // end namespace tensorflow -#endif // TENSORFLOW_PUBLIC_SESSION_H_ +#endif // TENSORFLOW_CORE_PUBLIC_SESSION_H_ diff --git a/tensorflow/core/util/activation_mode.h b/tensorflow/core/util/activation_mode.h index 2e03ccd5c8..2f7820fb47 100644 --- a/tensorflow/core/util/activation_mode.h +++ b/tensorflow/core/util/activation_mode.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_ACTIVATION_MODE_H_ -#define TENSORFLOW_UTIL_ACTIVATION_MODE_H_ +#ifndef TENSORFLOW_CORE_UTIL_ACTIVATION_MODE_H_ +#define TENSORFLOW_CORE_UTIL_ACTIVATION_MODE_H_ // This file contains helper routines to deal with activation mode in various // ops and kernels. @@ -43,4 +43,4 @@ Status GetActivationModeFromString(const string& str_value, } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_ACTIVATION_MODE_H_ +#endif // TENSORFLOW_CORE_UTIL_ACTIVATION_MODE_H_ diff --git a/tensorflow/core/util/bcast.h b/tensorflow/core/util/bcast.h index 81d64e5676..6d73c38e3c 100644 --- a/tensorflow/core/util/bcast.h +++ b/tensorflow/core/util/bcast.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_BCAST_H_ -#define TENSORFLOW_UTIL_BCAST_H_ +#ifndef TENSORFLOW_CORE_UTIL_BCAST_H_ +#define TENSORFLOW_CORE_UTIL_BCAST_H_ #include @@ -132,4 +132,4 @@ class BCast { } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_BCAST_H_ +#endif // TENSORFLOW_CORE_UTIL_BCAST_H_ diff --git a/tensorflow/core/util/device_name_utils.h b/tensorflow/core/util/device_name_utils.h index 4071a70836..3f0bc60562 100644 --- a/tensorflow/core/util/device_name_utils.h +++ b/tensorflow/core/util/device_name_utils.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_DEVICE_NAME_UTILS_H_ -#define TENSORFLOW_UTIL_DEVICE_NAME_UTILS_H_ +#ifndef TENSORFLOW_CORE_UTIL_DEVICE_NAME_UTILS_H_ +#define TENSORFLOW_CORE_UTIL_DEVICE_NAME_UTILS_H_ #include @@ -173,4 +173,4 @@ class DeviceNameUtils { } // namespace tensorflow -#endif // TENSORFLOW_UTIL_DEVICE_NAME_UTILS_H_ +#endif // TENSORFLOW_CORE_UTIL_DEVICE_NAME_UTILS_H_ diff --git a/tensorflow/core/util/events_writer.h b/tensorflow/core/util/events_writer.h index 5dbaf97af4..d5952c3cbd 100644 --- a/tensorflow/core/util/events_writer.h +++ b/tensorflow/core/util/events_writer.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_EVENTS_WRITER_H_ -#define TENSORFLOW_UTIL_EVENTS_WRITER_H_ +#ifndef TENSORFLOW_CORE_UTIL_EVENTS_WRITER_H_ +#define TENSORFLOW_CORE_UTIL_EVENTS_WRITER_H_ #include #include @@ -95,4 +95,4 @@ class EventsWriter { } // namespace tensorflow -#endif // TENSORFLOW_UTIL_EVENTS_WRITER_H_ +#endif // TENSORFLOW_CORE_UTIL_EVENTS_WRITER_H_ diff --git a/tensorflow/core/util/guarded_philox_random.h b/tensorflow/core/util/guarded_philox_random.h index 44970eb949..8be7a374f0 100644 --- a/tensorflow/core/util/guarded_philox_random.h +++ b/tensorflow/core/util/guarded_philox_random.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_KERNELS_GUARDED_PHILOX_RANDOM_H_ -#define TENSORFLOW_KERNELS_GUARDED_PHILOX_RANDOM_H_ +#ifndef TENSORFLOW_CORE_UTIL_GUARDED_PHILOX_RANDOM_H_ +#define TENSORFLOW_CORE_UTIL_GUARDED_PHILOX_RANDOM_H_ #include "tensorflow/core/framework/op_kernel.h" #include "tensorflow/core/lib/random/philox_random.h" @@ -79,4 +79,4 @@ class GuardedPhiloxRandom { } // namespace tensorflow -#endif // TENSORFLOW_KERNELS_GUARDED_PHILOX_RANDOM_H_ +#endif // TENSORFLOW_CORE_UTIL_GUARDED_PHILOX_RANDOM_H_ diff --git a/tensorflow/core/util/mirror_pad_mode.h b/tensorflow/core/util/mirror_pad_mode.h index f703d47ab1..ceee9b06b0 100644 --- a/tensorflow/core/util/mirror_pad_mode.h +++ b/tensorflow/core/util/mirror_pad_mode.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_MIRROR_PAD_MODE_H_ -#define TENSORFLOW_UTIL_MIRROR_PAD_MODE_H_ +#ifndef TENSORFLOW_CORE_UTIL_MIRROR_PAD_MODE_H_ +#define TENSORFLOW_CORE_UTIL_MIRROR_PAD_MODE_H_ // This file contains helper routines to deal with padding in various ops and // kernels. @@ -49,4 +49,4 @@ Status GetNodeAttr(const NodeDef& node_def, StringPiece attr_name, } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_MIRROR_PAD_MODE_H_ +#endif // TENSORFLOW_CORE_UTIL_MIRROR_PAD_MODE_H_ diff --git a/tensorflow/core/util/padding.h b/tensorflow/core/util/padding.h index a4278ff2b4..76f9b4dd9a 100644 --- a/tensorflow/core/util/padding.h +++ b/tensorflow/core/util/padding.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_PADDING_H_ -#define TENSORFLOW_UTIL_PADDING_H_ +#ifndef TENSORFLOW_CORE_UTIL_PADDING_H_ +#define TENSORFLOW_CORE_UTIL_PADDING_H_ // This file contains helper routines to deal with padding in various ops and // kernels. @@ -50,4 +50,4 @@ Status GetNodeAttr(const NodeDef& node_def, StringPiece attr_name, } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_PADDING_H_ +#endif // TENSORFLOW_CORE_UTIL_PADDING_H_ diff --git a/tensorflow/core/util/port.h b/tensorflow/core/util/port.h index 981def9d22..e9b9cb1cd2 100644 --- a/tensorflow/core/util/port.h +++ b/tensorflow/core/util/port.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_PORT_H_ -#define TENSORFLOW_UTIL_PORT_H_ +#ifndef TENSORFLOW_CORE_UTIL_PORT_H_ +#define TENSORFLOW_CORE_UTIL_PORT_H_ namespace tensorflow { @@ -30,4 +30,4 @@ bool IsMklEnabled(); } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_PORT_H_ +#endif // TENSORFLOW_CORE_UTIL_PORT_H_ diff --git a/tensorflow/core/util/saved_tensor_slice_util.h b/tensorflow/core/util/saved_tensor_slice_util.h index 90672a10a8..7c9cfa35f7 100644 --- a/tensorflow/core/util/saved_tensor_slice_util.h +++ b/tensorflow/core/util/saved_tensor_slice_util.h @@ -15,8 +15,8 @@ limitations under the License. // Utilities for saving/restoring tensor slice checkpoints. -#ifndef TENSORFLOW_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ -#define TENSORFLOW_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ +#ifndef TENSORFLOW_CORE_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ +#define TENSORFLOW_CORE_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ #include // for string #include "tensorflow/core/framework/tensor.pb.h" @@ -210,4 +210,4 @@ inline void Fill(const string* data, size_t n, TensorProto* t) { } // namespace tensorflow -#endif // TENSORFLOW_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ +#endif // TENSORFLOW_CORE_UTIL_SAVED_TENSOR_SLICE_UTIL_H_ diff --git a/tensorflow/core/util/tensor_bundle/naming.h b/tensorflow/core/util/tensor_bundle/naming.h index 3d21570c74..6539d565e2 100644 --- a/tensorflow/core/util/tensor_bundle/naming.h +++ b/tensorflow/core/util/tensor_bundle/naming.h @@ -31,8 +31,8 @@ limitations under the License. // // Regexp can also be used: e.g. R".data-\d{5}-of-\d{5}" for data files. -#ifndef TENSORFLOW_UTIL_TENSOR_BUNDLE_NAMING_H_ -#define TENSORFLOW_UTIL_TENSOR_BUNDLE_NAMING_H_ +#ifndef TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_NAMING_H_ +#define TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_NAMING_H_ #include "tensorflow/core/lib/core/stringpiece.h" @@ -43,4 +43,4 @@ string DataFilename(StringPiece prefix, int32 shard_id, int32 num_shards); } // namespace tensorflow -#endif // TENSORFLOW_UTIL_TENSOR_BUNDLE_NAMING_H_ +#endif // TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_NAMING_H_ diff --git a/tensorflow/core/util/tensor_bundle/tensor_bundle.h b/tensorflow/core/util/tensor_bundle/tensor_bundle.h index d30ce3f0cf..3a2ffbb495 100644 --- a/tensorflow/core/util/tensor_bundle/tensor_bundle.h +++ b/tensorflow/core/util/tensor_bundle/tensor_bundle.h @@ -58,8 +58,8 @@ limitations under the License. // "/fs/model/train/ckpt-step/ckpt" /* merged prefix */); // -#ifndef TENSORFLOW_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ -#define TENSORFLOW_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ +#ifndef TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ +#define TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ #include "tensorflow/core/protobuf/tensor_bundle.pb.h" @@ -346,4 +346,4 @@ class FileOutputBuffer { } // namespace tensorflow -#endif // TENSORFLOW_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ +#endif // TENSORFLOW_CORE_UTIL_TENSOR_BUNDLE_TENSOR_BUNDLE_H_ diff --git a/tensorflow/core/util/tensor_slice_reader.h b/tensorflow/core/util/tensor_slice_reader.h index 263f56c7fc..4aa9a4708e 100644 --- a/tensorflow/core/util/tensor_slice_reader.h +++ b/tensorflow/core/util/tensor_slice_reader.h @@ -16,8 +16,8 @@ limitations under the License. // The utility to read checkpoints for google brain tensor ops and v3 // checkpoints for dist_belief. -#ifndef TENSORFLOW_UTIL_TENSOR_SLICE_READER_H_ -#define TENSORFLOW_UTIL_TENSOR_SLICE_READER_H_ +#ifndef TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_H_ +#define TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_H_ #include @@ -192,4 +192,4 @@ bool TensorSliceReader::CopySliceData(const string& name, } // namespace tensorflow -#endif // TENSORFLOW_UTIL_TENSOR_SLICE_READER_H_ +#endif // TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_H_ diff --git a/tensorflow/core/util/tensor_slice_reader_cache.h b/tensorflow/core/util/tensor_slice_reader_cache.h index 63a8d0b068..9f1919df4e 100644 --- a/tensorflow/core/util/tensor_slice_reader_cache.h +++ b/tensorflow/core/util/tensor_slice_reader_cache.h @@ -16,8 +16,8 @@ limitations under the License. // The utility to read checkpoints for google brain tensor ops and v3 // checkpoints for dist_belief. -#ifndef TENSORFLOW_UTIL_TENSOR_SLICE_READER_CACHE_H_ -#define TENSORFLOW_UTIL_TENSOR_SLICE_READER_CACHE_H_ +#ifndef TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_CACHE_H_ +#define TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_CACHE_H_ #include @@ -85,4 +85,4 @@ class TensorSliceReaderCache { } // namespace tensorflow -#endif // TENSORFLOW_UTIL_TENSOR_SLICE_READER_CACHE_H_ +#endif // TENSORFLOW_CORE_UTIL_TENSOR_SLICE_READER_CACHE_H_ diff --git a/tensorflow/core/util/tensor_slice_writer.h b/tensorflow/core/util/tensor_slice_writer.h index 2888c66d10..0db2fb4804 100644 --- a/tensorflow/core/util/tensor_slice_writer.h +++ b/tensorflow/core/util/tensor_slice_writer.h @@ -16,8 +16,8 @@ limitations under the License. // The utility to write checkpoints for google brain tensor ops and v3 // checkpoints for dist_belief. -#ifndef TENSORFLOW_UTIL_TENSOR_SLICE_WRITER_H_ -#define TENSORFLOW_UTIL_TENSOR_SLICE_WRITER_H_ +#ifndef TENSORFLOW_CORE_UTIL_TENSOR_SLICE_WRITER_H_ +#define TENSORFLOW_CORE_UTIL_TENSOR_SLICE_WRITER_H_ #include @@ -192,4 +192,4 @@ Status CreateTableTensorSliceBuilder(const string& filename, } // namespace tensorflow -#endif // TENSORFLOW_UTIL_TENSOR_SLICE_WRITER_H_ +#endif // TENSORFLOW_CORE_UTIL_TENSOR_SLICE_WRITER_H_ diff --git a/tensorflow/core/util/util.h b/tensorflow/core/util/util.h index 4adf2f14dc..93dfd51ab5 100644 --- a/tensorflow/core/util/util.h +++ b/tensorflow/core/util/util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_UTIL_H_ -#define TENSORFLOW_UTIL_UTIL_H_ +#ifndef TENSORFLOW_CORE_UTIL_UTIL_H_ +#define TENSORFLOW_CORE_UTIL_UTIL_H_ #include "tensorflow/core/framework/tensor_shape.h" #include "tensorflow/core/lib/core/stringpiece.h" @@ -58,4 +58,4 @@ string SliceDebugString(const TensorShape& shape, const int64 flat); } // namespace tensorflow -#endif // TENSORFLOW_UTIL_UTIL_H_ +#endif // TENSORFLOW_CORE_UTIL_UTIL_H_ diff --git a/tensorflow/core/util/work_sharder.h b/tensorflow/core/util/work_sharder.h index 72ce493c1b..b12c31c1ae 100644 --- a/tensorflow/core/util/work_sharder.h +++ b/tensorflow/core/util/work_sharder.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_UTIL_WORK_SHARDER_H_ -#define TENSORFLOW_UTIL_WORK_SHARDER_H_ +#ifndef TENSORFLOW_CORE_UTIL_WORK_SHARDER_H_ +#define TENSORFLOW_CORE_UTIL_WORK_SHARDER_H_ #include @@ -95,4 +95,4 @@ class Sharder { } // end namespace tensorflow -#endif // TENSORFLOW_UTIL_WORK_SHARDER_H_ +#endif // TENSORFLOW_CORE_UTIL_WORK_SHARDER_H_ diff --git a/tensorflow/examples/android/jni/object_tracking/jni_utils.h b/tensorflow/examples/android/jni/object_tracking/jni_utils.h index b81d9e0c12..06048ecfd3 100644 --- a/tensorflow/examples/android/jni/object_tracking/jni_utils.h +++ b/tensorflow/examples/android/jni/object_tracking/jni_utils.h @@ -60,4 +60,4 @@ class JniLongField { jfieldID field_ID_; }; -#endif +#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_JNI_UTILS_H_ diff --git a/tensorflow/examples/android/jni/object_tracking/logging.h b/tensorflow/examples/android/jni/object_tracking/logging.h index 852a749399..24d05e3398 100644 --- a/tensorflow/examples/android/jni/object_tracking/logging.h +++ b/tensorflow/examples/android/jni/object_tracking/logging.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOG_STREAMING_H_ -#define TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOG_STREAMING_H_ +#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOGGING_H_ +#define TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOGGING_H_ #include #include @@ -118,4 +118,4 @@ void LogPrintF(const int severity, const char* format, ...); #endif -#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOG_STREAMING_H_ +#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_LOGGING_H_ diff --git a/tensorflow/examples/android/jni/object_tracking/object_model.h b/tensorflow/examples/android/jni/object_tracking/object_model.h index 5e81c49080..4bc4d5bc9e 100644 --- a/tensorflow/examples/android/jni/object_tracking/object_model.h +++ b/tensorflow/examples/android/jni/object_tracking/object_model.h @@ -19,8 +19,8 @@ limitations under the License. // Contains ObjectModelBase declaration. -#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_DETECTION_OBJECT_MODEL_H_ -#define TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_DETECTION_OBJECT_MODEL_H_ +#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_OBJECT_MODEL_H_ +#define TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_OBJECT_MODEL_H_ #ifdef __RENDER_OPENGL__ #include @@ -99,4 +99,4 @@ class ObjectModel : public ObjectModelBase { } // namespace tf_tracking -#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_DETECTION_OBJECT_MODEL_H_ +#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_OBJECT_TRACKING_OBJECT_MODEL_H_ diff --git a/tensorflow/examples/android/jni/rgb2yuv.h b/tensorflow/examples/android/jni/rgb2yuv.h index 13ac4148f3..ff720fda7d 100755 --- a/tensorflow/examples/android/jni/rgb2yuv.h +++ b/tensorflow/examples/android/jni/rgb2yuv.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef ORG_TENSORFLOW_JNI_IMAGEUTILS_RGB2YUV_H_ -#define ORG_TENSORFLOW_JNI_IMAGEUTILS_RGB2YUV_H_ +#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_RGB2YUV_H_ +#define TENSORFLOW_EXAMPLES_ANDROID_JNI_RGB2YUV_H_ #include @@ -32,4 +32,4 @@ void ConvertRGB565ToYUV420SP(const uint16_t* const input, uint8_t* const output, } #endif -#endif // ORG_TENSORFLOW_JNI_IMAGEUTILS_RGB2YUV_H_ +#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_RGB2YUV_H_ diff --git a/tensorflow/examples/android/jni/yuv2rgb.h b/tensorflow/examples/android/jni/yuv2rgb.h index 7d2b8ab7f4..fab462f0e1 100644 --- a/tensorflow/examples/android/jni/yuv2rgb.h +++ b/tensorflow/examples/android/jni/yuv2rgb.h @@ -16,8 +16,8 @@ limitations under the License. // This is a collection of routines which converts various YUV image formats // to (A)RGB. -#ifndef ORG_TENSORFLOW_JNI_IMAGEUTILS_YUV2RGB_H_ -#define ORG_TENSORFLOW_JNI_IMAGEUTILS_YUV2RGB_H_ +#ifndef TENSORFLOW_EXAMPLES_ANDROID_JNI_YUV2RGB_H_ +#define TENSORFLOW_EXAMPLES_ANDROID_JNI_YUV2RGB_H_ #include @@ -54,4 +54,4 @@ void ConvertYUV420SPToRGB565(const uint8_t* const input, uint16_t* const output, } #endif -#endif // ORG_TENSORFLOW_JNI_IMAGEUTILS_YUV2RGB_H_ +#endif // TENSORFLOW_EXAMPLES_ANDROID_JNI_YUV2RGB_H_ diff --git a/tensorflow/java/src/main/native/exception_jni.h b/tensorflow/java/src/main/native/exception_jni.h index 28f26d7ebf..465281f804 100644 --- a/tensorflow/java/src/main/native/exception_jni.h +++ b/tensorflow/java/src/main/native/exception_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_EXCEPTION_JNI_H_ -#define TENSORFLOW_JAVA_EXCEPTION_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ #include @@ -39,4 +39,4 @@ bool throwExceptionIfNotOK(JNIEnv* env, const TF_Status* status); #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_EXCEPTION_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_EXCEPTION_JNI_H_ diff --git a/tensorflow/java/src/main/native/graph_jni.h b/tensorflow/java/src/main/native/graph_jni.h index 215695cdfd..efed23f83b 100644 --- a/tensorflow/java/src/main/native/graph_jni.h +++ b/tensorflow/java/src/main/native/graph_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_GRAPH_JNI_H_ -#define TENSORFLOW_JAVA_GRAPH_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_GRAPH_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_GRAPH_JNI_H_ #include @@ -85,4 +85,4 @@ JNIEXPORT jlongArray JNICALL Java_org_tensorflow_Graph_addGradients( #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_GRAPH_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_GRAPH_JNI_H_ diff --git a/tensorflow/java/src/main/native/operation_builder_jni.h b/tensorflow/java/src/main/native/operation_builder_jni.h index cf0abe4829..1cda7acea8 100644 --- a/tensorflow/java/src/main/native/operation_builder_jni.h +++ b/tensorflow/java/src/main/native/operation_builder_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_OPERATION_BUILDER_JNI_H_ -#define TENSORFLOW_JAVA_OPERATION_BUILDER_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_BUILDER_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_BUILDER_JNI_H_ #include @@ -188,4 +188,4 @@ JNIEXPORT void JNICALL Java_org_tensorflow_OperationBuilder_setAttrStringList( #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_OPERATION_BUILDER_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_BUILDER_JNI_H_ diff --git a/tensorflow/java/src/main/native/operation_jni.h b/tensorflow/java/src/main/native/operation_jni.h index 6f379256d2..56da2ebaee 100644 --- a/tensorflow/java/src/main/native/operation_jni.h +++ b/tensorflow/java/src/main/native/operation_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_OPERATION_JNI_H_ -#define TENSORFLOW_JAVA_OPERATION_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_JNI_H_ #include @@ -87,4 +87,4 @@ JNIEXPORT jint JNICALL Java_org_tensorflow_Operation_inputListLength(JNIEnv *, #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_OPERATION_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_OPERATION_JNI_H_ diff --git a/tensorflow/java/src/main/native/saved_model_bundle_jni.h b/tensorflow/java/src/main/native/saved_model_bundle_jni.h index a4b05d0409..e8f28dd670 100644 --- a/tensorflow/java/src/main/native/saved_model_bundle_jni.h +++ b/tensorflow/java/src/main/native/saved_model_bundle_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_SAVEDMODELBUNDLE_JNI_H_ -#define TENSORFLOW_JAVA_SAVEDMODELBUNDLE_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SAVED_MODEL_BUNDLE_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SAVED_MODEL_BUNDLE_JNI_H_ #include @@ -34,4 +34,4 @@ JNIEXPORT jobject JNICALL Java_org_tensorflow_SavedModelBundle_load( #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_SAVEDMODELBUNDLE_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SAVED_MODEL_BUNDLE_JNI_H_ diff --git a/tensorflow/java/src/main/native/session_jni.h b/tensorflow/java/src/main/native/session_jni.h index 54c9c0aa4d..1cc196bdc8 100644 --- a/tensorflow/java/src/main/native/session_jni.h +++ b/tensorflow/java/src/main/native/session_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_SESSION_JNI_H_ -#define TENSORFLOW_JAVA_SESSION_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SESSION_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SESSION_JNI_H_ #include @@ -59,4 +59,4 @@ JNIEXPORT jbyteArray JNICALL Java_org_tensorflow_Session_run( #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_SESSION_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_SESSION_JNI_H_ diff --git a/tensorflow/java/src/main/native/tensor_jni.h b/tensorflow/java/src/main/native/tensor_jni.h index a300936884..4cf682548e 100644 --- a/tensorflow/java/src/main/native/tensor_jni.h +++ b/tensorflow/java/src/main/native/tensor_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_TENSOR_JNI_H_ -#define TENSORFLOW_JAVA_TENSOR_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ #include @@ -153,4 +153,4 @@ JNIEXPORT void JNICALL Java_org_tensorflow_Tensor_readNDArray(JNIEnv *, jclass, #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_TENSOR_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSOR_JNI_H_ diff --git a/tensorflow/java/src/main/native/tensorflow_jni.h b/tensorflow/java/src/main/native/tensorflow_jni.h index c0c9322020..d7c44fb0e2 100644 --- a/tensorflow/java/src/main/native/tensorflow_jni.h +++ b/tensorflow/java/src/main/native/tensorflow_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_TENSORFLOW_JNI_H_ -#define TENSORFLOW_JAVA_TENSORFLOW_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_JNI_H_ #include @@ -67,4 +67,4 @@ Java_org_tensorflow_TensorFlow_libraryOpList(JNIEnv *, jclass, jlong); #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif // TENSORFLOW_JAVA_TENSORFLOW_JNI_H_ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_TENSORFLOW_JNI_H_ diff --git a/tensorflow/java/src/main/native/utils_jni.h b/tensorflow/java/src/main/native/utils_jni.h index 352298e7de..d1e1b93878 100644 --- a/tensorflow/java/src/main/native/utils_jni.h +++ b/tensorflow/java/src/main/native/utils_jni.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_JAVA_UTILS_JNI_H_ -#define TENSORFLOW_JAVA_UTILS_JNI_H_ +#ifndef TENSORFLOW_JAVA_SRC_MAIN_NATIVE_UTILS_JNI_H_ +#define TENSORFLOW_JAVA_SRC_MAIN_NATIVE_UTILS_JNI_H_ #include @@ -30,4 +30,4 @@ void resolveOutputs(JNIEnv* env, const char* type, jlongArray src_op, #ifdef __cplusplus } // extern "C" #endif // __cplusplus -#endif /* TENSORFLOW_JAVA_UTILS_JNI_H_ */ +#endif // TENSORFLOW_JAVA_SRC_MAIN_NATIVE_UTILS_JNI_H_ diff --git a/tensorflow/python/grappler/cost_analyzer.h b/tensorflow/python/grappler/cost_analyzer.h index b5364aa37a..d15858c1ee 100644 --- a/tensorflow/python/grappler/cost_analyzer.h +++ b/tensorflow/python/grappler/cost_analyzer.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_GRAPPLER_COSTS_COST_ANALYZER_H_ -#define TENSORFLOW_CORE_GRAPPLER_COSTS_COST_ANALYZER_H_ +#ifndef TENSORFLOW_PYTHON_GRAPPLER_COST_ANALYZER_H_ +#define TENSORFLOW_PYTHON_GRAPPLER_COST_ANALYZER_H_ #include #include "tensorflow/core/framework/cost_graph.pb.h" @@ -80,4 +80,4 @@ class CostAnalyzer { } // end namespace grappler } // end namespace tensorflow -#endif // TENSORFLOW_CORE_GRAPPLER_COSTS_COST_ANALYZER_H_ +#endif // TENSORFLOW_PYTHON_GRAPPLER_COST_ANALYZER_H_ diff --git a/tensorflow/python/grappler/model_analyzer.h b/tensorflow/python/grappler/model_analyzer.h index 97ffafabe1..9764a75b29 100644 --- a/tensorflow/python/grappler/model_analyzer.h +++ b/tensorflow/python/grappler/model_analyzer.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_GRAPPLER_COSTS_MODEL_ANALYZER_H_ -#define TENSORFLOW_CORE_GRAPPLER_COSTS_MODEL_ANALYZER_H_ +#ifndef TENSORFLOW_PYTHON_GRAPPLER_MODEL_ANALYZER_H_ +#define TENSORFLOW_PYTHON_GRAPPLER_MODEL_ANALYZER_H_ #include #include "tensorflow/core/framework/node_def.pb.h" @@ -43,4 +43,4 @@ class ModelAnalyzer { } // end namespace grappler } // end namespace tensorflow -#endif // TENSORFLOW_CORE_GRAPPLER_COSTS_MODEL_ANALYZER_H_ +#endif // TENSORFLOW_PYTHON_GRAPPLER_MODEL_ANALYZER_H_ diff --git a/tensorflow/python/lib/core/py_util.h b/tensorflow/python/lib/core/py_util.h index 44dfe7ba21..a9f39d3946 100644 --- a/tensorflow/python/lib/core/py_util.h +++ b/tensorflow/python/lib/core/py_util.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_PYTHON_LIB_CORE_UTIL_H_ -#define TENSORFLOW_PYTHON_LIB_CORE_UTIL_H_ +#ifndef TENSORFLOW_PYTHON_LIB_CORE_PY_UTIL_H_ +#define TENSORFLOW_PYTHON_LIB_CORE_PY_UTIL_H_ #include "tensorflow/core/platform/types.h" @@ -24,4 +24,4 @@ namespace tensorflow { string PyExceptionFetch(); } // end namespace tensorflow -#endif // TENSORFLOW_PYTHON_LIB_CORE_UTIL_H_ +#endif // TENSORFLOW_PYTHON_LIB_CORE_PY_UTIL_H_ diff --git a/tensorflow/stream_executor/lib/statusor_internals.h b/tensorflow/stream_executor/lib/statusor_internals.h index 09f88f5825..a159da57a2 100644 --- a/tensorflow/stream_executor/lib/statusor_internals.h +++ b/tensorflow/stream_executor/lib/statusor_internals.h @@ -16,7 +16,6 @@ limitations under the License. #ifndef TENSORFLOW_STREAM_EXECUTOR_LIB_STATUSOR_INTERNALS_H_ #define TENSORFLOW_STREAM_EXECUTOR_LIB_STATUSOR_INTERNALS_H_ - #include "tensorflow/core/platform/macros.h" #include "tensorflow/stream_executor/lib/status.h" diff --git a/tensorflow/tools/graph_transforms/fold_constants_lib.h b/tensorflow/tools/graph_transforms/fold_constants_lib.h index 8aefa6ae0f..0802ebb815 100644 --- a/tensorflow/tools/graph_transforms/fold_constants_lib.h +++ b/tensorflow/tools/graph_transforms/fold_constants_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_H_ -#define TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_H_ +#ifndef TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_LIB_H_ +#define TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_LIB_H_ #include "tensorflow/core/framework/graph.pb.h" #include "tensorflow/core/lib/core/status.h" @@ -40,4 +40,4 @@ Status RemoveUnusedNodes(const GraphDef& input_graph_def, } // namespace graph_transforms } // namespace tensorflow -#endif // TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_H_ +#endif // TENSORFLOW_TOOLS_GRAPH_TRANSFORMS_FOLD_CONSTANTS_LIB_H_ diff --git a/tensorflow/tools/proto_text/gen_proto_text_functions_lib.h b/tensorflow/tools/proto_text/gen_proto_text_functions_lib.h index e18d749cff..20aa605480 100644 --- a/tensorflow/tools/proto_text/gen_proto_text_functions_lib.h +++ b/tensorflow/tools/proto_text/gen_proto_text_functions_lib.h @@ -13,8 +13,8 @@ See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ -#ifndef TENSORFLOW_CORE_UTIL_CREATE_PROTO_DEBUG_STRING_LIB_H_ -#define TENSORFLOW_CORE_UTIL_CREATE_PROTO_DEBUG_STRING_LIB_H_ +#ifndef TENSORFLOW_TOOLS_PROTO_TEXT_GEN_PROTO_TEXT_FUNCTIONS_LIB_H_ +#define TENSORFLOW_TOOLS_PROTO_TEXT_GEN_PROTO_TEXT_FUNCTIONS_LIB_H_ #include "tensorflow/core/platform/protobuf.h" #include "tensorflow/core/platform/types.h" @@ -50,4 +50,4 @@ ProtoTextFunctionCode GetProtoTextFunctionCode( } // namespace tensorflow -#endif // TENSORFLOW_CORE_UTIL_CREATE_PROTO_DEBUG_STRING_LIB_H_ +#endif // TENSORFLOW_TOOLS_PROTO_TEXT_GEN_PROTO_TEXT_FUNCTIONS_LIB_H_ diff --git a/third_party/hadoop/hdfs.h b/third_party/hadoop/hdfs.h index a664f3b50c..30c277a450 100644 --- a/third_party/hadoop/hdfs.h +++ b/third_party/hadoop/hdfs.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef LIBHDFS_HDFS_H -#define LIBHDFS_HDFS_H +#ifndef TENSORFLOW_THIRD_PARTY_HADOOP_HDFS_H_ +#define TENSORFLOW_THIRD_PARTY_HADOOP_HDFS_H_ #include /* for EINTERNAL, etc. */ #include /* for O_RDONLY, O_WRONLY */ @@ -904,7 +904,7 @@ void hadoopRzBufferFree(hdfsFile file, struct hadoopRzBuffer *buffer); #endif #undef LIBHDFS_EXTERNAL -#endif /*LIBHDFS_HDFS_H*/ +#endif // TENSORFLOW_THIRD_PARTY_HADOOP_HDFS_H_ /** * vim: ts=4: sw=4: et -- cgit v1.2.3