aboutsummaryrefslogtreecommitdiffhomepage
path: root/tensorflow
diff options
context:
space:
mode:
authorGravatar A. Unique TensorFlower <gardener@tensorflow.org>2017-05-26 16:25:36 -0700
committerGravatar TensorFlower Gardener <gardener@tensorflow.org>2017-05-26 20:16:20 -0700
commiteae0b5f53d0c7a13308e616135a75f6228bddb1a (patch)
treef8729ca3e4171642472f4f19ea0dd0bcce196aee /tensorflow
parent649040011e628a93f0b6894d2a8c8cbb05b6d640 (diff)
Remove unused using-declarations
PiperOrigin-RevId: 157276276
Diffstat (limited to 'tensorflow')
-rw-r--r--tensorflow/c/c_api.cc3
-rw-r--r--tensorflow/compiler/xla/tests/deconstruct_tuple_test.cc1
-rw-r--r--tensorflow/contrib/framework/ops/variable_ops.cc1
-rwxr-xr-xtensorflow/contrib/image/kernels/single_image_random_dot_stereograms_ops.cc2
-rwxr-xr-xtensorflow/contrib/image/ops/single_image_random_dot_stereograms_ops.cc2
-rw-r--r--tensorflow/contrib/input_pipeline/ops/input_pipeline_ops.cc1
-rw-r--r--tensorflow/contrib/tensor_forest/hybrid/core/ops/hard_routing_function_op.cc5
-rw-r--r--tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_function_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_gradient_op.cc1
-rw-r--r--tensorflow/contrib/tensor_forest/hybrid/core/ops/stochastic_hard_routing_function_op.cc1
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/best_splits_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/count_extremely_random_stats_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/finished_nodes_op.cc5
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/grow_tree_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/sample_inputs_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/scatter_add_ndim_op.cc4
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/tree_predictions_op.cc6
-rw-r--r--tensorflow/contrib/tensor_forest/kernels/update_fertile_slots_op.cc6
-rw-r--r--tensorflow/core/common_runtime/gpu/gpu_util.cc1
-rw-r--r--tensorflow/core/distributed_runtime/remote_device.cc2
-rw-r--r--tensorflow/core/kernels/fake_quant_ops.cc2
-rw-r--r--tensorflow/core/kernels/parameterized_truncated_normal_op.cc1
-rw-r--r--tensorflow/core/ops/functional_ops.cc2
-rw-r--r--tensorflow/core/ops/no_op.cc2
-rw-r--r--tensorflow/core/ops/parsing_ops.cc1
-rw-r--r--tensorflow/tools/proto_text/gen_proto_text_functions_lib.cc1
26 files changed, 0 insertions, 70 deletions
diff --git a/tensorflow/c/c_api.cc b/tensorflow/c/c_api.cc
index 61089e2a50..2cf6f5967e 100644
--- a/tensorflow/c/c_api.cc
+++ b/tensorflow/c/c_api.cc
@@ -59,10 +59,8 @@ using tensorflow::gtl::ArraySlice;
using tensorflow::strings::StrCat;
using tensorflow::AllocationDescription;
using tensorflow::DataType;
-using tensorflow::Env;
using tensorflow::Graph;
using tensorflow::GraphDef;
-using tensorflow::mutex;
using tensorflow::mutex_lock;
using tensorflow::NameRangeMap;
using tensorflow::NameRangesForNode;
@@ -77,7 +75,6 @@ using tensorflow::Reset;
using tensorflow::RunMetadata;
using tensorflow::RunOptions;
using tensorflow::Session;
-using tensorflow::SessionOptions;
using tensorflow::Status;
using tensorflow::Tensor;
using tensorflow::TensorBuffer;
diff --git a/tensorflow/compiler/xla/tests/deconstruct_tuple_test.cc b/tensorflow/compiler/xla/tests/deconstruct_tuple_test.cc
index a663df059b..d575f5e6d6 100644
--- a/tensorflow/compiler/xla/tests/deconstruct_tuple_test.cc
+++ b/tensorflow/compiler/xla/tests/deconstruct_tuple_test.cc
@@ -36,7 +36,6 @@ namespace xla {
namespace {
using ::testing::ContainsRegex;
-using ::testing::ElementsAre;
using ::testing::HasSubstr;
class DeconstructTupleTest : public ClientLibraryTestBase {
diff --git a/tensorflow/contrib/framework/ops/variable_ops.cc b/tensorflow/contrib/framework/ops/variable_ops.cc
index 8f909f8ba7..1ee8e1498c 100644
--- a/tensorflow/contrib/framework/ops/variable_ops.cc
+++ b/tensorflow/contrib/framework/ops/variable_ops.cc
@@ -19,7 +19,6 @@ limitations under the License.
namespace tensorflow {
using shape_inference::InferenceContext;
-using shape_inference::Shape;
REGISTER_OP("ZeroInitializer")
.Input("ref: Ref(T)")
diff --git a/tensorflow/contrib/image/kernels/single_image_random_dot_stereograms_ops.cc b/tensorflow/contrib/image/kernels/single_image_random_dot_stereograms_ops.cc
index 23efd359d5..5e71104a0c 100755
--- a/tensorflow/contrib/image/kernels/single_image_random_dot_stereograms_ops.cc
+++ b/tensorflow/contrib/image/kernels/single_image_random_dot_stereograms_ops.cc
@@ -19,8 +19,6 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::InferenceContext;
-
template <typename T>
class SingleImageRandomDotStereogramsOp : public OpKernel {
private:
diff --git a/tensorflow/contrib/image/ops/single_image_random_dot_stereograms_ops.cc b/tensorflow/contrib/image/ops/single_image_random_dot_stereograms_ops.cc
index 8a7cc56256..2b67992138 100755
--- a/tensorflow/contrib/image/ops/single_image_random_dot_stereograms_ops.cc
+++ b/tensorflow/contrib/image/ops/single_image_random_dot_stereograms_ops.cc
@@ -19,8 +19,6 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::InferenceContext;
-
REGISTER_OP("SingleImageRandomDotStereograms")
.Attr("T: {double,float,int64,int32}")
.Input("depth_values: T")
diff --git a/tensorflow/contrib/input_pipeline/ops/input_pipeline_ops.cc b/tensorflow/contrib/input_pipeline/ops/input_pipeline_ops.cc
index 052dbfec33..01628c8e1b 100644
--- a/tensorflow/contrib/input_pipeline/ops/input_pipeline_ops.cc
+++ b/tensorflow/contrib/input_pipeline/ops/input_pipeline_ops.cc
@@ -18,7 +18,6 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::DimensionHandle;
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
diff --git a/tensorflow/contrib/tensor_forest/hybrid/core/ops/hard_routing_function_op.cc b/tensorflow/contrib/tensor_forest/hybrid/core/ops/hard_routing_function_op.cc
index 690fadd8cb..76cfb4c9ca 100644
--- a/tensorflow/contrib/tensor_forest/hybrid/core/ops/hard_routing_function_op.cc
+++ b/tensorflow/contrib/tensor_forest/hybrid/core/ops/hard_routing_function_op.cc
@@ -37,14 +37,9 @@
namespace tensorflow {
-using shape_inference::DimensionHandle;
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
-using tensorforest::CHILDREN_INDEX;
-using tensorforest::FEATURE_INDEX;
-using tensorforest::LEAF_NODE;
-
using tensorforest::CheckTensorBounds;
using tensorforest::LeftProbability;
diff --git a/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_function_op.cc b/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_function_op.cc
index 6b67cb24c1..4027e732b3 100644
--- a/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_function_op.cc
+++ b/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_function_op.cc
@@ -40,10 +40,6 @@ namespace tensorflow {
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
-using tensorforest::CHILDREN_INDEX;
-using tensorforest::FEATURE_INDEX;
-using tensorforest::LEAF_NODE;
-
using tensorforest::CheckTensorBounds;
using tensorforest::LeftProbability;
diff --git a/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_gradient_op.cc b/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_gradient_op.cc
index 131e819642..5aca54d131 100644
--- a/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_gradient_op.cc
+++ b/tensorflow/contrib/tensor_forest/hybrid/core/ops/routing_gradient_op.cc
@@ -34,7 +34,6 @@
namespace tensorflow {
-using shape_inference::DimensionHandle;
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
diff --git a/tensorflow/contrib/tensor_forest/hybrid/core/ops/stochastic_hard_routing_function_op.cc b/tensorflow/contrib/tensor_forest/hybrid/core/ops/stochastic_hard_routing_function_op.cc
index 26a7d7917e..09b83e2af1 100644
--- a/tensorflow/contrib/tensor_forest/hybrid/core/ops/stochastic_hard_routing_function_op.cc
+++ b/tensorflow/contrib/tensor_forest/hybrid/core/ops/stochastic_hard_routing_function_op.cc
@@ -41,7 +41,6 @@
namespace tensorflow {
-using shape_inference::DimensionHandle;
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
diff --git a/tensorflow/contrib/tensor_forest/kernels/best_splits_op.cc b/tensorflow/contrib/tensor_forest/kernels/best_splits_op.cc
index e4675b40a3..b56185e99e 100644
--- a/tensorflow/contrib/tensor_forest/kernels/best_splits_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/best_splits_op.cc
@@ -26,10 +26,6 @@
namespace tensorflow {
-using shape_inference::DimensionHandle;
-using shape_inference::InferenceContext;
-using shape_inference::ShapeHandle;
-
using std::placeholders::_1;
using tensorforest::BestFeatureClassification;
using tensorforest::BestFeatureRegression;
diff --git a/tensorflow/contrib/tensor_forest/kernels/count_extremely_random_stats_op.cc b/tensorflow/contrib/tensor_forest/kernels/count_extremely_random_stats_op.cc
index ee7446a686..bf8d28c6e0 100644
--- a/tensorflow/contrib/tensor_forest/kernels/count_extremely_random_stats_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/count_extremely_random_stats_op.cc
@@ -48,10 +48,6 @@ using tensorforest::TensorForestDataSpec;
using tensorforest::Initialize;
using tensorforest::IsAllInitialized;
-using shape_inference::DimensionHandle;
-using shape_inference::InferenceContext;
-using shape_inference::ShapeHandle;
-
// A data structure to store the results of parallel tree traversal.
struct InputDataResult {
// A list of each node that was visited.
diff --git a/tensorflow/contrib/tensor_forest/kernels/finished_nodes_op.cc b/tensorflow/contrib/tensor_forest/kernels/finished_nodes_op.cc
index 6b149348cf..f71ba17fc3 100644
--- a/tensorflow/contrib/tensor_forest/kernels/finished_nodes_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/finished_nodes_op.cc
@@ -27,15 +27,10 @@
namespace tensorflow {
-using shape_inference::Dimension;
-using shape_inference::InferenceContext;
-using shape_inference::Shape;
-
using std::placeholders::_1;
using std::placeholders::_2;
using tensorforest::CheckTensorBounds;
-using tensorforest::Sum;
using tensorforest::BestSplitDominatesClassificationBootstrap;
using tensorforest::BestSplitDominatesClassificationChebyshev;
using tensorforest::BestSplitDominatesClassificationHoeffding;
diff --git a/tensorflow/contrib/tensor_forest/kernels/grow_tree_op.cc b/tensorflow/contrib/tensor_forest/kernels/grow_tree_op.cc
index ba460298ec..ae55805825 100644
--- a/tensorflow/contrib/tensor_forest/kernels/grow_tree_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/grow_tree_op.cc
@@ -32,10 +32,6 @@
namespace tensorflow {
-using shape_inference::Dimension;
-using shape_inference::InferenceContext;
-using shape_inference::Shape;
-
using tensorforest::CHILDREN_INDEX;
using tensorforest::FEATURE_INDEX;
using tensorforest::LEAF_NODE;
diff --git a/tensorflow/contrib/tensor_forest/kernels/sample_inputs_op.cc b/tensorflow/contrib/tensor_forest/kernels/sample_inputs_op.cc
index 41f99b0902..6bfc29d96f 100644
--- a/tensorflow/contrib/tensor_forest/kernels/sample_inputs_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/sample_inputs_op.cc
@@ -31,10 +31,6 @@
namespace tensorflow {
-using shape_inference::DimensionHandle;
-using shape_inference::InferenceContext;
-using shape_inference::ShapeHandle;
-
using tensorforest::CheckTensorBounds;
using tensorforest::IsAllInitialized;
diff --git a/tensorflow/contrib/tensor_forest/kernels/scatter_add_ndim_op.cc b/tensorflow/contrib/tensor_forest/kernels/scatter_add_ndim_op.cc
index c36af9d9e1..dd2a98b08c 100644
--- a/tensorflow/contrib/tensor_forest/kernels/scatter_add_ndim_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/scatter_add_ndim_op.cc
@@ -25,12 +25,8 @@
namespace tensorflow {
-using shape_inference::Dimension;
-using shape_inference::InferenceContext;
-using shape_inference::Shape;
using tensorforest::CheckTensorBounds;
-
class ScatterAddNdim : public OpKernel {
public:
explicit ScatterAddNdim(OpKernelConstruction* context) : OpKernel(context) {}
diff --git a/tensorflow/contrib/tensor_forest/kernels/tree_predictions_op.cc b/tensorflow/contrib/tensor_forest/kernels/tree_predictions_op.cc
index 9b82e5ea95..3fe37d56a8 100644
--- a/tensorflow/contrib/tensor_forest/kernels/tree_predictions_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/tree_predictions_op.cc
@@ -33,12 +33,6 @@ using tensorforest::LEAF_NODE;
using tensorforest::FREE_NODE;
using tensorforest::CheckTensorBounds;
-using tensorforest::DataColumnTypes;
-using tensorforest::Sum;
-
-using shape_inference::DimensionHandle;
-using shape_inference::InferenceContext;
-using shape_inference::ShapeHandle;
namespace {
// Traverse the tree for every example from start to end. Put the resulting
diff --git a/tensorflow/contrib/tensor_forest/kernels/update_fertile_slots_op.cc b/tensorflow/contrib/tensor_forest/kernels/update_fertile_slots_op.cc
index 073fad528a..798b003a86 100644
--- a/tensorflow/contrib/tensor_forest/kernels/update_fertile_slots_op.cc
+++ b/tensorflow/contrib/tensor_forest/kernels/update_fertile_slots_op.cc
@@ -30,16 +30,10 @@
namespace tensorflow {
-using shape_inference::Dimension;
-using shape_inference::InferenceContext;
-using shape_inference::Shape;
-
using gtl::TopN;
using tensorforest::CheckTensorBounds;
-using tensorforest::Initialize;
using tensorforest::WeightedGiniImpurity;
-
class UpdateFertileSlots : public OpKernel {
public:
explicit UpdateFertileSlots(OpKernelConstruction* context)
diff --git a/tensorflow/core/common_runtime/gpu/gpu_util.cc b/tensorflow/core/common_runtime/gpu/gpu_util.cc
index 71f82ec9a1..ae9e5aeaa3 100644
--- a/tensorflow/core/common_runtime/gpu/gpu_util.cc
+++ b/tensorflow/core/common_runtime/gpu/gpu_util.cc
@@ -55,7 +55,6 @@ const tensorflow::int64 FLAGS_brain_gpu_util_debug_string_maxlen = 128;
extern bool FLAGS_brain_gpu_record_mem_types;
using perftools::gputools::DeviceMemoryBase;
-using perftools::gputools::DeviceMemory;
using perftools::gputools::Stream;
namespace tensorflow {
diff --git a/tensorflow/core/distributed_runtime/remote_device.cc b/tensorflow/core/distributed_runtime/remote_device.cc
index 91c1fb99fe..ec26ac44b5 100644
--- a/tensorflow/core/distributed_runtime/remote_device.cc
+++ b/tensorflow/core/distributed_runtime/remote_device.cc
@@ -29,8 +29,6 @@ limitations under the License.
namespace tensorflow {
-using std::placeholders::_1;
-
// TODO(zhifengc): We need to consolidate (full/partial) device name
// parsing into one place.
//
diff --git a/tensorflow/core/kernels/fake_quant_ops.cc b/tensorflow/core/kernels/fake_quant_ops.cc
index d655e44c41..b974ef0d6b 100644
--- a/tensorflow/core/kernels/fake_quant_ops.cc
+++ b/tensorflow/core/kernels/fake_quant_ops.cc
@@ -31,11 +31,9 @@ using tensorflow::DEVICE_CPU;
#if GOOGLE_CUDA
using tensorflow::DEVICE_GPU;
#endif
-using tensorflow::DT_BOOL;
using tensorflow::OpKernel;
using tensorflow::OpKernelConstruction;
using tensorflow::OpKernelContext;
-using tensorflow::PersistentTensor;
using tensorflow::Tensor;
using tensorflow::TensorShape;
using tensorflow::TTypes; // NOLINT This is needed in CUDA mode, do not remove.
diff --git a/tensorflow/core/kernels/parameterized_truncated_normal_op.cc b/tensorflow/core/kernels/parameterized_truncated_normal_op.cc
index 77c4b7a729..b232ba16a7 100644
--- a/tensorflow/core/kernels/parameterized_truncated_normal_op.cc
+++ b/tensorflow/core/kernels/parameterized_truncated_normal_op.cc
@@ -44,7 +44,6 @@ typedef Eigen::GpuDevice GPUDevice;
namespace functor {
using random::PhiloxRandom;
-using random::SingleSampleAdapter;
template <typename T>
struct TruncatedNormalFunctor<CPUDevice, T> {
diff --git a/tensorflow/core/ops/functional_ops.cc b/tensorflow/core/ops/functional_ops.cc
index 63b1520429..d1f9e94942 100644
--- a/tensorflow/core/ops/functional_ops.cc
+++ b/tensorflow/core/ops/functional_ops.cc
@@ -18,9 +18,7 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::Dimension;
using shape_inference::InferenceContext;
-using shape_inference::Shape;
REGISTER_OP("SymbolicGradient")
.Input("input: Tin")
diff --git a/tensorflow/core/ops/no_op.cc b/tensorflow/core/ops/no_op.cc
index 94eaec3fdf..e62353bb7f 100644
--- a/tensorflow/core/ops/no_op.cc
+++ b/tensorflow/core/ops/no_op.cc
@@ -18,8 +18,6 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::InferenceContext;
-
REGISTER_OP("NoOp")
.SetShapeFn(shape_inference::NoOutputs)
.Doc("Does nothing. Only useful as a placeholder for control edges.");
diff --git a/tensorflow/core/ops/parsing_ops.cc b/tensorflow/core/ops/parsing_ops.cc
index e55f9f10bd..22f87f5fdf 100644
--- a/tensorflow/core/ops/parsing_ops.cc
+++ b/tensorflow/core/ops/parsing_ops.cc
@@ -20,7 +20,6 @@ limitations under the License.
namespace tensorflow {
-using shape_inference::DimensionHandle;
using shape_inference::InferenceContext;
using shape_inference::ShapeHandle;
diff --git a/tensorflow/tools/proto_text/gen_proto_text_functions_lib.cc b/tensorflow/tools/proto_text/gen_proto_text_functions_lib.cc
index c5b3ca38ba..960e8b9a8f 100644
--- a/tensorflow/tools/proto_text/gen_proto_text_functions_lib.cc
+++ b/tensorflow/tools/proto_text/gen_proto_text_functions_lib.cc
@@ -28,7 +28,6 @@ using ::tensorflow::protobuf::EnumDescriptor;
using ::tensorflow::protobuf::FieldDescriptor;
using ::tensorflow::protobuf::FieldOptions;
using ::tensorflow::protobuf::FileDescriptor;
-using ::tensorflow::protobuf::OneofDescriptor;
namespace tensorflow {