• Home
  • Line#
  • Scopes#
  • Navigate#
  • Raw
  • Download
1# Copyright 2018 The TensorFlow Authors. All Rights Reserved.
2#
3# Licensed under the Apache License, Version 2.0 (the "License");
4# you may not use this file except in compliance with the License.
5# You may obtain a copy of the License at
6#
7#     http://www.apache.org/licenses/LICENSE-2.0
8#
9# Unless required by applicable law or agreed to in writing, software
10# distributed under the License is distributed on an "AS IS" BASIS,
11# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
12# See the License for the specific language governing permissions and
13# limitations under the License.
14# ==============================================================================
15# pylint: disable=line-too-long
16"""List of renames to apply when converting from TF 1.0 to TF 2.0.
17
18THIS FILE IS AUTOGENERATED: To update, please run:
19  bazel build tensorflow/tools/compatibility/update:generate_v2_renames_map
20  bazel-bin/tensorflow/tools/compatibility/update/generate_v2_renames_map
21pyformat --in_place third_party/tensorflow/tools/compatibility/renames_v2.py
22This file should be updated whenever endpoints are deprecated.
23"""
24from __future__ import absolute_import
25from __future__ import division
26from __future__ import print_function
27
28renames = {
29    'tf.AUTO_REUSE':
30        'tf.compat.v1.AUTO_REUSE',
31    'tf.AttrValue':
32        'tf.compat.v1.AttrValue',
33    'tf.COMPILER_VERSION':
34        'tf.version.COMPILER_VERSION',
35    'tf.CXX11_ABI_FLAG':
36        'tf.sysconfig.CXX11_ABI_FLAG',
37    'tf.ConditionalAccumulator':
38        'tf.compat.v1.ConditionalAccumulator',
39    'tf.ConditionalAccumulatorBase':
40        'tf.compat.v1.ConditionalAccumulatorBase',
41    'tf.ConfigProto':
42        'tf.compat.v1.ConfigProto',
43    'tf.Dimension':
44        'tf.compat.v1.Dimension',
45    'tf.Event':
46        'tf.compat.v1.Event',
47    'tf.FIFOQueue':
48        'tf.queue.FIFOQueue',
49    'tf.FixedLenFeature':
50        'tf.io.FixedLenFeature',
51    'tf.FixedLenSequenceFeature':
52        'tf.io.FixedLenSequenceFeature',
53    'tf.FixedLengthRecordReader':
54        'tf.compat.v1.FixedLengthRecordReader',
55    'tf.GIT_VERSION':
56        'tf.version.GIT_VERSION',
57    'tf.GPUOptions':
58        'tf.compat.v1.GPUOptions',
59    'tf.GRAPH_DEF_VERSION':
60        'tf.version.GRAPH_DEF_VERSION',
61    'tf.GRAPH_DEF_VERSION_MIN_CONSUMER':
62        'tf.version.GRAPH_DEF_VERSION_MIN_CONSUMER',
63    'tf.GRAPH_DEF_VERSION_MIN_PRODUCER':
64        'tf.version.GRAPH_DEF_VERSION_MIN_PRODUCER',
65    'tf.GraphDef':
66        'tf.compat.v1.GraphDef',
67    'tf.GraphKeys':
68        'tf.compat.v1.GraphKeys',
69    'tf.GraphOptions':
70        'tf.compat.v1.GraphOptions',
71    'tf.HistogramProto':
72        'tf.compat.v1.HistogramProto',
73    'tf.IdentityReader':
74        'tf.compat.v1.IdentityReader',
75    'tf.InteractiveSession':
76        'tf.compat.v1.InteractiveSession',
77    'tf.LMDBReader':
78        'tf.compat.v1.LMDBReader',
79    'tf.LogMessage':
80        'tf.compat.v1.LogMessage',
81    'tf.MONOLITHIC_BUILD':
82        'tf.sysconfig.MONOLITHIC_BUILD',
83    'tf.MetaGraphDef':
84        'tf.compat.v1.MetaGraphDef',
85    'tf.NameAttrList':
86        'tf.compat.v1.NameAttrList',
87    'tf.NoGradient':
88        'tf.no_gradient',
89    'tf.NodeDef':
90        'tf.compat.v1.NodeDef',
91    'tf.NotDifferentiable':
92        'tf.no_gradient',
93    'tf.OpError':
94        'tf.errors.OpError',
95    'tf.OptimizerOptions':
96        'tf.compat.v1.OptimizerOptions',
97    'tf.PaddingFIFOQueue':
98        'tf.queue.PaddingFIFOQueue',
99    'tf.Print':
100        'tf.compat.v1.Print',
101    'tf.PriorityQueue':
102        'tf.queue.PriorityQueue',
103    'tf.QUANTIZED_DTYPES':
104        'tf.dtypes.QUANTIZED_DTYPES',
105    'tf.QueueBase':
106        'tf.queue.QueueBase',
107    'tf.RandomShuffleQueue':
108        'tf.queue.RandomShuffleQueue',
109    'tf.ReaderBase':
110        'tf.compat.v1.ReaderBase',
111    'tf.RunMetadata':
112        'tf.compat.v1.RunMetadata',
113    'tf.RunOptions':
114        'tf.compat.v1.RunOptions',
115    'tf.Session':
116        'tf.compat.v1.Session',
117    'tf.SessionLog':
118        'tf.compat.v1.SessionLog',
119    'tf.SparseConditionalAccumulator':
120        'tf.compat.v1.SparseConditionalAccumulator',
121    'tf.SparseFeature':
122        'tf.io.SparseFeature',
123    'tf.SparseTensorValue':
124        'tf.compat.v1.SparseTensorValue',
125    'tf.Summary':
126        'tf.compat.v1.Summary',
127    'tf.SummaryMetadata':
128        'tf.compat.v1.SummaryMetadata',
129    'tf.TFRecordReader':
130        'tf.compat.v1.TFRecordReader',
131    'tf.TensorInfo':
132        'tf.compat.v1.TensorInfo',
133    'tf.TextLineReader':
134        'tf.compat.v1.TextLineReader',
135    'tf.VERSION':
136        'tf.version.VERSION',
137    'tf.VarLenFeature':
138        'tf.io.VarLenFeature',
139    'tf.VariableScope':
140        'tf.compat.v1.VariableScope',
141    'tf.WholeFileReader':
142        'tf.compat.v1.WholeFileReader',
143    'tf.accumulate_n':
144        'tf.math.accumulate_n',
145    'tf.add_check_numerics_ops':
146        'tf.compat.v1.add_check_numerics_ops',
147    'tf.add_to_collection':
148        'tf.compat.v1.add_to_collection',
149    'tf.add_to_collections':
150        'tf.compat.v1.add_to_collections',
151    'tf.all_variables':
152        'tf.compat.v1.all_variables',
153    'tf.angle':
154        'tf.math.angle',
155    'tf.app.run':
156        'tf.compat.v1.app.run',
157    'tf.assert_greater_equal':
158        'tf.compat.v1.assert_greater_equal',
159    'tf.assert_integer':
160        'tf.compat.v1.assert_integer',
161    'tf.assert_less_equal':
162        'tf.compat.v1.assert_less_equal',
163    'tf.assert_near':
164        'tf.compat.v1.assert_near',
165    'tf.assert_negative':
166        'tf.compat.v1.assert_negative',
167    'tf.assert_non_negative':
168        'tf.compat.v1.assert_non_negative',
169    'tf.assert_non_positive':
170        'tf.compat.v1.assert_non_positive',
171    'tf.assert_none_equal':
172        'tf.compat.v1.assert_none_equal',
173    'tf.assert_positive':
174        'tf.compat.v1.assert_positive',
175    'tf.assert_proper_iterable':
176        'tf.debugging.assert_proper_iterable',
177    'tf.assert_rank_at_least':
178        'tf.compat.v1.assert_rank_at_least',
179    'tf.assert_rank_in':
180        'tf.compat.v1.assert_rank_in',
181    'tf.assert_same_float_dtype':
182        'tf.debugging.assert_same_float_dtype',
183    'tf.assert_scalar':
184        'tf.compat.v1.assert_scalar',
185    'tf.assert_type':
186        'tf.compat.v1.assert_type',
187    'tf.assert_variables_initialized':
188        'tf.compat.v1.assert_variables_initialized',
189    'tf.assign':
190        'tf.compat.v1.assign',
191    'tf.assign_add':
192        'tf.compat.v1.assign_add',
193    'tf.assign_sub':
194        'tf.compat.v1.assign_sub',
195    'tf.batch_scatter_update':
196        'tf.compat.v1.batch_scatter_update',
197    'tf.betainc':
198        'tf.math.betainc',
199    'tf.ceil':
200        'tf.math.ceil',
201    'tf.check_numerics':
202        'tf.debugging.check_numerics',
203    'tf.cholesky':
204        'tf.linalg.cholesky',
205    'tf.cholesky_solve':
206        'tf.linalg.cholesky_solve',
207    'tf.clip_by_average_norm':
208        'tf.compat.v1.clip_by_average_norm',
209    'tf.colocate_with':
210        'tf.compat.v1.colocate_with',
211    'tf.conj':
212        'tf.math.conj',
213    'tf.container':
214        'tf.compat.v1.container',
215    'tf.control_flow_v2_enabled':
216        'tf.compat.v1.control_flow_v2_enabled',
217    'tf.convert_to_tensor_or_indexed_slices':
218        'tf.compat.v1.convert_to_tensor_or_indexed_slices',
219    'tf.convert_to_tensor_or_sparse_tensor':
220        'tf.compat.v1.convert_to_tensor_or_sparse_tensor',
221    'tf.count_up_to':
222        'tf.compat.v1.count_up_to',
223    'tf.create_partitioned_variables':
224        'tf.compat.v1.create_partitioned_variables',
225    'tf.cross':
226        'tf.linalg.cross',
227    'tf.cumprod':
228        'tf.math.cumprod',
229    'tf.data.get_output_classes':
230        'tf.compat.v1.data.get_output_classes',
231    'tf.data.get_output_shapes':
232        'tf.compat.v1.data.get_output_shapes',
233    'tf.data.get_output_types':
234        'tf.compat.v1.data.get_output_types',
235    'tf.data.make_initializable_iterator':
236        'tf.compat.v1.data.make_initializable_iterator',
237    'tf.data.make_one_shot_iterator':
238        'tf.compat.v1.data.make_one_shot_iterator',
239    'tf.debugging.is_finite':
240        'tf.math.is_finite',
241    'tf.debugging.is_inf':
242        'tf.math.is_inf',
243    'tf.debugging.is_nan':
244        'tf.math.is_nan',
245    'tf.debugging.is_non_decreasing':
246        'tf.math.is_non_decreasing',
247    'tf.debugging.is_strictly_increasing':
248        'tf.math.is_strictly_increasing',
249    'tf.decode_base64':
250        'tf.io.decode_base64',
251    'tf.decode_compressed':
252        'tf.io.decode_compressed',
253    'tf.decode_json_example':
254        'tf.io.decode_json_example',
255    'tf.delete_session_tensor':
256        'tf.compat.v1.delete_session_tensor',
257    'tf.depth_to_space':
258        'tf.compat.v1.depth_to_space',
259    'tf.dequantize':
260        'tf.quantization.dequantize',
261    'tf.deserialize_many_sparse':
262        'tf.io.deserialize_many_sparse',
263    'tf.diag':
264        'tf.linalg.tensor_diag',
265    'tf.diag_part':
266        'tf.linalg.tensor_diag_part',
267    'tf.digamma':
268        'tf.math.digamma',
269    'tf.dimension_at_index':
270        'tf.compat.dimension_at_index',
271    'tf.dimension_value':
272        'tf.compat.dimension_value',
273    'tf.disable_control_flow_v2':
274        'tf.compat.v1.disable_control_flow_v2',
275    'tf.disable_eager_execution':
276        'tf.compat.v1.disable_eager_execution',
277    'tf.disable_resource_variables':
278        'tf.compat.v1.disable_resource_variables',
279    'tf.disable_tensor_equality':
280        'tf.compat.v1.disable_tensor_equality',
281    'tf.disable_v2_behavior':
282        'tf.compat.v1.disable_v2_behavior',
283    'tf.disable_v2_tensorshape':
284        'tf.compat.v1.disable_v2_tensorshape',
285    'tf.distribute.experimental.ParameterServerStrategy':
286        'tf.compat.v1.distribute.experimental.ParameterServerStrategy',
287    'tf.distribute.get_loss_reduction':
288        'tf.compat.v1.distribute.get_loss_reduction',
289    'tf.distributions.Bernoulli':
290        'tf.compat.v1.distributions.Bernoulli',
291    'tf.distributions.Beta':
292        'tf.compat.v1.distributions.Beta',
293    'tf.distributions.Categorical':
294        'tf.compat.v1.distributions.Categorical',
295    'tf.distributions.Dirichlet':
296        'tf.compat.v1.distributions.Dirichlet',
297    'tf.distributions.DirichletMultinomial':
298        'tf.compat.v1.distributions.DirichletMultinomial',
299    'tf.distributions.Distribution':
300        'tf.compat.v1.distributions.Distribution',
301    'tf.distributions.Exponential':
302        'tf.compat.v1.distributions.Exponential',
303    'tf.distributions.FULLY_REPARAMETERIZED':
304        'tf.compat.v1.distributions.FULLY_REPARAMETERIZED',
305    'tf.distributions.Gamma':
306        'tf.compat.v1.distributions.Gamma',
307    'tf.distributions.Laplace':
308        'tf.compat.v1.distributions.Laplace',
309    'tf.distributions.Multinomial':
310        'tf.compat.v1.distributions.Multinomial',
311    'tf.distributions.NOT_REPARAMETERIZED':
312        'tf.compat.v1.distributions.NOT_REPARAMETERIZED',
313    'tf.distributions.Normal':
314        'tf.compat.v1.distributions.Normal',
315    'tf.distributions.RegisterKL':
316        'tf.compat.v1.distributions.RegisterKL',
317    'tf.distributions.ReparameterizationType':
318        'tf.compat.v1.distributions.ReparameterizationType',
319    'tf.distributions.StudentT':
320        'tf.compat.v1.distributions.StudentT',
321    'tf.distributions.Uniform':
322        'tf.compat.v1.distributions.Uniform',
323    'tf.distributions.kl_divergence':
324        'tf.compat.v1.distributions.kl_divergence',
325    'tf.div':
326        'tf.compat.v1.div',
327    'tf.div_no_nan':
328        'tf.math.divide_no_nan',
329    'tf.dtypes.as_string':
330        'tf.strings.as_string',
331    'tf.enable_control_flow_v2':
332        'tf.compat.v1.enable_control_flow_v2',
333    'tf.enable_eager_execution':
334        'tf.compat.v1.enable_eager_execution',
335    'tf.enable_resource_variables':
336        'tf.compat.v1.enable_resource_variables',
337    'tf.enable_tensor_equality':
338        'tf.compat.v1.enable_tensor_equality',
339    'tf.enable_v2_behavior':
340        'tf.compat.v1.enable_v2_behavior',
341    'tf.enable_v2_tensorshape':
342        'tf.compat.v1.enable_v2_tensorshape',
343    'tf.encode_base64':
344        'tf.io.encode_base64',
345    'tf.erf':
346        'tf.math.erf',
347    'tf.erfc':
348        'tf.math.erfc',
349    'tf.estimator.experimental.KMeans':
350        'tf.compat.v1.estimator.experimental.KMeans',
351    'tf.estimator.experimental.dnn_logit_fn_builder':
352        'tf.compat.v1.estimator.experimental.dnn_logit_fn_builder',
353    'tf.estimator.experimental.linear_logit_fn_builder':
354        'tf.compat.v1.estimator.experimental.linear_logit_fn_builder',
355    'tf.estimator.inputs.numpy_input_fn':
356        'tf.compat.v1.estimator.inputs.numpy_input_fn',
357    'tf.estimator.inputs.pandas_input_fn':
358        'tf.compat.v1.estimator.inputs.pandas_input_fn',
359    'tf.estimator.tpu.InputPipelineConfig':
360        'tf.compat.v1.estimator.tpu.InputPipelineConfig',
361    'tf.estimator.tpu.RunConfig':
362        'tf.compat.v1.estimator.tpu.RunConfig',
363    'tf.estimator.tpu.TPUConfig':
364        'tf.compat.v1.estimator.tpu.TPUConfig',
365    'tf.estimator.tpu.TPUEstimator':
366        'tf.compat.v1.estimator.tpu.TPUEstimator',
367    'tf.estimator.tpu.TPUEstimatorSpec':
368        'tf.compat.v1.estimator.tpu.TPUEstimatorSpec',
369    'tf.estimator.tpu.experimental.EmbeddingConfigSpec':
370        'tf.compat.v1.estimator.tpu.experimental.EmbeddingConfigSpec',
371    'tf.executing_eagerly_outside_functions':
372        'tf.compat.v1.executing_eagerly_outside_functions',
373    'tf.experimental.output_all_intermediates':
374        'tf.compat.v1.experimental.output_all_intermediates',
375    'tf.expm1':
376        'tf.math.expm1',
377    'tf.fake_quant_with_min_max_args':
378        'tf.quantization.fake_quant_with_min_max_args',
379    'tf.fake_quant_with_min_max_args_gradient':
380        'tf.quantization.fake_quant_with_min_max_args_gradient',
381    'tf.fake_quant_with_min_max_vars':
382        'tf.quantization.fake_quant_with_min_max_vars',
383    'tf.fake_quant_with_min_max_vars_gradient':
384        'tf.quantization.fake_quant_with_min_max_vars_gradient',
385    'tf.fake_quant_with_min_max_vars_per_channel':
386        'tf.quantization.fake_quant_with_min_max_vars_per_channel',
387    'tf.fake_quant_with_min_max_vars_per_channel_gradient':
388        'tf.quantization.fake_quant_with_min_max_vars_per_channel_gradient',
389    'tf.feature_column.input_layer':
390        'tf.compat.v1.feature_column.input_layer',
391    'tf.feature_column.linear_model':
392        'tf.compat.v1.feature_column.linear_model',
393    'tf.feature_column.shared_embedding_columns':
394        'tf.compat.v1.feature_column.shared_embedding_columns',
395    'tf.fft':
396        'tf.signal.fft',
397    'tf.fft2d':
398        'tf.signal.fft2d',
399    'tf.fft3d':
400        'tf.signal.fft3d',
401    'tf.fixed_size_partitioner':
402        'tf.compat.v1.fixed_size_partitioner',
403    'tf.floordiv':
404        'tf.math.floordiv',
405    'tf.floormod':
406        'tf.math.floormod',
407    'tf.get_collection':
408        'tf.compat.v1.get_collection',
409    'tf.get_collection_ref':
410        'tf.compat.v1.get_collection_ref',
411    'tf.get_default_graph':
412        'tf.compat.v1.get_default_graph',
413    'tf.get_default_session':
414        'tf.compat.v1.get_default_session',
415    'tf.get_local_variable':
416        'tf.compat.v1.get_local_variable',
417    'tf.get_seed':
418        'tf.compat.v1.get_seed',
419    'tf.get_session_handle':
420        'tf.compat.v1.get_session_handle',
421    'tf.get_session_tensor':
422        'tf.compat.v1.get_session_tensor',
423    'tf.get_variable':
424        'tf.compat.v1.get_variable',
425    'tf.get_variable_scope':
426        'tf.compat.v1.get_variable_scope',
427    'tf.gfile.FastGFile':
428        'tf.compat.v1.gfile.FastGFile',
429    'tf.global_norm':
430        'tf.linalg.global_norm',
431    'tf.global_variables':
432        'tf.compat.v1.global_variables',
433    'tf.global_variables_initializer':
434        'tf.compat.v1.global_variables_initializer',
435    'tf.graph_util.convert_variables_to_constants':
436        'tf.compat.v1.graph_util.convert_variables_to_constants',
437    'tf.graph_util.extract_sub_graph':
438        'tf.compat.v1.graph_util.extract_sub_graph',
439    'tf.graph_util.must_run_on_cpu':
440        'tf.compat.v1.graph_util.must_run_on_cpu',
441    'tf.graph_util.remove_training_nodes':
442        'tf.compat.v1.graph_util.remove_training_nodes',
443    'tf.graph_util.tensor_shape_from_node_def_name':
444        'tf.compat.v1.graph_util.tensor_shape_from_node_def_name',
445    'tf.ifft':
446        'tf.signal.ifft',
447    'tf.ifft2d':
448        'tf.signal.ifft2d',
449    'tf.ifft3d':
450        'tf.signal.ifft3d',
451    'tf.igamma':
452        'tf.math.igamma',
453    'tf.igammac':
454        'tf.math.igammac',
455    'tf.imag':
456        'tf.math.imag',
457    'tf.image.resize_area':
458        'tf.compat.v1.image.resize_area',
459    'tf.image.resize_bicubic':
460        'tf.compat.v1.image.resize_bicubic',
461    'tf.image.resize_bilinear':
462        'tf.compat.v1.image.resize_bilinear',
463    'tf.image.resize_image_with_crop_or_pad':
464        'tf.image.resize_with_crop_or_pad',
465    'tf.image.resize_image_with_pad':
466        'tf.compat.v1.image.resize_image_with_pad',
467    'tf.image.resize_nearest_neighbor':
468        'tf.compat.v1.image.resize_nearest_neighbor',
469    'tf.image.transpose_image':
470        'tf.image.transpose',
471    'tf.initialize_all_tables':
472        'tf.compat.v1.initialize_all_tables',
473    'tf.initialize_all_variables':
474        'tf.compat.v1.initialize_all_variables',
475    'tf.initialize_local_variables':
476        'tf.compat.v1.initialize_local_variables',
477    'tf.initialize_variables':
478        'tf.compat.v1.initialize_variables',
479    'tf.initializers.global_variables':
480        'tf.compat.v1.initializers.global_variables',
481    'tf.initializers.local_variables':
482        'tf.compat.v1.initializers.local_variables',
483    'tf.initializers.tables_initializer':
484        'tf.compat.v1.initializers.tables_initializer',
485    'tf.initializers.uniform_unit_scaling':
486        'tf.compat.v1.initializers.uniform_unit_scaling',
487    'tf.initializers.variables':
488        'tf.compat.v1.initializers.variables',
489    'tf.invert_permutation':
490        'tf.math.invert_permutation',
491    'tf.io.PaddingFIFOQueue':
492        'tf.queue.PaddingFIFOQueue',
493    'tf.io.PriorityQueue':
494        'tf.queue.PriorityQueue',
495    'tf.io.QueueBase':
496        'tf.queue.QueueBase',
497    'tf.io.RandomShuffleQueue':
498        'tf.queue.RandomShuffleQueue',
499    'tf.io.TFRecordCompressionType':
500        'tf.compat.v1.io.TFRecordCompressionType',
501    'tf.io.tf_record_iterator':
502        'tf.compat.v1.io.tf_record_iterator',
503    'tf.is_finite':
504        'tf.math.is_finite',
505    'tf.is_inf':
506        'tf.math.is_inf',
507    'tf.is_nan':
508        'tf.math.is_nan',
509    'tf.is_non_decreasing':
510        'tf.math.is_non_decreasing',
511    'tf.is_numeric_tensor':
512        'tf.debugging.is_numeric_tensor',
513    'tf.is_strictly_increasing':
514        'tf.math.is_strictly_increasing',
515    'tf.is_variable_initialized':
516        'tf.compat.v1.is_variable_initialized',
517    'tf.keras.backend.get_session':
518        'tf.compat.v1.keras.backend.get_session',
519    'tf.keras.backend.set_session':
520        'tf.compat.v1.keras.backend.set_session',
521    'tf.keras.experimental.export_saved_model':
522        'tf.compat.v1.keras.experimental.export_saved_model',
523    'tf.keras.experimental.load_from_saved_model':
524        'tf.compat.v1.keras.experimental.load_from_saved_model',
525    'tf.keras.layers.CuDNNGRU':
526        'tf.compat.v1.keras.layers.CuDNNGRU',
527    'tf.keras.layers.CuDNNLSTM':
528        'tf.compat.v1.keras.layers.CuDNNLSTM',
529    'tf.keras.layers.disable_v2_dtype_behavior':
530        'tf.compat.v1.keras.layers.disable_v2_dtype_behavior',
531    'tf.keras.layers.enable_v2_dtype_behavior':
532        'tf.compat.v1.keras.layers.enable_v2_dtype_behavior',
533    'tf.keras.losses.cosine':
534        'tf.keras.losses.cosine_similarity',
535    'tf.keras.losses.cosine_proximity':
536        'tf.keras.losses.cosine_similarity',
537    'tf.keras.metrics.cosine':
538        'tf.keras.losses.cosine_similarity',
539    'tf.keras.metrics.cosine_proximity':
540        'tf.keras.losses.cosine_similarity',
541    'tf.layers.AveragePooling1D':
542        'tf.compat.v1.layers.AveragePooling1D',
543    'tf.layers.AveragePooling2D':
544        'tf.compat.v1.layers.AveragePooling2D',
545    'tf.layers.AveragePooling3D':
546        'tf.compat.v1.layers.AveragePooling3D',
547    'tf.layers.BatchNormalization':
548        'tf.compat.v1.layers.BatchNormalization',
549    'tf.layers.Conv1D':
550        'tf.compat.v1.layers.Conv1D',
551    'tf.layers.Conv2D':
552        'tf.compat.v1.layers.Conv2D',
553    'tf.layers.Conv2DTranspose':
554        'tf.compat.v1.layers.Conv2DTranspose',
555    'tf.layers.Conv3D':
556        'tf.compat.v1.layers.Conv3D',
557    'tf.layers.Conv3DTranspose':
558        'tf.compat.v1.layers.Conv3DTranspose',
559    'tf.layers.Dense':
560        'tf.compat.v1.layers.Dense',
561    'tf.layers.Dropout':
562        'tf.compat.v1.layers.Dropout',
563    'tf.layers.Flatten':
564        'tf.compat.v1.layers.Flatten',
565    'tf.layers.InputSpec':
566        'tf.keras.layers.InputSpec',
567    'tf.layers.Layer':
568        'tf.compat.v1.layers.Layer',
569    'tf.layers.MaxPooling1D':
570        'tf.compat.v1.layers.MaxPooling1D',
571    'tf.layers.MaxPooling2D':
572        'tf.compat.v1.layers.MaxPooling2D',
573    'tf.layers.MaxPooling3D':
574        'tf.compat.v1.layers.MaxPooling3D',
575    'tf.layers.SeparableConv1D':
576        'tf.compat.v1.layers.SeparableConv1D',
577    'tf.layers.SeparableConv2D':
578        'tf.compat.v1.layers.SeparableConv2D',
579    'tf.layers.average_pooling1d':
580        'tf.compat.v1.layers.average_pooling1d',
581    'tf.layers.average_pooling2d':
582        'tf.compat.v1.layers.average_pooling2d',
583    'tf.layers.average_pooling3d':
584        'tf.compat.v1.layers.average_pooling3d',
585    'tf.layers.batch_normalization':
586        'tf.compat.v1.layers.batch_normalization',
587    'tf.layers.conv1d':
588        'tf.compat.v1.layers.conv1d',
589    'tf.layers.conv2d':
590        'tf.compat.v1.layers.conv2d',
591    'tf.layers.conv2d_transpose':
592        'tf.compat.v1.layers.conv2d_transpose',
593    'tf.layers.conv3d':
594        'tf.compat.v1.layers.conv3d',
595    'tf.layers.conv3d_transpose':
596        'tf.compat.v1.layers.conv3d_transpose',
597    'tf.layers.dense':
598        'tf.compat.v1.layers.dense',
599    'tf.layers.dropout':
600        'tf.compat.v1.layers.dropout',
601    'tf.layers.experimental.keras_style_scope':
602        'tf.compat.v1.layers.experimental.keras_style_scope',
603    'tf.layers.experimental.set_keras_style':
604        'tf.compat.v1.layers.experimental.set_keras_style',
605    'tf.layers.flatten':
606        'tf.compat.v1.layers.flatten',
607    'tf.layers.max_pooling1d':
608        'tf.compat.v1.layers.max_pooling1d',
609    'tf.layers.max_pooling2d':
610        'tf.compat.v1.layers.max_pooling2d',
611    'tf.layers.max_pooling3d':
612        'tf.compat.v1.layers.max_pooling3d',
613    'tf.layers.separable_conv1d':
614        'tf.compat.v1.layers.separable_conv1d',
615    'tf.layers.separable_conv2d':
616        'tf.compat.v1.layers.separable_conv2d',
617    'tf.lbeta':
618        'tf.math.lbeta',
619    'tf.lgamma':
620        'tf.math.lgamma',
621    'tf.lin_space':
622        'tf.linspace',
623    'tf.linalg.transpose':
624        'tf.linalg.matrix_transpose',
625    'tf.lite.OpHint':
626        'tf.compat.v1.lite.OpHint',
627    'tf.lite.TocoConverter':
628        'tf.compat.v1.lite.TocoConverter',
629    'tf.lite.constants.FLOAT16':
630        'tf.compat.v1.lite.constants.FLOAT16',
631    'tf.lite.constants.GRAPHVIZ_DOT':
632        'tf.compat.v1.lite.constants.GRAPHVIZ_DOT',
633    'tf.lite.constants.INT8':
634        'tf.compat.v1.lite.constants.INT8',
635    'tf.lite.constants.TFLITE':
636        'tf.compat.v1.lite.constants.TFLITE',
637    'tf.lite.experimental.convert_op_hints_to_stubs':
638        'tf.compat.v1.lite.experimental.convert_op_hints_to_stubs',
639    'tf.lite.experimental.get_potentially_supported_ops':
640        'tf.compat.v1.lite.experimental.get_potentially_supported_ops',
641    'tf.lite.experimental.nn.TFLiteLSTMCell':
642        'tf.compat.v1.lite.experimental.nn.TFLiteLSTMCell',
643    'tf.lite.experimental.nn.TfLiteRNNCell':
644        'tf.compat.v1.lite.experimental.nn.TfLiteRNNCell',
645    'tf.lite.experimental.nn.dynamic_rnn':
646        'tf.compat.v1.lite.experimental.nn.dynamic_rnn',
647    'tf.lite.toco_convert':
648        'tf.compat.v1.lite.toco_convert',
649    'tf.local_variables':
650        'tf.compat.v1.local_variables',
651    'tf.local_variables_initializer':
652        'tf.compat.v1.local_variables_initializer',
653    'tf.log':
654        'tf.math.log',
655    'tf.log1p':
656        'tf.math.log1p',
657    'tf.log_sigmoid':
658        'tf.math.log_sigmoid',
659    'tf.logging.DEBUG':
660        'tf.compat.v1.logging.DEBUG',
661    'tf.logging.ERROR':
662        'tf.compat.v1.logging.ERROR',
663    'tf.logging.FATAL':
664        'tf.compat.v1.logging.FATAL',
665    'tf.logging.INFO':
666        'tf.compat.v1.logging.INFO',
667    'tf.logging.TaskLevelStatusMessage':
668        'tf.compat.v1.logging.TaskLevelStatusMessage',
669    'tf.logging.WARN':
670        'tf.compat.v1.logging.WARN',
671    'tf.logging.debug':
672        'tf.compat.v1.logging.debug',
673    'tf.logging.error':
674        'tf.compat.v1.logging.error',
675    'tf.logging.fatal':
676        'tf.compat.v1.logging.fatal',
677    'tf.logging.flush':
678        'tf.compat.v1.logging.flush',
679    'tf.logging.get_verbosity':
680        'tf.compat.v1.logging.get_verbosity',
681    'tf.logging.info':
682        'tf.compat.v1.logging.info',
683    'tf.logging.log':
684        'tf.compat.v1.logging.log',
685    'tf.logging.log_every_n':
686        'tf.compat.v1.logging.log_every_n',
687    'tf.logging.log_first_n':
688        'tf.compat.v1.logging.log_first_n',
689    'tf.logging.log_if':
690        'tf.compat.v1.logging.log_if',
691    'tf.logging.set_verbosity':
692        'tf.compat.v1.logging.set_verbosity',
693    'tf.logging.vlog':
694        'tf.compat.v1.logging.vlog',
695    'tf.logging.warn':
696        'tf.compat.v1.logging.warn',
697    'tf.logging.warning':
698        'tf.compat.v1.logging.warning',
699    'tf.logical_xor':
700        'tf.math.logical_xor',
701    'tf.losses.Reduction':
702        'tf.compat.v1.losses.Reduction',
703    'tf.losses.absolute_difference':
704        'tf.compat.v1.losses.absolute_difference',
705    'tf.losses.add_loss':
706        'tf.compat.v1.losses.add_loss',
707    'tf.losses.compute_weighted_loss':
708        'tf.compat.v1.losses.compute_weighted_loss',
709    'tf.losses.cosine_distance':
710        'tf.compat.v1.losses.cosine_distance',
711    'tf.losses.get_losses':
712        'tf.compat.v1.losses.get_losses',
713    'tf.losses.get_regularization_loss':
714        'tf.compat.v1.losses.get_regularization_loss',
715    'tf.losses.get_regularization_losses':
716        'tf.compat.v1.losses.get_regularization_losses',
717    'tf.losses.get_total_loss':
718        'tf.compat.v1.losses.get_total_loss',
719    'tf.losses.hinge_loss':
720        'tf.compat.v1.losses.hinge_loss',
721    'tf.losses.huber_loss':
722        'tf.compat.v1.losses.huber_loss',
723    'tf.losses.log_loss':
724        'tf.compat.v1.losses.log_loss',
725    'tf.losses.mean_pairwise_squared_error':
726        'tf.compat.v1.losses.mean_pairwise_squared_error',
727    'tf.losses.mean_squared_error':
728        'tf.compat.v1.losses.mean_squared_error',
729    'tf.losses.sigmoid_cross_entropy':
730        'tf.compat.v1.losses.sigmoid_cross_entropy',
731    'tf.losses.softmax_cross_entropy':
732        'tf.compat.v1.losses.softmax_cross_entropy',
733    'tf.losses.sparse_softmax_cross_entropy':
734        'tf.compat.v1.losses.sparse_softmax_cross_entropy',
735    'tf.make_template':
736        'tf.compat.v1.make_template',
737    'tf.manip.gather_nd':
738        'tf.compat.v1.manip.gather_nd',
739    'tf.manip.reshape':
740        'tf.reshape',
741    'tf.manip.reverse':
742        'tf.reverse',
743    'tf.manip.roll':
744        'tf.roll',
745    'tf.manip.scatter_nd':
746        'tf.scatter_nd',
747    'tf.manip.space_to_batch_nd':
748        'tf.space_to_batch_nd',
749    'tf.manip.tile':
750        'tf.tile',
751    'tf.matching_files':
752        'tf.io.matching_files',
753    'tf.matrix_band_part':
754        'tf.linalg.band_part',
755    'tf.matrix_determinant':
756        'tf.linalg.det',
757    'tf.matrix_diag':
758        'tf.linalg.diag',
759    'tf.matrix_diag_part':
760        'tf.linalg.diag_part',
761    'tf.matrix_inverse':
762        'tf.linalg.inv',
763    'tf.matrix_set_diag':
764        'tf.linalg.set_diag',
765    'tf.matrix_solve':
766        'tf.linalg.solve',
767    'tf.matrix_solve_ls':
768        'tf.linalg.lstsq',
769    'tf.matrix_transpose':
770        'tf.linalg.matrix_transpose',
771    'tf.matrix_triangular_solve':
772        'tf.linalg.triangular_solve',
773    'tf.mixed_precision.DynamicLossScale':
774        'tf.compat.v1.mixed_precision.DynamicLossScale',
775    'tf.mixed_precision.FixedLossScale':
776        'tf.compat.v1.mixed_precision.FixedLossScale',
777    'tf.mixed_precision.LossScale':
778        'tf.compat.v1.mixed_precision.LossScale',
779    'tf.metrics.accuracy':
780        'tf.compat.v1.metrics.accuracy',
781    'tf.metrics.auc':
782        'tf.compat.v1.metrics.auc',
783    'tf.metrics.average_precision_at_k':
784        'tf.compat.v1.metrics.average_precision_at_k',
785    'tf.metrics.false_negatives':
786        'tf.compat.v1.metrics.false_negatives',
787    'tf.metrics.false_negatives_at_thresholds':
788        'tf.compat.v1.metrics.false_negatives_at_thresholds',
789    'tf.metrics.false_positives':
790        'tf.compat.v1.metrics.false_positives',
791    'tf.metrics.false_positives_at_thresholds':
792        'tf.compat.v1.metrics.false_positives_at_thresholds',
793    'tf.metrics.mean':
794        'tf.compat.v1.metrics.mean',
795    'tf.metrics.mean_absolute_error':
796        'tf.compat.v1.metrics.mean_absolute_error',
797    'tf.metrics.mean_cosine_distance':
798        'tf.compat.v1.metrics.mean_cosine_distance',
799    'tf.metrics.mean_iou':
800        'tf.compat.v1.metrics.mean_iou',
801    'tf.metrics.mean_per_class_accuracy':
802        'tf.compat.v1.metrics.mean_per_class_accuracy',
803    'tf.metrics.mean_relative_error':
804        'tf.compat.v1.metrics.mean_relative_error',
805    'tf.metrics.mean_squared_error':
806        'tf.compat.v1.metrics.mean_squared_error',
807    'tf.metrics.mean_tensor':
808        'tf.compat.v1.metrics.mean_tensor',
809    'tf.metrics.percentage_below':
810        'tf.compat.v1.metrics.percentage_below',
811    'tf.metrics.precision':
812        'tf.compat.v1.metrics.precision',
813    'tf.metrics.precision_at_k':
814        'tf.compat.v1.metrics.precision_at_k',
815    'tf.metrics.precision_at_thresholds':
816        'tf.compat.v1.metrics.precision_at_thresholds',
817    'tf.metrics.precision_at_top_k':
818        'tf.compat.v1.metrics.precision_at_top_k',
819    'tf.metrics.recall':
820        'tf.compat.v1.metrics.recall',
821    'tf.metrics.recall_at_k':
822        'tf.compat.v1.metrics.recall_at_k',
823    'tf.metrics.recall_at_thresholds':
824        'tf.compat.v1.metrics.recall_at_thresholds',
825    'tf.metrics.recall_at_top_k':
826        'tf.compat.v1.metrics.recall_at_top_k',
827    'tf.metrics.root_mean_squared_error':
828        'tf.compat.v1.metrics.root_mean_squared_error',
829    'tf.metrics.sensitivity_at_specificity':
830        'tf.compat.v1.metrics.sensitivity_at_specificity',
831    'tf.metrics.sparse_average_precision_at_k':
832        'tf.compat.v1.metrics.sparse_average_precision_at_k',
833    'tf.metrics.sparse_precision_at_k':
834        'tf.compat.v1.metrics.sparse_precision_at_k',
835    'tf.metrics.specificity_at_sensitivity':
836        'tf.compat.v1.metrics.specificity_at_sensitivity',
837    'tf.metrics.true_negatives':
838        'tf.compat.v1.metrics.true_negatives',
839    'tf.metrics.true_negatives_at_thresholds':
840        'tf.compat.v1.metrics.true_negatives_at_thresholds',
841    'tf.metrics.true_positives':
842        'tf.compat.v1.metrics.true_positives',
843    'tf.metrics.true_positives_at_thresholds':
844        'tf.compat.v1.metrics.true_positives_at_thresholds',
845    'tf.min_max_variable_partitioner':
846        'tf.compat.v1.min_max_variable_partitioner',
847    'tf.mixed_precision.MixedPrecisionLossScaleOptimizer':
848        'tf.compat.v1.mixed_precision.MixedPrecisionLossScaleOptimizer',
849    'tf.mixed_precision.disable_mixed_precision_graph_rewrite':
850        'tf.compat.v1.mixed_precision.disable_mixed_precision_graph_rewrite',
851    'tf.mixed_precision.enable_mixed_precision_graph_rewrite':
852        'tf.compat.v1.mixed_precision.enable_mixed_precision_graph_rewrite',
853    'tf.mod':
854        'tf.math.floormod',
855    'tf.model_variables':
856        'tf.compat.v1.model_variables',
857    'tf.moving_average_variables':
858        'tf.compat.v1.moving_average_variables',
859    'tf.nn.avg_pool_v2':
860        'tf.nn.avg_pool',
861    'tf.nn.bidirectional_dynamic_rnn':
862        'tf.compat.v1.nn.bidirectional_dynamic_rnn',
863    'tf.nn.conv2d_backprop_filter':
864        'tf.compat.v1.nn.conv2d_backprop_filter',
865    'tf.nn.conv3d_backprop_filter':
866        'tf.compat.v1.nn.conv3d_backprop_filter',
867    'tf.nn.conv3d_backprop_filter_v2':
868        'tf.compat.v1.nn.conv3d_backprop_filter_v2',
869    'tf.nn.ctc_beam_search_decoder_v2':
870        'tf.nn.ctc_beam_search_decoder',
871    'tf.nn.ctc_loss_v2':
872        'tf.compat.v1.nn.ctc_loss_v2',
873    'tf.nn.depthwise_conv2d_native':
874        'tf.compat.v1.nn.depthwise_conv2d_native',
875    'tf.nn.depthwise_conv2d_native_backprop_filter':
876        'tf.nn.depthwise_conv2d_backprop_filter',
877    'tf.nn.depthwise_conv2d_native_backprop_input':
878        'tf.nn.depthwise_conv2d_backprop_input',
879    'tf.nn.dynamic_rnn':
880        'tf.compat.v1.nn.dynamic_rnn',
881    'tf.nn.log_uniform_candidate_sampler':
882        'tf.random.log_uniform_candidate_sampler',
883    'tf.nn.max_pool_v2':
884        'tf.nn.max_pool',
885    'tf.nn.quantized_avg_pool':
886        'tf.compat.v1.nn.quantized_avg_pool',
887    'tf.nn.quantized_conv2d':
888        'tf.compat.v1.nn.quantized_conv2d',
889    'tf.nn.quantized_max_pool':
890        'tf.compat.v1.nn.quantized_max_pool',
891    'tf.nn.quantized_relu_x':
892        'tf.compat.v1.nn.quantized_relu_x',
893    'tf.nn.raw_rnn':
894        'tf.compat.v1.nn.raw_rnn',
895    'tf.nn.relu_layer':
896        'tf.compat.v1.nn.relu_layer',
897    'tf.nn.rnn_cell.BasicLSTMCell':
898        'tf.compat.v1.nn.rnn_cell.BasicLSTMCell',
899    'tf.nn.rnn_cell.BasicRNNCell':
900        'tf.compat.v1.nn.rnn_cell.BasicRNNCell',
901    'tf.nn.rnn_cell.DeviceWrapper':
902        'tf.compat.v1.nn.rnn_cell.DeviceWrapper',
903    'tf.nn.rnn_cell.DropoutWrapper':
904        'tf.compat.v1.nn.rnn_cell.DropoutWrapper',
905    'tf.nn.rnn_cell.GRUCell':
906        'tf.compat.v1.nn.rnn_cell.GRUCell',
907    'tf.nn.rnn_cell.LSTMCell':
908        'tf.compat.v1.nn.rnn_cell.LSTMCell',
909    'tf.nn.rnn_cell.LSTMStateTuple':
910        'tf.compat.v1.nn.rnn_cell.LSTMStateTuple',
911    'tf.nn.rnn_cell.MultiRNNCell':
912        'tf.compat.v1.nn.rnn_cell.MultiRNNCell',
913    'tf.nn.rnn_cell.RNNCell':
914        'tf.compat.v1.nn.rnn_cell.RNNCell',
915    'tf.nn.rnn_cell.ResidualWrapper':
916        'tf.compat.v1.nn.rnn_cell.ResidualWrapper',
917    'tf.nn.static_bidirectional_rnn':
918        'tf.compat.v1.nn.static_bidirectional_rnn',
919    'tf.nn.static_rnn':
920        'tf.compat.v1.nn.static_rnn',
921    'tf.nn.static_state_saving_rnn':
922        'tf.compat.v1.nn.static_state_saving_rnn',
923    'tf.nn.uniform_candidate_sampler':
924        'tf.random.uniform_candidate_sampler',
925    'tf.nn.xw_plus_b':
926        'tf.compat.v1.nn.xw_plus_b',
927    'tf.no_regularizer':
928        'tf.compat.v1.no_regularizer',
929    'tf.op_scope':
930        'tf.compat.v1.op_scope',
931    'tf.parse_single_sequence_example':
932        'tf.io.parse_single_sequence_example',
933    'tf.parse_tensor':
934        'tf.io.parse_tensor',
935    'tf.placeholder':
936        'tf.compat.v1.placeholder',
937    'tf.placeholder_with_default':
938        'tf.compat.v1.placeholder_with_default',
939    'tf.polygamma':
940        'tf.math.polygamma',
941    'tf.profiler.AdviceProto':
942        'tf.compat.v1.profiler.AdviceProto',
943    'tf.profiler.GraphNodeProto':
944        'tf.compat.v1.profiler.GraphNodeProto',
945    'tf.profiler.MultiGraphNodeProto':
946        'tf.compat.v1.profiler.MultiGraphNodeProto',
947    'tf.profiler.OpLogProto':
948        'tf.compat.v1.profiler.OpLogProto',
949    'tf.profiler.ProfileOptionBuilder':
950        'tf.compat.v1.profiler.ProfileOptionBuilder',
951    'tf.profiler.Profiler':
952        'tf.compat.v1.profiler.Profiler',
953    'tf.profiler.advise':
954        'tf.compat.v1.profiler.advise',
955    'tf.profiler.profile':
956        'tf.compat.v1.profiler.profile',
957    'tf.profiler.write_op_log':
958        'tf.compat.v1.profiler.write_op_log',
959    'tf.py_func':
960        'tf.compat.v1.py_func',
961    'tf.python_io.TFRecordCompressionType':
962        'tf.compat.v1.python_io.TFRecordCompressionType',
963    'tf.python_io.TFRecordOptions':
964        'tf.io.TFRecordOptions',
965    'tf.python_io.TFRecordWriter':
966        'tf.io.TFRecordWriter',
967    'tf.python_io.tf_record_iterator':
968        'tf.compat.v1.python_io.tf_record_iterator',
969    'tf.qr':
970        'tf.linalg.qr',
971    'tf.quantize':
972        'tf.quantization.quantize',
973    'tf.quantized_concat':
974        'tf.quantization.quantized_concat',
975    'tf.ragged.RaggedTensorValue':
976        'tf.compat.v1.ragged.RaggedTensorValue',
977    'tf.ragged.constant_value':
978        'tf.compat.v1.ragged.constant_value',
979    'tf.ragged.placeholder':
980        'tf.compat.v1.ragged.placeholder',
981    'tf.random.get_seed':
982        'tf.compat.v1.random.get_seed',
983    'tf.random.set_random_seed':
984        'tf.compat.v1.random.set_random_seed',
985    'tf.random_crop':
986        'tf.image.random_crop',
987    'tf.random_gamma':
988        'tf.random.gamma',
989    'tf.random_normal':
990        'tf.random.normal',
991    'tf.random_shuffle':
992        'tf.random.shuffle',
993    'tf.random_uniform':
994        'tf.random.uniform',
995    'tf.read_file':
996        'tf.io.read_file',
997    'tf.real':
998        'tf.math.real',
999    'tf.reciprocal':
1000        'tf.math.reciprocal',
1001    'tf.regex_replace':
1002        'tf.strings.regex_replace',
1003    'tf.report_uninitialized_variables':
1004        'tf.compat.v1.report_uninitialized_variables',
1005    'tf.reset_default_graph':
1006        'tf.compat.v1.reset_default_graph',
1007    'tf.resource_loader.get_data_files_path':
1008        'tf.compat.v1.resource_loader.get_data_files_path',
1009    'tf.resource_loader.get_path_to_datafile':
1010        'tf.compat.v1.resource_loader.get_path_to_datafile',
1011    'tf.resource_loader.get_root_dir_with_all_resources':
1012        'tf.compat.v1.resource_loader.get_root_dir_with_all_resources',
1013    'tf.resource_loader.load_resource':
1014        'tf.compat.v1.resource_loader.load_resource',
1015    'tf.resource_loader.readahead_file_path':
1016        'tf.compat.v1.resource_loader.readahead_file_path',
1017    'tf.resource_variables_enabled':
1018        'tf.compat.v1.resource_variables_enabled',
1019    'tf.reverse_v2':
1020        'tf.reverse',
1021    'tf.rint':
1022        'tf.math.rint',
1023    'tf.rsqrt':
1024        'tf.math.rsqrt',
1025    'tf.saved_model.Builder':
1026        'tf.compat.v1.saved_model.Builder',
1027    'tf.saved_model.LEGACY_INIT_OP_KEY':
1028        'tf.compat.v1.saved_model.LEGACY_INIT_OP_KEY',
1029    'tf.saved_model.MAIN_OP_KEY':
1030        'tf.compat.v1.saved_model.MAIN_OP_KEY',
1031    'tf.saved_model.build_signature_def':
1032        'tf.compat.v1.saved_model.build_signature_def',
1033    'tf.saved_model.build_tensor_info':
1034        'tf.compat.v1.saved_model.build_tensor_info',
1035    'tf.saved_model.builder.SavedModelBuilder':
1036        'tf.compat.v1.saved_model.builder.SavedModelBuilder',
1037    'tf.saved_model.classification_signature_def':
1038        'tf.compat.v1.saved_model.classification_signature_def',
1039    'tf.saved_model.constants.ASSETS_DIRECTORY':
1040        'tf.saved_model.ASSETS_DIRECTORY',
1041    'tf.saved_model.constants.ASSETS_KEY':
1042        'tf.saved_model.ASSETS_KEY',
1043    'tf.saved_model.constants.DEBUG_DIRECTORY':
1044        'tf.saved_model.DEBUG_DIRECTORY',
1045    'tf.saved_model.constants.DEBUG_INFO_FILENAME_PB':
1046        'tf.saved_model.DEBUG_INFO_FILENAME_PB',
1047    'tf.saved_model.constants.LEGACY_INIT_OP_KEY':
1048        'tf.compat.v1.saved_model.constants.LEGACY_INIT_OP_KEY',
1049    'tf.saved_model.constants.MAIN_OP_KEY':
1050        'tf.compat.v1.saved_model.constants.MAIN_OP_KEY',
1051    'tf.saved_model.constants.SAVED_MODEL_FILENAME_PB':
1052        'tf.saved_model.SAVED_MODEL_FILENAME_PB',
1053    'tf.saved_model.constants.SAVED_MODEL_FILENAME_PBTXT':
1054        'tf.saved_model.SAVED_MODEL_FILENAME_PBTXT',
1055    'tf.saved_model.constants.SAVED_MODEL_SCHEMA_VERSION':
1056        'tf.saved_model.SAVED_MODEL_SCHEMA_VERSION',
1057    'tf.saved_model.constants.VARIABLES_DIRECTORY':
1058        'tf.saved_model.VARIABLES_DIRECTORY',
1059    'tf.saved_model.constants.VARIABLES_FILENAME':
1060        'tf.saved_model.VARIABLES_FILENAME',
1061    'tf.saved_model.experimental.save':
1062        'tf.saved_model.save',
1063    'tf.saved_model.get_tensor_from_tensor_info':
1064        'tf.compat.v1.saved_model.get_tensor_from_tensor_info',
1065    'tf.saved_model.is_valid_signature':
1066        'tf.compat.v1.saved_model.is_valid_signature',
1067    'tf.saved_model.loader.load':
1068        'tf.compat.v1.saved_model.loader.load',
1069    'tf.saved_model.loader.maybe_saved_model_directory':
1070        'tf.compat.v1.saved_model.loader.maybe_saved_model_directory',
1071    'tf.saved_model.main_op.main_op':
1072        'tf.compat.v1.saved_model.main_op.main_op',
1073    'tf.saved_model.main_op.main_op_with_restore':
1074        'tf.compat.v1.saved_model.main_op.main_op_with_restore',
1075    'tf.saved_model.main_op_with_restore':
1076        'tf.compat.v1.saved_model.main_op_with_restore',
1077    'tf.saved_model.maybe_saved_model_directory':
1078        'tf.compat.v1.saved_model.maybe_saved_model_directory',
1079    'tf.saved_model.predict_signature_def':
1080        'tf.compat.v1.saved_model.predict_signature_def',
1081    'tf.saved_model.regression_signature_def':
1082        'tf.compat.v1.saved_model.regression_signature_def',
1083    'tf.saved_model.signature_constants.CLASSIFY_INPUTS':
1084        'tf.saved_model.CLASSIFY_INPUTS',
1085    'tf.saved_model.signature_constants.CLASSIFY_METHOD_NAME':
1086        'tf.saved_model.CLASSIFY_METHOD_NAME',
1087    'tf.saved_model.signature_constants.CLASSIFY_OUTPUT_CLASSES':
1088        'tf.saved_model.CLASSIFY_OUTPUT_CLASSES',
1089    'tf.saved_model.signature_constants.CLASSIFY_OUTPUT_SCORES':
1090        'tf.saved_model.CLASSIFY_OUTPUT_SCORES',
1091    'tf.saved_model.signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY':
1092        'tf.saved_model.DEFAULT_SERVING_SIGNATURE_DEF_KEY',
1093    'tf.saved_model.signature_constants.PREDICT_INPUTS':
1094        'tf.saved_model.PREDICT_INPUTS',
1095    'tf.saved_model.signature_constants.PREDICT_METHOD_NAME':
1096        'tf.saved_model.PREDICT_METHOD_NAME',
1097    'tf.saved_model.signature_constants.PREDICT_OUTPUTS':
1098        'tf.saved_model.PREDICT_OUTPUTS',
1099    'tf.saved_model.signature_constants.REGRESS_INPUTS':
1100        'tf.saved_model.REGRESS_INPUTS',
1101    'tf.saved_model.signature_constants.REGRESS_METHOD_NAME':
1102        'tf.saved_model.REGRESS_METHOD_NAME',
1103    'tf.saved_model.signature_constants.REGRESS_OUTPUTS':
1104        'tf.saved_model.REGRESS_OUTPUTS',
1105    'tf.saved_model.signature_def_utils.MethodNameUpdater':
1106        'tf.compat.v1.saved_model.signature_def_utils.MethodNameUpdater',
1107    'tf.saved_model.signature_def_utils.build_signature_def':
1108        'tf.compat.v1.saved_model.signature_def_utils.build_signature_def',
1109    'tf.saved_model.signature_def_utils.classification_signature_def':
1110        'tf.compat.v1.saved_model.signature_def_utils.classification_signature_def',
1111    'tf.saved_model.signature_def_utils.is_valid_signature':
1112        'tf.compat.v1.saved_model.signature_def_utils.is_valid_signature',
1113    'tf.saved_model.signature_def_utils.predict_signature_def':
1114        'tf.compat.v1.saved_model.signature_def_utils.predict_signature_def',
1115    'tf.saved_model.signature_def_utils.regression_signature_def':
1116        'tf.compat.v1.saved_model.signature_def_utils.regression_signature_def',
1117    'tf.saved_model.simple_save':
1118        'tf.compat.v1.saved_model.simple_save',
1119    'tf.saved_model.tag_constants.GPU':
1120        'tf.saved_model.GPU',
1121    'tf.saved_model.tag_constants.SERVING':
1122        'tf.saved_model.SERVING',
1123    'tf.saved_model.tag_constants.TPU':
1124        'tf.saved_model.TPU',
1125    'tf.saved_model.tag_constants.TRAINING':
1126        'tf.saved_model.TRAINING',
1127    'tf.saved_model.utils.build_tensor_info':
1128        'tf.compat.v1.saved_model.utils.build_tensor_info',
1129    'tf.saved_model.utils.get_tensor_from_tensor_info':
1130        'tf.compat.v1.saved_model.utils.get_tensor_from_tensor_info',
1131    'tf.scatter_add':
1132        'tf.compat.v1.scatter_add',
1133    'tf.scatter_div':
1134        'tf.compat.v1.scatter_div',
1135    'tf.scatter_max':
1136        'tf.compat.v1.scatter_max',
1137    'tf.scatter_min':
1138        'tf.compat.v1.scatter_min',
1139    'tf.scatter_mul':
1140        'tf.compat.v1.scatter_mul',
1141    'tf.scatter_nd_add':
1142        'tf.compat.v1.scatter_nd_add',
1143    'tf.scatter_nd_sub':
1144        'tf.compat.v1.scatter_nd_sub',
1145    'tf.scatter_nd_max':
1146        'tf.compat.v1.scatter_nd_max',
1147    'tf.scatter_nd_min':
1148        'tf.compat.v1.scatter_nd_min',
1149    'tf.scatter_nd_update':
1150        'tf.compat.v1.scatter_nd_update',
1151    'tf.scatter_sub':
1152        'tf.compat.v1.scatter_sub',
1153    'tf.scatter_update':
1154        'tf.compat.v1.scatter_update',
1155    'tf.segment_max':
1156        'tf.math.segment_max',
1157    'tf.segment_mean':
1158        'tf.math.segment_mean',
1159    'tf.segment_min':
1160        'tf.math.segment_min',
1161    'tf.segment_prod':
1162        'tf.math.segment_prod',
1163    'tf.segment_sum':
1164        'tf.math.segment_sum',
1165    'tf.self_adjoint_eig':
1166        'tf.linalg.eigh',
1167    'tf.self_adjoint_eigvals':
1168        'tf.linalg.eigvalsh',
1169    'tf.serialize_many_sparse':
1170        'tf.compat.v1.serialize_many_sparse',
1171    'tf.serialize_sparse':
1172        'tf.compat.v1.serialize_sparse',
1173    'tf.serialize_tensor':
1174        'tf.io.serialize_tensor',
1175    'tf.set_random_seed':
1176        'tf.compat.v1.set_random_seed',
1177    'tf.setdiff1d':
1178        'tf.compat.v1.setdiff1d',
1179    'tf.sets.set_difference':
1180        'tf.sets.difference',
1181    'tf.sets.set_intersection':
1182        'tf.sets.intersection',
1183    'tf.sets.set_size':
1184        'tf.sets.size',
1185    'tf.sets.set_union':
1186        'tf.sets.union',
1187    'tf.space_to_depth':
1188        'tf.compat.v1.space_to_depth',
1189    'tf.sparse.SparseConditionalAccumulator':
1190        'tf.compat.v1.sparse.SparseConditionalAccumulator',
1191    'tf.sparse.matmul':
1192        'tf.sparse.sparse_dense_matmul',
1193    'tf.sparse.merge':
1194        'tf.compat.v1.sparse.merge',
1195    'tf.sparse.placeholder':
1196        'tf.compat.v1.sparse.placeholder',
1197    'tf.sparse.reduce_max_sparse':
1198        'tf.compat.v1.sparse.reduce_max_sparse',
1199    'tf.sparse.reduce_sum_sparse':
1200        'tf.compat.v1.sparse.reduce_sum_sparse',
1201    'tf.sparse_fill_empty_rows':
1202        'tf.sparse.fill_empty_rows',
1203    'tf.sparse_mask':
1204        'tf.sparse.mask',
1205    'tf.sparse_maximum':
1206        'tf.sparse.maximum',
1207    'tf.sparse_merge':
1208        'tf.compat.v1.sparse_merge',
1209    'tf.sparse_minimum':
1210        'tf.sparse.minimum',
1211    'tf.sparse_placeholder':
1212        'tf.compat.v1.sparse_placeholder',
1213    'tf.sparse_reduce_max_sparse':
1214        'tf.compat.v1.sparse_reduce_max_sparse',
1215    'tf.sparse_reduce_sum_sparse':
1216        'tf.compat.v1.sparse_reduce_sum_sparse',
1217    'tf.sparse_reorder':
1218        'tf.sparse.reorder',
1219    'tf.sparse_reset_shape':
1220        'tf.sparse.reset_shape',
1221    'tf.sparse_reshape':
1222        'tf.sparse.reshape',
1223    'tf.sparse_retain':
1224        'tf.sparse.retain',
1225    'tf.sparse_segment_mean':
1226        'tf.compat.v1.sparse_segment_mean',
1227    'tf.sparse_segment_sqrt_n':
1228        'tf.compat.v1.sparse_segment_sqrt_n',
1229    'tf.sparse_segment_sum':
1230        'tf.compat.v1.sparse_segment_sum',
1231    'tf.sparse_slice':
1232        'tf.sparse.slice',
1233    'tf.sparse_softmax':
1234        'tf.sparse.softmax',
1235    'tf.sparse_tensor_dense_matmul':
1236        'tf.sparse.sparse_dense_matmul',
1237    'tf.sparse_tensor_to_dense':
1238        'tf.sparse.to_dense',
1239    'tf.sparse_to_dense':
1240        'tf.compat.v1.sparse_to_dense',
1241    'tf.sparse_to_indicator':
1242        'tf.sparse.to_indicator',
1243    'tf.sparse_transpose':
1244        'tf.sparse.transpose',
1245    'tf.spectral.dct':
1246        'tf.signal.dct',
1247    'tf.spectral.fft':
1248        'tf.signal.fft',
1249    'tf.spectral.fft2d':
1250        'tf.signal.fft2d',
1251    'tf.spectral.fft3d':
1252        'tf.signal.fft3d',
1253    'tf.spectral.idct':
1254        'tf.signal.idct',
1255    'tf.spectral.ifft':
1256        'tf.signal.ifft',
1257    'tf.spectral.ifft2d':
1258        'tf.signal.ifft2d',
1259    'tf.spectral.ifft3d':
1260        'tf.signal.ifft3d',
1261    'tf.spectral.irfft':
1262        'tf.signal.irfft',
1263    'tf.spectral.irfft2d':
1264        'tf.signal.irfft2d',
1265    'tf.spectral.irfft3d':
1266        'tf.signal.irfft3d',
1267    'tf.spectral.rfft':
1268        'tf.signal.rfft',
1269    'tf.spectral.rfft2d':
1270        'tf.signal.rfft2d',
1271    'tf.spectral.rfft3d':
1272        'tf.signal.rfft3d',
1273    'tf.squared_difference':
1274        'tf.math.squared_difference',
1275    'tf.string_join':
1276        'tf.strings.join',
1277    'tf.string_strip':
1278        'tf.strings.strip',
1279    'tf.string_to_hash_bucket_fast':
1280        'tf.strings.to_hash_bucket_fast',
1281    'tf.string_to_hash_bucket_strong':
1282        'tf.strings.to_hash_bucket_strong',
1283    'tf.summary.Event':
1284        'tf.compat.v1.summary.Event',
1285    'tf.summary.FileWriter':
1286        'tf.compat.v1.summary.FileWriter',
1287    'tf.summary.FileWriterCache':
1288        'tf.compat.v1.summary.FileWriterCache',
1289    'tf.summary.SessionLog':
1290        'tf.compat.v1.summary.SessionLog',
1291    'tf.summary.Summary':
1292        'tf.compat.v1.summary.Summary',
1293    'tf.summary.SummaryDescription':
1294        'tf.compat.v1.summary.SummaryDescription',
1295    'tf.summary.TaggedRunMetadata':
1296        'tf.compat.v1.summary.TaggedRunMetadata',
1297    'tf.summary.all_v2_summary_ops':
1298        'tf.compat.v1.summary.all_v2_summary_ops',
1299    'tf.summary.audio':
1300        'tf.compat.v1.summary.audio',
1301    'tf.summary.get_summary_description':
1302        'tf.compat.v1.summary.get_summary_description',
1303    'tf.summary.histogram':
1304        'tf.compat.v1.summary.histogram',
1305    'tf.summary.image':
1306        'tf.compat.v1.summary.image',
1307    'tf.summary.initialize':
1308        'tf.compat.v1.summary.initialize',
1309    'tf.summary.merge':
1310        'tf.compat.v1.summary.merge',
1311    'tf.summary.merge_all':
1312        'tf.compat.v1.summary.merge_all',
1313    'tf.summary.scalar':
1314        'tf.compat.v1.summary.scalar',
1315    'tf.summary.tensor_summary':
1316        'tf.compat.v1.summary.tensor_summary',
1317    'tf.summary.text':
1318        'tf.compat.v1.summary.text',
1319    'tf.svd':
1320        'tf.linalg.svd',
1321    'tf.tables_initializer':
1322        'tf.compat.v1.tables_initializer',
1323    'tf.tensor_scatter_add':
1324        'tf.tensor_scatter_nd_add',
1325    'tf.tensor_scatter_sub':
1326        'tf.tensor_scatter_nd_sub',
1327    'tf.tensor_scatter_update':
1328        'tf.tensor_scatter_nd_update',
1329    'tf.test.StubOutForTesting':
1330        'tf.compat.v1.test.StubOutForTesting',
1331    'tf.test.compute_gradient_error':
1332        'tf.compat.v1.test.compute_gradient_error',
1333    'tf.test.get_temp_dir':
1334        'tf.compat.v1.test.get_temp_dir',
1335    'tf.test.mock':
1336        'tf.compat.v1.test.mock',
1337    'tf.test.test_src_dir_path':
1338        'tf.compat.v1.test.test_src_dir_path',
1339    'tf.to_bfloat16':
1340        'tf.compat.v1.to_bfloat16',
1341    'tf.to_complex128':
1342        'tf.compat.v1.to_complex128',
1343    'tf.to_complex64':
1344        'tf.compat.v1.to_complex64',
1345    'tf.to_double':
1346        'tf.compat.v1.to_double',
1347    'tf.to_float':
1348        'tf.compat.v1.to_float',
1349    'tf.to_int32':
1350        'tf.compat.v1.to_int32',
1351    'tf.to_int64':
1352        'tf.compat.v1.to_int64',
1353    'tf.tpu.CrossShardOptimizer':
1354        'tf.compat.v1.tpu.CrossShardOptimizer',
1355    'tf.tpu.PaddingSpec':
1356        'tf.compat.v1.tpu.PaddingSpec',
1357    'tf.tpu.batch_parallel':
1358        'tf.compat.v1.tpu.batch_parallel',
1359    'tf.tpu.bfloat16_scope':
1360        'tf.compat.v1.tpu.bfloat16_scope',
1361    'tf.tpu.core':
1362        'tf.compat.v1.tpu.core',
1363    'tf.tpu.cross_replica_sum':
1364        'tf.compat.v1.tpu.cross_replica_sum',
1365    'tf.tpu.experimental.AdagradParameters':
1366        'tf.compat.v1.tpu.experimental.AdagradParameters',
1367    'tf.tpu.experimental.AdamParameters':
1368        'tf.compat.v1.tpu.experimental.AdamParameters',
1369    'tf.tpu.experimental.FtrlParameters':
1370        'tf.compat.v1.tpu.experimental.FtrlParameters',
1371    'tf.tpu.experimental.StochasticGradientDescentParameters':
1372        'tf.compat.v1.tpu.experimental.StochasticGradientDescentParameters',
1373    'tf.tpu.experimental.embedding_column':
1374        'tf.compat.v1.tpu.experimental.embedding_column',
1375    'tf.tpu.experimental.shared_embedding_columns':
1376        'tf.compat.v1.tpu.experimental.shared_embedding_columns',
1377    'tf.tpu.initialize_system':
1378        'tf.compat.v1.tpu.initialize_system',
1379    'tf.tpu.outside_compilation':
1380        'tf.compat.v1.tpu.outside_compilation',
1381    'tf.tpu.replicate':
1382        'tf.compat.v1.tpu.replicate',
1383    'tf.tpu.rewrite':
1384        'tf.compat.v1.tpu.rewrite',
1385    'tf.tpu.shard':
1386        'tf.compat.v1.tpu.shard',
1387    'tf.tpu.shutdown_system':
1388        'tf.compat.v1.tpu.shutdown_system',
1389    'tf.tpu.XLAOptions':
1390        'tf.compat.v1.tpu.XLAOptions',
1391    'tf.trace':
1392        'tf.linalg.trace',
1393    'tf.train.AdadeltaOptimizer':
1394        'tf.compat.v1.train.AdadeltaOptimizer',
1395    'tf.train.AdagradDAOptimizer':
1396        'tf.compat.v1.train.AdagradDAOptimizer',
1397    'tf.train.AdagradOptimizer':
1398        'tf.compat.v1.train.AdagradOptimizer',
1399    'tf.train.AdamOptimizer':
1400        'tf.compat.v1.train.AdamOptimizer',
1401    'tf.train.CheckpointSaverHook':
1402        'tf.estimator.CheckpointSaverHook',
1403    'tf.train.CheckpointSaverListener':
1404        'tf.estimator.CheckpointSaverListener',
1405    'tf.train.ChiefSessionCreator':
1406        'tf.compat.v1.train.ChiefSessionCreator',
1407    'tf.train.FeedFnHook':
1408        'tf.estimator.FeedFnHook',
1409    'tf.train.FinalOpsHook':
1410        'tf.estimator.FinalOpsHook',
1411    'tf.train.FtrlOptimizer':
1412        'tf.compat.v1.train.FtrlOptimizer',
1413    'tf.train.GlobalStepWaiterHook':
1414        'tf.estimator.GlobalStepWaiterHook',
1415    'tf.train.GradientDescentOptimizer':
1416        'tf.compat.v1.train.GradientDescentOptimizer',
1417    'tf.train.LoggingTensorHook':
1418        'tf.estimator.LoggingTensorHook',
1419    'tf.train.LooperThread':
1420        'tf.compat.v1.train.LooperThread',
1421    'tf.train.MomentumOptimizer':
1422        'tf.compat.v1.train.MomentumOptimizer',
1423    'tf.train.MonitoredSession':
1424        'tf.compat.v1.train.MonitoredSession',
1425    'tf.train.MonitoredTrainingSession':
1426        'tf.compat.v1.train.MonitoredTrainingSession',
1427    'tf.train.NanLossDuringTrainingError':
1428        'tf.estimator.NanLossDuringTrainingError',
1429    'tf.train.NanTensorHook':
1430        'tf.estimator.NanTensorHook',
1431    'tf.train.NewCheckpointReader':
1432        'tf.compat.v1.train.NewCheckpointReader',
1433    'tf.train.Optimizer':
1434        'tf.compat.v1.train.Optimizer',
1435    'tf.train.ProfilerHook':
1436        'tf.estimator.ProfilerHook',
1437    'tf.train.ProximalAdagradOptimizer':
1438        'tf.compat.v1.train.ProximalAdagradOptimizer',
1439    'tf.train.ProximalGradientDescentOptimizer':
1440        'tf.compat.v1.train.ProximalGradientDescentOptimizer',
1441    'tf.train.QueueRunner':
1442        'tf.compat.v1.train.QueueRunner',
1443    'tf.train.RMSPropOptimizer':
1444        'tf.compat.v1.train.RMSPropOptimizer',
1445    'tf.train.Saver':
1446        'tf.compat.v1.train.Saver',
1447    'tf.train.SaverDef':
1448        'tf.compat.v1.train.SaverDef',
1449    'tf.train.Scaffold':
1450        'tf.compat.v1.train.Scaffold',
1451    'tf.train.SecondOrStepTimer':
1452        'tf.estimator.SecondOrStepTimer',
1453    'tf.train.Server':
1454        'tf.distribute.Server',
1455    'tf.train.SessionCreator':
1456        'tf.compat.v1.train.SessionCreator',
1457    'tf.train.SessionManager':
1458        'tf.compat.v1.train.SessionManager',
1459    'tf.train.SessionRunArgs':
1460        'tf.estimator.SessionRunArgs',
1461    'tf.train.SessionRunContext':
1462        'tf.estimator.SessionRunContext',
1463    'tf.train.SessionRunHook':
1464        'tf.estimator.SessionRunHook',
1465    'tf.train.SessionRunValues':
1466        'tf.estimator.SessionRunValues',
1467    'tf.train.SingularMonitoredSession':
1468        'tf.compat.v1.train.SingularMonitoredSession',
1469    'tf.train.StepCounterHook':
1470        'tf.estimator.StepCounterHook',
1471    'tf.train.StopAtStepHook':
1472        'tf.estimator.StopAtStepHook',
1473    'tf.train.SummarySaverHook':
1474        'tf.estimator.SummarySaverHook',
1475    'tf.train.Supervisor':
1476        'tf.compat.v1.train.Supervisor',
1477    'tf.train.SyncReplicasOptimizer':
1478        'tf.compat.v1.train.SyncReplicasOptimizer',
1479    'tf.train.VocabInfo':
1480        'tf.estimator.VocabInfo',
1481    'tf.train.WorkerSessionCreator':
1482        'tf.compat.v1.train.WorkerSessionCreator',
1483    'tf.train.add_queue_runner':
1484        'tf.compat.v1.train.add_queue_runner',
1485    'tf.train.assert_global_step':
1486        'tf.compat.v1.train.assert_global_step',
1487    'tf.train.basic_train_loop':
1488        'tf.compat.v1.train.basic_train_loop',
1489    'tf.train.batch':
1490        'tf.compat.v1.train.batch',
1491    'tf.train.batch_join':
1492        'tf.compat.v1.train.batch_join',
1493    'tf.train.checkpoint_exists':
1494        'tf.compat.v1.train.checkpoint_exists',
1495    'tf.train.cosine_decay':
1496        'tf.compat.v1.train.cosine_decay',
1497    'tf.train.cosine_decay_restarts':
1498        'tf.compat.v1.train.cosine_decay_restarts',
1499    'tf.train.create_global_step':
1500        'tf.compat.v1.train.create_global_step',
1501    'tf.train.do_quantize_training_on_graphdef':
1502        'tf.compat.v1.train.do_quantize_training_on_graphdef',
1503    'tf.train.experimental.MixedPrecisionLossScaleOptimizer':
1504        'tf.compat.v1.train.experimental.MixedPrecisionLossScaleOptimizer',
1505    'tf.train.exponential_decay':
1506        'tf.compat.v1.train.exponential_decay',
1507    'tf.train.export_meta_graph':
1508        'tf.compat.v1.train.export_meta_graph',
1509    'tf.train.generate_checkpoint_state_proto':
1510        'tf.compat.v1.train.generate_checkpoint_state_proto',
1511    'tf.train.get_checkpoint_mtimes':
1512        'tf.compat.v1.train.get_checkpoint_mtimes',
1513    'tf.train.get_global_step':
1514        'tf.compat.v1.train.get_global_step',
1515    'tf.train.get_or_create_global_step':
1516        'tf.compat.v1.train.get_or_create_global_step',
1517    'tf.train.global_step':
1518        'tf.compat.v1.train.global_step',
1519    'tf.train.import_meta_graph':
1520        'tf.compat.v1.train.import_meta_graph',
1521    'tf.train.init_from_checkpoint':
1522        'tf.compat.v1.train.init_from_checkpoint',
1523    'tf.train.input_producer':
1524        'tf.compat.v1.train.input_producer',
1525    'tf.train.inverse_time_decay':
1526        'tf.compat.v1.train.inverse_time_decay',
1527    'tf.train.limit_epochs':
1528        'tf.compat.v1.train.limit_epochs',
1529    'tf.train.linear_cosine_decay':
1530        'tf.compat.v1.train.linear_cosine_decay',
1531    'tf.train.match_filenames_once':
1532        'tf.io.match_filenames_once',
1533    'tf.train.maybe_batch':
1534        'tf.compat.v1.train.maybe_batch',
1535    'tf.train.maybe_batch_join':
1536        'tf.compat.v1.train.maybe_batch_join',
1537    'tf.train.maybe_shuffle_batch':
1538        'tf.compat.v1.train.maybe_shuffle_batch',
1539    'tf.train.maybe_shuffle_batch_join':
1540        'tf.compat.v1.train.maybe_shuffle_batch_join',
1541    'tf.train.natural_exp_decay':
1542        'tf.compat.v1.train.natural_exp_decay',
1543    'tf.train.noisy_linear_cosine_decay':
1544        'tf.compat.v1.train.noisy_linear_cosine_decay',
1545    'tf.train.piecewise_constant':
1546        'tf.compat.v1.train.piecewise_constant',
1547    'tf.train.piecewise_constant_decay':
1548        'tf.compat.v1.train.piecewise_constant_decay',
1549    'tf.train.polynomial_decay':
1550        'tf.compat.v1.train.polynomial_decay',
1551    'tf.train.queue_runner.QueueRunner':
1552        'tf.compat.v1.train.queue_runner.QueueRunner',
1553    'tf.train.queue_runner.add_queue_runner':
1554        'tf.compat.v1.train.queue_runner.add_queue_runner',
1555    'tf.train.queue_runner.start_queue_runners':
1556        'tf.compat.v1.train.queue_runner.start_queue_runners',
1557    'tf.train.range_input_producer':
1558        'tf.compat.v1.train.range_input_producer',
1559    'tf.train.remove_checkpoint':
1560        'tf.compat.v1.train.remove_checkpoint',
1561    'tf.train.replica_device_setter':
1562        'tf.compat.v1.train.replica_device_setter',
1563    'tf.train.shuffle_batch':
1564        'tf.compat.v1.train.shuffle_batch',
1565    'tf.train.shuffle_batch_join':
1566        'tf.compat.v1.train.shuffle_batch_join',
1567    'tf.train.slice_input_producer':
1568        'tf.compat.v1.train.slice_input_producer',
1569    'tf.train.start_queue_runners':
1570        'tf.compat.v1.train.start_queue_runners',
1571    'tf.train.string_input_producer':
1572        'tf.compat.v1.train.string_input_producer',
1573    'tf.train.summary_iterator':
1574        'tf.compat.v1.train.summary_iterator',
1575    'tf.train.update_checkpoint_state':
1576        'tf.compat.v1.train.update_checkpoint_state',
1577    'tf.train.warm_start':
1578        'tf.compat.v1.train.warm_start',
1579    'tf.train.write_graph':
1580        'tf.io.write_graph',
1581    'tf.trainable_variables':
1582        'tf.compat.v1.trainable_variables',
1583    'tf.truncated_normal':
1584        'tf.random.truncated_normal',
1585    'tf.uniform_unit_scaling_initializer':
1586        'tf.compat.v1.uniform_unit_scaling_initializer',
1587    'tf.unsorted_segment_max':
1588        'tf.math.unsorted_segment_max',
1589    'tf.unsorted_segment_mean':
1590        'tf.math.unsorted_segment_mean',
1591    'tf.unsorted_segment_min':
1592        'tf.math.unsorted_segment_min',
1593    'tf.unsorted_segment_prod':
1594        'tf.math.unsorted_segment_prod',
1595    'tf.unsorted_segment_sqrt_n':
1596        'tf.math.unsorted_segment_sqrt_n',
1597    'tf.unsorted_segment_sum':
1598        'tf.math.unsorted_segment_sum',
1599    'tf.variable_axis_size_partitioner':
1600        'tf.compat.v1.variable_axis_size_partitioner',
1601    'tf.variable_op_scope':
1602        'tf.compat.v1.variable_op_scope',
1603    'tf.variable_scope':
1604        'tf.compat.v1.variable_scope',
1605    'tf.variables_initializer':
1606        'tf.compat.v1.variables_initializer',
1607    'tf.verify_tensor_all_finite':
1608        'tf.compat.v1.verify_tensor_all_finite',
1609    'tf.wrap_function':
1610        'tf.compat.v1.wrap_function',
1611    'tf.write_file':
1612        'tf.io.write_file',
1613    'tf.zeta':
1614        'tf.math.zeta'
1615}
1616