spyder-ide / spyder

Official repository for Spyder - The Scientific Python Development Environment
https://www.spyder-ide.org
MIT License
8.2k stars 1.59k forks source link

Starting a python file importing tensorflow the second time results in error #8697

Closed dsmic closed 5 years ago

dsmic commented 5 years ago

Hi,

I can reproduce this problem with a python file containing only one line:

import tensorflow

obviously you need tensorflow installed. just start it two times from spyder3 ide and it will throw: a lot reload messages ending with: ed_model.experimental, tensorflow._api.v1.saved_model.loader, tensorflow._api.v1.saved_model.main_op, tensorflow._api.v1.saved_model.signature_constants, tensorflow._api.v1.saved_model.signature_def_utils, tensorflow._api.v1.saved_model.tag_constants, tensorflow._api.v1.saved_model.utils, tensorflow._api.v1.sets, tensorflow._api.v1.signal, tensorflow._api.v1.sparse, tensorflow._api.v1.spectral, tensorflow._api.v1.strings, tensorflow._api.v1.summary, tensorflow._api.v1.sysconfig, tensorflow._api.v1.test, tensorflow._api.v1.train, tensorflow._api.v1.train.queue_runner, tensorflow._api.v1.user_ops, tensorflow._api.v1.version Traceback (most recent call last):

File "", line 1, in runfile('/home/detlef/prolog/PythonProlog/test.py', wdir='/home/detlef/prolog/PythonProlog')

File "/usr/lib/python3/dist-packages/spyder/utils/site/sitecustomize.py", line 705, in runfile execfile(filename, namespace)

File "/usr/lib/python3/dist-packages/spyder/utils/site/sitecustomize.py", line 102, in execfile exec(compile(f.read(), filename, 'exec'), namespace)

File "/home/detlef/prolog/PythonProlog/test.py", line 4, in import tensorflow

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/init.py", line 28, in from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/init.py", line 63, in from tensorflow.python.framework.framework_lib import * # pylint: disable=redefined-builtin

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/framework_lib.py", line 25, in from tensorflow.python.framework.ops import Graph

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 44, in from tensorflow.python.framework import composite_tensor

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/composite_tensor.py", line 95, in pywrap_tensorflow.RegisterType("CompositeTensor", CompositeTensor)

TypeError: Type already registered for CompositeTensor

Originally posted by @dsmic in https://github.com/spyder-ide/spyder/issues/8379#issuecomment-460037162

ccordoba12 commented 5 years ago

I can't reproduce this error in a clean virtualenv with the latest version of tensorflow (1.12) and all its dependencies. What's your tensorflow version?

a lot reload messages ending with

Please post the entire error message to better understand what's happening.

dsmic commented 5 years ago

Thanks a lot for the quick reply. In a clean environment I can not reproduce it, sorry. I am not so experienced with environments...

I even set the versions of spyder (3.2.6) and ipython (5.5.0) to the same as spyder3 in Ubuntu 18.04 and can not reproduce. It just does not seem to try to reload tensorflow...

For completeness the full ipython console when starting on ubuntu 18.04 (version 3.2.6): Python 3.6.7 (default, Oct 22 2018, 11:32:17) Type "copyright", "credits" or "license" for more information.

IPython 5.5.0 -- An enhanced Interactive Python. ? -> Introduction and overview of IPython's features. %quickref -> Quick reference. help -> Python's own help system. object? -> Details about 'object', use 'object??' for extra details.

runfile('/home/detlef/tmp/test.py', wdir='/home/detlef/tmp')

runfile('/home/detlef/tmp/test.py', wdir='/home/detlef/tmp') Reloaded modules: tensorflow, tensorflow.python, tensorflow.python.pywrap_tensorflow, tensorflow.python.platform, tensorflow.python.platform.self_check, tensorflow.python.platform.build_info, tensorflow.python.pywrap_tensorflow_internal, _pywrap_tensorflow_internal, tensorflow.python.util, tensorflow.python.util.deprecation, tensorflow.python.platform.tf_logging, tensorflow.python.util.tf_export, tensorflow.python.util.tf_decorator, tensorflow.python.util.tf_inspect, tensorflow.python.util.decorator_utils, tensorflow.python.util.is_in_graph_mode, tensorflow.python.util.tf_contextlib, tensorflow.python.util.tf_stack, tensorflow.core, tensorflow.core.framework, tensorflow.core.framework.graph_pb2, google.protobuf.descriptor, google.protobuf.internal, google.protobuf.internal.api_implementation, google.protobuf.internal._api_implementation, google.protobuf.internal.containers, google.protobuf.internal.enum_type_wrapper, google.protobuf.message, google.protobuf.pyext._message, google.protobuf.reflection, google.protobuf.pyext.cpp_message, google.protobuf.symbol_database, google.protobuf.descriptor_pool, google.protobuf.descriptor_database, google.protobuf.text_encoding, google.protobuf.message_factory, tensorflow.core.framework.node_def_pb2, tensorflow.core.framework.attr_value_pb2, tensorflow.core.framework.tensor_pb2, tensorflow.core.framework.resource_handle_pb2, google.protobuf.internal.well_known_types, tensorflow.core.framework.tensor_shape_pb2, tensorflow.core.framework.types_pb2, tensorflow.core.framework.function_pb2, tensorflow.core.framework.op_def_pb2, tensorflow.core.framework.versions_pb2, tensorflow.core.framework.summary_pb2, tensorflow.core.protobuf, tensorflow.core.protobuf.meta_graph_pb2, google.protobuf.any_pb2, tensorflow.core.protobuf.saver_pb2, tensorflow.core.protobuf.config_pb2, tensorflow.core.framework.cost_graph_pb2, tensorflow.core.framework.step_stats_pb2, tensorflow.core.framework.allocation_description_pb2, tensorflow.core.framework.tensor_description_pb2, tensorflow.core.protobuf.debug_pb2, tensorflow.core.protobuf.cluster_pb2, tensorflow.core.protobuf.rewriter_config_pb2, tensorflow.core.protobuf.verifier_config_pb2, tensorflow.core.protobuf.tensorflow_server_pb2, tensorflow.core.util, tensorflow.core.util.event_pb2, tensorflow.python.framework, tensorflow.python.framework.framework_lib, tensorflow.python.framework.device, tensorflow.python.framework.ops, tensorflow.python.tf2, tensorflow.python.eager, tensorflow.python.eager.context, tensorflow.python.framework.c_api_util, tensorflow.core.framework.api_def_pb2, tensorflow.python.util.compat, tensorflow.python.eager.core, tensorflow.python.framework.errors, tensorflow.python.framework.errors_impl, tensorflow.core.lib, tensorflow.core.lib.core, tensorflow.core.lib.core.error_codes_pb2, tensorflow.python.framework.error_interpolation, tensorflow.python.eager.tape, tensorflow.python.util.lazy_loader, tensorflow.python.framework.composite_tensor, tensorflow.python.framework.dtypes, tensorflow.python.framework.op_def_registry, tensorflow.python.framework.registry, tensorflow.python.framework.tensor_shape, tensorflow.python.framework.traceable_stack, tensorflow.python.framework.versions, tensorflow.python.ops, tensorflow.python.ops.control_flow_util, tensorflow.python.platform.app, absl, absl.app, absl.command_name, absl.flags, absl.flags._argument_parser, absl.flags._helpers, absl.flags._defines, absl.flags._exceptions, absl.flags._flag, absl.flags._flagvalues, absl.flags._validators, absl.logging, absl.logging.converter, tensorflow.python.platform.flags, tensorflow.python.util.function_utils, tensorflow.python.util.lock_util, tensorflow.python.util.memory, tensorflow.python.framework.sparse_tensor, tensorflow.python.framework.tensor_util, tensorflow.python.framework.fast_tensor_util, tensorflow.python.framework.random_seed, tensorflow.python.framework.importer, tensorflow.python.framework.function, tensorflow.python.framework.graph_to_function_def, tensorflow.python.ops.array_ops, tensorflow.python.framework.common_shapes, tensorflow.python.framework.cpp_shape_inference_pb2, tensorflow.python.framework.constant_op, tensorflow.python.eager.execute, google.protobuf.text_format, google.protobuf.internal.type_checkers, google.protobuf.internal.decoder, google.protobuf.internal.encoder, google.protobuf.internal.wire_format, tensorflow.python.ops.gen_array_ops, tensorflow.python.framework.op_def_library, tensorflow.python.util.dispatch, tensorflow.tools, tensorflow.tools.docs, tensorflow.tools.docs.doc_controls, tensorflow.python.ops.gen_math_ops, tensorflow.python.util.nest, tensorflow.python.ops.resource_variable_ops, tensorflow.core.framework.variable_pb2, tensorflow.python.ops.gen_resource_variable_ops, tensorflow.python.ops.gen_state_ops, tensorflow.python.ops.math_ops, tensorflow.python.framework.graph_util, tensorflow.python.framework.graph_util_impl, tensorflow.python.ops.gen_data_flow_ops, tensorflow.python.ops.gen_nn_ops, tensorflow.python.ops.gen_sparse_ops, tensorflow.python.ops.state_ops, tensorflow.python.ops.variables, tensorflow.python.ops.control_flow_ops, tensorflow.core.protobuf.control_flow_pb2, tensorflow.python.ops.gen_control_flow_ops, tensorflow.python.ops.gen_logging_ops, tensorflow.python.ops.tensor_array_ops, tensorflow.python.ops.list_ops, tensorflow.python.ops.gen_list_ops, tensorflow.python.util.tf_should_use, tensorflow.python.training, tensorflow.python.training.checkpointable, tensorflow.python.training.checkpointable.base, tensorflow.python.ops.gen_io_ops, tensorflow.python.training.saving, tensorflow.python.training.saving.saveable_object, tensorflow.python.util.serialization, tensorflow.python.ops.variable_scope, tensorflow.python.ops.init_ops, tensorflow.python.ops.gen_linalg_ops, tensorflow.python.ops.linalg_ops_impl, tensorflow.python.ops.random_ops, tensorflow.python.ops.gen_random_ops, tensorflow.python.framework.load_library, tensorflow.python.lib, tensorflow.python.lib.io, tensorflow.python.lib.io.file_io, tensorflow.python.client, tensorflow.python.client.client_lib, tensorflow.python.client.session, tensorflow.python.ops.session_ops, tensorflow.python.ops.standard_ops, tensorflow.python.autograph, tensorflow.python.autograph.operators, tensorflow.python.autograph.operators.control_flow, tensorflow.python.autograph.operators.py_builtins, tensorflow.python.autograph.utils, tensorflow.python.autograph.utils.context_managers, tensorflow.python.autograph.utils.misc, tensorflow.python.autograph.utils.py_func, tensorflow.python.ops.script_ops, tensorflow.python.eager.backprop, tensorflow.python.eager.imperative_grad, tensorflow.python.ops.unconnected_gradients, tensorflow.python.ops.check_ops, tensorflow.python.ops.gen_script_ops, tensorflow.python.autograph.utils.tensor_list, tensorflow.python.autograph.utils.testing, tensorflow.python.autograph.utils.type_check, tensorflow.python.autograph.utils.tensors, tensorflow.python.ops.gen_parsing_ops, tensorflow.python.ops.gen_string_ops, tensorflow.python.data, tensorflow.python.data.experimental, tensorflow.python.data.experimental.ops, tensorflow.python.data.experimental.ops.batching, tensorflow.python.data.experimental.ops.get_single_element, tensorflow.python.data.ops, tensorflow.python.data.ops.dataset_ops, tensorflow.python.compat, tensorflow.python.compat.compat, tensorflow.python.data.experimental.ops.filter_for_shard_ops, tensorflow.python.data.experimental.ops.optimization_options, tensorflow.python.data.util, tensorflow.python.data.util.options, tensorflow.python.data.experimental.ops.stats_options, tensorflow.python.data.experimental.ops.stats_aggregator, tensorflow.python.ops.gen_experimental_dataset_ops, tensorflow.python.data.experimental.ops.threading_options, tensorflow.python.data.ops.iterator_ops, tensorflow.python.data.ops.optional_ops, tensorflow.python.data.util.structure, tensorflow.python.data.util.nest, tensorflow.python.ops.sparse_ops, tensorflow.python.ops.gen_dataset_ops, tensorflow.python.training.saver, tensorflow.core.protobuf.checkpointable_object_graph_pb2, tensorflow.python.framework.meta_graph, tensorflow.core.protobuf.graph_debug_info_pb2, tensorflow.python.framework.graph_io, tensorflow.python.ops.io_ops, tensorflow.python.lib.io.python_io, tensorflow.python.lib.io.tf_record, tensorflow.python.ops.string_ops, tensorflow.python.platform.gfile, tensorflow.python.training.checkpoint_management, tensorflow.python.training.training_util, tensorflow.python.training.checkpoint_state_pb2, tensorflow.python.training.saving.saveable_object_util, tensorflow.python.data.util.random_seed, tensorflow.python.data.util.sparse, tensorflow.python.data.util.traverse, tensorflow.python.framework.smart_cond, tensorflow.python.data.experimental.ops.grouping, tensorflow.python.data.util.convert, tensorflow.python.data.experimental.ops.cardinality, tensorflow.python.data.experimental.ops.counter, tensorflow.python.data.experimental.ops.scan_ops, tensorflow.python.data.experimental.ops.enumerate_ops, tensorflow.python.data.experimental.ops.error_ops, tensorflow.python.data.experimental.ops.interleave_ops, tensorflow.python.data.experimental.ops.random_ops, tensorflow.python.data.ops.readers, tensorflow.python.ops.gen_stateless_random_ops, tensorflow.python.data.experimental.ops.iterator_ops, tensorflow.python.training.basic_session_run_hooks, tensorflow.python.client.timeline, tensorflow.python.training.session_run_hook, tensorflow.python.training.summary_io, tensorflow.python.summary, tensorflow.python.summary.summary_iterator, tensorflow.python.summary.writer, tensorflow.python.summary.writer.writer, tensorflow.python.summary.plugin_asset, tensorflow.python.summary.writer.event_file_writer, tensorflow.python.summary.writer.event_file_writer_v2, tensorflow.python.ops.summary_ops_v2, tensorflow.python.ops.gen_summary_ops, tensorflow.python.ops.summary_op_util, tensorflow.python.distribute, tensorflow.python.distribute.cluster_resolver, tensorflow.python.distribute.cluster_resolver.cluster_resolver, tensorflow.python.training.server_lib, tensorflow.python.distribute.cluster_resolver.gce_cluster_resolver, tensorflow.python.distribute.cluster_resolver.kubernetes_cluster_resolver, tensorflow.python.distribute.cluster_resolver.slurm_cluster_resolver, tensorflow.python.distribute.cluster_resolver.tfconfig_cluster_resolver, tensorflow.python.distribute.cluster_resolver.tpu_cluster_resolver, tensorflow.python.distribute.distribute_lib, tensorflow.python.distribute.device_util, tensorflow.python.distribute.distribution_strategy_context, tensorflow.python.distribute.numpy_dataset, tensorflow.python.distribute.reduce_util, tensorflow.python.ops.custom_gradient, tensorflow.python.ops.losses, tensorflow.python.ops.losses.losses_impl, tensorflow.python.ops.confusion_matrix, tensorflow.python.ops.nn, tensorflow.python.ops.ctc_ops, tensorflow.python.ops.functional_ops, tensorflow.python.ops.gen_functional_ops, tensorflow.python.ops.gen_ctc_ops, tensorflow.python.ops.inplace_ops, tensorflow.python.ops.linalg_ops, tensorflow.python.ops.map_fn, tensorflow.python.ops.nn_ops, tensorflow.python.ops.nn_grad, tensorflow.python.ops.embedding_ops, tensorflow.python.ops.clip_ops, tensorflow.python.ops.numerics, tensorflow.python.ops.data_flow_grad, tensorflow.python.ops.data_flow_ops, tensorflow.python.ops.nn_impl, tensorflow.python.ops.candidate_sampling_ops, tensorflow.python.ops.gen_candidate_sampling_ops, tensorflow.python.ops.weights_broadcast_ops, tensorflow.python.ops.sets, tensorflow.python.ops.sets_impl, tensorflow.python.ops.gen_set_ops, tensorflow.python.ops.losses.util, tensorflow.python.distribute.mirrored_strategy, tensorflow.python.distribute.cross_device_ops, tensorflow.python.client.device_lib, tensorflow.core.framework.device_attributes_pb2, tensorflow.python.distribute.cross_device_utils, tensorflow.python.distribute.all_reduce, tensorflow.python.ops.nccl_ops, tensorflow.python.eager.def_function, tensorflow.python.eager.function, tensorflow.python.eager.graph_only_ops, tensorflow.python.framework.func_graph, tensorflow.python.framework.tensor_spec, tensorflow.python.framework.auto_control_deps, tensorflow.python.ops.gradients_util, tensorflow.python.eager.lift_to_graph, tensorflow.python.ops.gen_nccl_ops, tensorflow.python.distribute.values, tensorflow.python.ops.collective_ops, tensorflow.python.ops.gen_collective_ops, tensorflow.python.distribute.input_lib, tensorflow.python.data.ops.multi_device_iterator_ops, tensorflow.python.distribute.input_ops, tensorflow.python.distribute.multi_worker_util, tensorflow.python.distribute.shared_variable_creator, tensorflow.python.training.coordinator, tensorflow.python.summary.writer.writer_cache, tensorflow.python.data.experimental.ops.optimization, tensorflow.python.data.experimental.ops.parsing_ops, tensorflow.python.ops.parsing_ops, tensorflow.python.data.experimental.ops.prefetching_ops, tensorflow.python.data.experimental.ops.readers, tensorflow.python.data.experimental.ops.shuffle_ops, tensorflow.python.data.experimental.ops.resampling, tensorflow.python.ops.logging_ops, tensorflow.python.data.experimental.ops.stats_ops, tensorflow.python.data.experimental.ops.take_while_ops, tensorflow.python.data.experimental.ops.unique, tensorflow.python.data.experimental.ops.writers, tensorflow.python.util.all_util, tensorflow.python.autograph.operators.data_structures, tensorflow.python.autograph.operators.exceptions, tensorflow.python.autograph.operators.logical, tensorflow.python.autograph.operators.slices, tensorflow.python.autograph.operators.special_values, tensorflow.python.autograph.core, tensorflow.python.autograph.core.converter, tensorflow.python.autograph.core.config, tensorflow.python.autograph.core.naming, tensorflow.python.autograph.pyct, tensorflow.python.autograph.pyct.inspect_utils, tensorflow.python.autograph.pyct.qual_names, gast, gast.gast, gast.ast3, gast.astn, tensorflow.python.autograph.pyct.anno, tensorflow.python.autograph.pyct.parser, tensorflow.python.autograph.pyct.ast_util, tensorflow.python.autograph.pyct.cfg, tensorflow.python.autograph.pyct.compiler, astor, astor.code_gen, astor.op_util, astor.node_util, astor.string_repr, astor.source_repr, astor.file_util, astor.tree_walk, tensorflow.python.autograph.pyct.origin_info, tensorflow.python.autograph.pyct.pretty_printer, termcolor, tensorflow.python.autograph.utils.ag_logging, tensorflow.python.autograph.pyct.templates, tensorflow.python.autograph.pyct.transformer, tensorflow.python.autograph.pyct.static_analysis, tensorflow.python.autograph.pyct.static_analysis.activity, tensorflow.python.autograph.pyct.static_analysis.annos, tensorflow.python.autograph.pyct.static_analysis.live_values, tensorflow.python.autograph.pyct.static_analysis.liveness, tensorflow.python.autograph.pyct.static_analysis.reaching_definitions, tensorflow.python.autograph.pyct.static_analysis.type_info, tensorflow.python.autograph.core.errors, tensorflow.python.autograph.impl, tensorflow.python.autograph.impl.api, tensorflow.python.autograph.impl.conversion, tensorflow.python.autograph.converters, tensorflow.python.autograph.converters.arg_defaults, tensorflow.python.autograph.converters.asserts, tensorflow.python.autograph.converters.break_statements, tensorflow.python.autograph.converters.builtin_functions, tensorflow.python.autograph.converters.call_trees, tensorflow.python.autograph.converters.conditional_expressions, tensorflow.python.autograph.converters.continue_statements, tensorflow.python.autograph.converters.control_flow, tensorflow.python.autograph.converters.directives, tensorflow.python.autograph.lang, tensorflow.python.autograph.lang.directives, tensorflow.python.autograph.converters.error_handlers, tensorflow.python.autograph.converters.function_scopes, tensorflow.python.autograph.converters.lists, tensorflow.python.autograph.converters.logical_expressions, tensorflow.python.autograph.converters.return_statements, tensorflow.python.autograph.converters.side_effect_guards, tensorflow.python.autograph.converters.slices, tensorflow.python.autograph.core.function_wrapping, tensorflow.python.autograph.lang.special_functions, tensorflow.python.autograph.pyct.errors, tensorflow.python.ops.array_grad, tensorflow.python.ops.cudnn_rnn_grad, tensorflow.python.ops.gen_cudnn_rnn_ops, tensorflow.python.ops.manip_grad, tensorflow.python.ops.manip_ops, tensorflow.python.ops.gen_manip_ops, tensorflow.python.ops.math_grad, tensorflow.python.ops.random_grad, tensorflow.python.ops.sparse_grad, tensorflow.python.ops.state_grad, tensorflow.python.ops.tensor_array_grad, tensorflow.python.ops.special_math_ops, tensorflow.python.eager.wrap_function, tensorflow.python.ops.gradients, tensorflow.python.ops.gradients_impl, tensorflow.python.ops.control_flow_grad, tensorflow.python.ops.image_grad, tensorflow.python.ops.gen_image_ops, tensorflow.python.ops.linalg_grad, tensorflow.python.ops.linalg, tensorflow.python.ops.linalg.linalg_impl, tensorflow.python.ops.optional_grad, tensorflow.python.ops.histogram_ops, tensorflow.python.ops.lookup_ops, tensorflow.python.ops.gen_lookup_ops, tensorflow.python.training.checkpointable.tracking, tensorflow.python.training.checkpointable.data_structures, tensorflow.python.saved_model, tensorflow.python.saved_model.revived_types, tensorflow.python.saved_model.saved_object_graph_pb2, tensorflow.python.saved_model.struct_pb2, tensorflow.python.training.checkpointable.layer_utils, tensorflow.python.ops.partitioned_variables, tensorflow.python.ops.ragged, tensorflow.python.ops.ragged.ragged_array_ops, tensorflow.python.ops.ragged.ragged_conversion_ops, tensorflow.python.ops.ragged.ragged_tensor, tensorflow.python.ops.gen_ragged_conversion_ops, tensorflow.python.ops.ragged.ragged_tensor_value, tensorflow.python.ops.ragged.ragged_util, tensorflow.python.ops.gen_ragged_math_ops, tensorflow.python.ops.ragged.segment_id_ops, tensorflow.python.ops.ragged.ragged_functional_ops, tensorflow.python.ops.ragged.ragged_math_ops, tensorflow.python.ops.ragged.ragged_batch_gather_ops, tensorflow.python.ops.ragged.ragged_gather_ops, tensorflow.python.ops.gen_ragged_array_ops, tensorflow.python.ops.ragged.ragged_batch_gather_with_default_op, tensorflow.python.ops.ragged.ragged_dispatch, tensorflow.python.ops.gen_bitwise_ops, tensorflow.python.ops.ragged.ragged_concat_ops, tensorflow.python.ops.ragged.ragged_tensor_shape, tensorflow.python.ops.ragged.ragged_where_op, tensorflow.python.ops.ragged.ragged_operators, tensorflow.python.ops.ragged.ragged_getitem, tensorflow.python.ops.ragged.ragged_factory_ops, tensorflow.python.ops.ragged.ragged_map_ops, tensorflow.python.ops.ragged.ragged_string_ops, tensorflow.python.ops.sort_ops, tensorflow.python.ops.stateless_random_ops, tensorflow.python.ops.template, tensorflow.python.training.checkpointable.util, tensorflow.python.training.optimizer, tensorflow.python.training.slot_creator, tensorflow.python.training.saving.functional_saver, tensorflow.python.ops.initializers_ns, tensorflow.python.keras, tensorflow.python.keras.activations, tensorflow.python.keras.backend, tensorflow.python.distribute.distribute_coordinator, tensorflow.python.distribute.distribute_coordinator_context, tensorflow.python.training.monitored_session, tensorflow.python.ops.resources, tensorflow.python.summary.summary, google.protobuf.json_format, tensorflow.python.training.queue_runner, tensorflow.python.training.queue_runner_impl, tensorflow.core.protobuf.queue_runner_pb2, tensorflow.python.training.session_manager, tensorflow.python.keras.backend_config, tensorflow.python.ops.image_ops, tensorflow.python.ops.image_ops_impl, tensorflow.python.keras.utils, tensorflow.python.keras.utils.data_utils, tensorflow.python.keras.utils.generic_utils, tensorflow.python.keras.utils.io_utils, h5py, h5py._errors, h5py._hl, h5py._hl.compat, h5py._conv, h5py.h5r, h5py._objects, h5py.defs, h5py.h5t, h5py.utils, h5py.h5, h5py.h5py_warnings, h5py.h5z, h5py.h5a, h5py.h5s, h5py.h5p, h5py.h5ac, h5py._proxy, h5py.h5d, h5py.h5ds, h5py.h5f, h5py.h5g, h5py.h5i, h5py.h5fd, h5py._hl.filters, h5py._hl.base, h5py._hl.files, h5py._hl.group, h5py.h5o, h5py.h5l, h5py._hl.dataset, h5py._hl.selections, h5py._hl.selections2, h5py._hl.datatype, h5py._hl.vds, h5py.version, h5py._hl.attrs, tensorflow.python.keras.utils.layer_utils, tensorflow.python.keras.utils.conv_utils, tensorflow.python.keras.utils.losses_utils, tensorflow.python.keras.utils.multi_gpu_utils, tensorflow.python.keras.engine, tensorflow.python.keras.engine.base_layer, tensorflow.python.keras.constraints, tensorflow.python.keras.initializers, tensorflow.python.ops.init_ops_v2, tensorflow.python.keras.regularizers, tensorflow.python.keras.engine.base_layer_utils, tensorflow.python.keras.engine.input_spec, tensorflow.python.keras.utils.tf_utils, tensorflow.python.keras.engine.input_layer, tensorflow.python.keras.engine.training, tensorflow.python.keras.losses, tensorflow.python.keras.metrics, tensorflow.python.keras.utils.metrics_utils, tensorflow.python.keras.optimizers, tensorflow.python.keras.optimizer_v2, tensorflow.python.keras.optimizer_v2.adadelta, tensorflow.python.keras.optimizer_v2.optimizer_v2, tensorflow.python.keras.optimizer_v2.learning_rate_schedule, tensorflow.python.training.training_ops, tensorflow.python.training.gen_training_ops, tensorflow.python.keras.optimizer_v2.adagrad, tensorflow.python.keras.optimizer_v2.adam, tensorflow.python.keras.optimizer_v2.adamax, tensorflow.python.keras.optimizer_v2.gradient_descent, tensorflow.python.keras.optimizer_v2.nadam, tensorflow.python.keras.optimizer_v2.rmsprop, tensorflow.python.keras.engine.distributed_training_utils, tensorflow.python.keras.callbacks, tensorflow.python.training.mode_keys, tensorflow.python.keras.engine.training_arrays, tensorflow.python.keras.engine.training_utils, scipy, scipy._distributor_init, scipy.config, scipy.version, scipy._lib, scipy._lib._testutils, scipy._lib._version, scipy._lib.six, scipy._lib._ccallback, scipy._lib._ccallback_c, scipy.sparse, scipy.sparse.base, scipy._lib._numpy_compat, scipy.sparse.sputils, scipy.sparse.csr, scipy.sparse._sparsetools, scipy.sparse.compressed, scipy._lib._util, scipy.sparse.data, scipy.sparse.dia, scipy.sparse.csc, scipy.sparse.lil, scipy.sparse._csparsetools, scipy.sparse.dok, scipy.sparse.coo, scipy.sparse.bsr, scipy.sparse.construct, scipy.sparse.extract, scipy.sparse._matrix_io, scipy.sparse.csgraph, scipy.sparse.csgraph._laplacian, scipy.sparse.csgraph._shortest_path, scipy.sparse.csgraph._validation, scipy.sparse.csgraph._tools, scipy.sparse.csgraph._traversal, scipy.sparse.csgraph._min_spanning_tree, scipy.sparse.csgraph._reordering, tensorflow.python.keras.engine.training_distributed, tensorflow.python.keras.engine.partial_batch_padding_handler, tensorflow.python.keras.engine.training_eager, tensorflow.python.keras.engine.training_generator, tensorflow.python.keras.engine.network, tensorflow.python.keras.saving, tensorflow.python.keras.saving.hdf5_format, tensorflow.python.keras.saving.model_config, yaml, yaml.error, yaml.tokens, yaml.events, yaml.nodes, yaml.loader, yaml.reader, yaml.scanner, yaml.parser, yaml.composer, yaml.constructor, yaml.resolver, yaml.dumper, yaml.emitter, yaml.serializer, yaml.representer, yaml.cyaml, tensorflow.python.keras.saving.saved_model, tensorflow.python.keras.saving.saving_utils, tensorflow.python.saved_model.builder, tensorflow.python.saved_model.builder_impl, tensorflow.core.protobuf.saved_model_pb2, tensorflow.python.saved_model.constants, tensorflow.python.saved_model.signature_def_utils, tensorflow.python.saved_model.signature_def_utils_impl, tensorflow.python.saved_model.signature_constants, tensorflow.python.saved_model.utils_impl, tensorflow.python.saved_model.model_utils, tensorflow.python.saved_model.model_utils.export_output, tensorflow.python.saved_model.model_utils.export_utils, tensorflow.python.saved_model.tag_constants, tensorflow.python.saved_model.save, tensorflow.python.saved_model.function_serialization, tensorflow.python.saved_model.nested_structure_coder, tensorflow.python.keras.utils.np_utils, tensorflow.python.keras.utils.vis_utils, tensorflow.python.keras.applications, keras_applications, keras_applications.vgg16, keras_applications.imagenet_utils, keras_applications.vgg19, keras_applications.resnet50, keras_applications.inception_v3, keras_applications.inception_resnet_v2, keras_applications.xception, keras_applications.mobilenet, keras_applications.mobilenet_v2, keras_applications.densenet, keras_applications.nasnet, keras_applications.resnet, keras_applications.resnet_common, keras_applications.resnet_v2, keras_applications.resnext, tensorflow.python.keras.layers, tensorflow.python.keras.layers.advanced_activations, tensorflow.python.keras.layers.convolutional, tensorflow.python.keras.layers.pooling, tensorflow.python.keras.layers.core, tensorflow.python.keras.layers.embeddings, tensorflow.python.keras.layers.local, tensorflow.python.keras.layers.merge, tensorflow.python.keras.layers.noise, tensorflow.python.keras.layers.normalization, tensorflow.python.keras.layers.kernelized, tensorflow.python.keras.layers.recurrent, tensorflow.python.keras.layers.convolutional_recurrent, tensorflow.python.keras.layers.cudnn_recurrent, tensorflow.python.keras.layers.wrappers, tensorflow.python.keras.layers.serialization, tensorflow.python.keras.models, tensorflow.python.keras.engine.sequential, tensorflow.python.keras.applications.densenet, tensorflow.python.keras.applications.inception_resnet_v2, tensorflow.python.keras.applications.inception_v3, tensorflow.python.keras.applications.mobilenet, tensorflow.python.keras.applications.mobilenet_v2, tensorflow.python.keras.applications.nasnet, tensorflow.python.keras.applications.resnet50, tensorflow.python.keras.applications.vgg16, tensorflow.python.keras.applications.vgg19, tensorflow.python.keras.applications.xception, tensorflow.python.keras.datasets, tensorflow.python.keras.datasets.boston_housing, tensorflow.python.keras.datasets.cifar10, tensorflow.python.keras.datasets.cifar, tensorflow.python.keras.datasets.cifar100, tensorflow.python.keras.datasets.fashion_mnist, tensorflow.python.keras.datasets.imdb, tensorflow.python.keras.preprocessing, keras_preprocessing, tensorflow.python.keras.preprocessing.image, keras_preprocessing.image, keras_preprocessing.image.affine_transformations, keras_preprocessing.image.utils, scipy.linalg, scipy.linalg.linalg_version, scipy.linalg.misc, scipy.linalg.blas, scipy.linalg._fblas, scipy.linalg.lapack, scipy.linalg._flapack, scipy.linalg.basic, scipy.linalg.flinalg, scipy.linalg._flinalg, scipy.linalg.decomp, scipy.linalg.decomp_svd, scipy.linalg._solve_toeplitz, scipy.linalg.decomp_lu, scipy.linalg._decomp_ldl, scipy.linalg.decomp_cholesky, scipy.linalg.decomp_qr, scipy.linalg._decomp_qz, scipy.linalg.decomp_schur, scipy.linalg._decomp_polar, scipy.linalg.matfuncs, scipy.linalg.special_matrices, scipy.linalg._expm_frechet, scipy.linalg._matfuncs_sqrtm, scipy.linalg._solvers, scipy.linalg._procrustes, scipy.linalg._decomp_update, scipy.linalg.cython_blas, scipy.linalg.cython_lapack, scipy.linalg._sketches, numpy.dual, scipy.ndimage, scipy.ndimage.filters, scipy.ndimage._ni_support, scipy.ndimage._nd_image, scipy.ndimage._ni_docstrings, scipy.misc, scipy.misc.doccer, scipy.misc.common, scipy.interpolate, scipy.interpolate.interpolate, scipy.special, scipy.special.sf_error, scipy.special._ufuncs, scipy.special._ufuncs_cxx, scipy.special.basic, scipy.special.specfun, scipy.special.orthogonal, scipy.special._comb, scipy.special._logsumexp, scipy.special.spfun_stats, scipy.special._ellip_harm, scipy.special._ellip_harm_2, scipy.special.lambertw, scipy.special._spherical_bessel, scipy.interpolate.fitpack, scipy.interpolate._fitpack_impl, scipy.interpolate._fitpack, scipy.interpolate.dfitpack, scipy.interpolate._bsplines, scipy.interpolate._bspl, scipy.interpolate.polyint, scipy.interpolate._ppoly, scipy.interpolate.fitpack2, scipy.interpolate.interpnd, scipy.spatial, scipy.spatial.kdtree, scipy.spatial.ckdtree, scipy.spatial.qhull, scipy._lib.messagestream, scipy.spatial._spherical_voronoi, scipy.spatial._voronoi, scipy.spatial.distance, scipy.spatial._distance_wrap, scipy.spatial._hausdorff, scipy.spatial._plotutils, scipy._lib.decorator, scipy.spatial._procrustes, scipy.spatial.transform, scipy.spatial.transform.rotation, scipy.interpolate.rbf, scipy.interpolate._cubic, scipy.interpolate.ndgriddata, scipy.interpolate._pade, scipy.misc.pilutil, scipy.ndimage.fourier, scipy.ndimage.interpolation, scipy.ndimage.measurements, scipy.ndimage._ni_label, _ni_label, scipy.ndimage.morphology, scipy.ndimage.io, keras_preprocessing.image.dataframe_iterator, keras_preprocessing.image.iterator, keras_preprocessing.image.directory_iterator, keras_preprocessing.image.image_data_generator, keras_preprocessing.image.numpy_array_iterator, tensorflow.python.keras.preprocessing.sequence, keras_preprocessing.sequence, tensorflow.python.keras.preprocessing.text, keras_preprocessing.text, tensorflow.python.keras.datasets.mnist, tensorflow.python.keras.datasets.reuters, tensorflow.python.keras.estimator, tensorflow.python.keras.ops, tensorflow.python.keras.wrappers, tensorflow.python.keras.wrappers.scikit_learn, tensorflow.python.feature_column, tensorflow.python.feature_column.feature_column_lib, tensorflow.python.feature_column.feature_column, tensorflow.python.layers, tensorflow.python.layers.base, tensorflow.python.training.checkpoint_utils, tensorflow.python.feature_column.feature_column_v2, tensorflow.python.layers.layers, tensorflow.python.layers.core, tensorflow.python.layers.convolutional, tensorflow.python.layers.pooling, tensorflow.python.layers.normalization, tensorflow.python.module, tensorflow.python.module.module, tensorflow.python.ops.bitwise_ops, tensorflow.python.ops.metrics, tensorflow.python.ops.metrics_impl, tensorflow.python.ops.distributions, tensorflow.python.ops.distributions.distributions, tensorflow.python.ops.distributions.bernoulli, tensorflow.python.ops.distributions.distribution, tensorflow.python.ops.distributions.kullback_leibler, tensorflow.python.ops.distributions.util, tensorflow.python.ops.distributions.beta, tensorflow.python.ops.distributions.categorical, tensorflow.python.ops.distributions.dirichlet, tensorflow.python.ops.distributions.dirichlet_multinomial, tensorflow.python.ops.distributions.exponential, tensorflow.python.ops.distributions.gamma, tensorflow.python.ops.distributions.laplace, tensorflow.python.ops.distributions.special_math, tensorflow.python.ops.distributions.multinomial, tensorflow.python.ops.distributions.normal, tensorflow.python.ops.distributions.student_t, tensorflow.python.ops.distributions.uniform, tensorflow.python.ops.linalg.linalg, tensorflow.python.ops.linalg.cholesky_registrations, tensorflow.python.ops.linalg.linear_operator, tensorflow.python.ops.linalg.linear_operator_algebra, tensorflow.python.ops.linalg.linear_operator_util, tensorflow.python.ops.linalg.linear_operator_block_diag, tensorflow.python.ops.linalg.linear_operator_diag, tensorflow.python.ops.linalg.linear_operator_identity, tensorflow.python.ops.linalg.linear_operator_kronecker, tensorflow.python.ops.linalg.linear_operator_lower_triangular, tensorflow.python.ops.linalg.inverse_registrations, tensorflow.python.ops.linalg.linear_operator_circulant, tensorflow.python.ops.signal, tensorflow.python.ops.signal.fft_ops, tensorflow.python.ops.gen_spectral_ops, tensorflow.python.ops.linalg.linear_operator_inversion, tensorflow.python.ops.linalg.matmul_registrations, tensorflow.python.ops.linalg.linear_operator_composition, tensorflow.python.ops.linalg.linear_operator_zeros, tensorflow.python.ops.linalg.linear_operator_full_matrix, tensorflow.python.ops.linalg.linear_operator_low_rank_update, tensorflow.python.ops.losses.losses, tensorflow.python.ops.signal.signal, tensorflow.python.ops.signal.dct_ops, tensorflow.python.ops.signal.mel_ops, tensorflow.python.ops.signal.shape_ops, tensorflow.python.ops.signal.util_ops, tensorflow.python.ops.signal.mfcc_ops, tensorflow.python.ops.signal.reconstruction_ops, tensorflow.python.ops.signal.spectral_ops, tensorflow.python.ops.signal.window_ops, tensorflow.python.profiler, tensorflow.python.profiler.profiler, tensorflow.core.profiler, tensorflow.core.profiler.tfprof_log_pb2, tensorflow.core.profiler.tfprof_output_pb2, tensorflow.python.profiler.model_analyzer, tensorflow.core.profiler.tfprof_options_pb2, tensorflow.python.profiler.option_builder, tensorflow.python.profiler.tfprof_logger, tensorflow.python.profiler.internal, tensorflow.python.profiler.internal.flops_registry, tensorflow.python.saved_model.saved_model, tensorflow.python.saved_model.loader, tensorflow.python.saved_model.loader_impl, tensorflow.python.saved_model.main_op, tensorflow.python.saved_model.main_op_impl, tensorflow.python.saved_model.utils, tensorflow.python.saved_model.simple_save, tensorflow.python.user_ops, tensorflow.python.user_ops.user_ops, tensorflow.python.ops.gen_user_ops, tensorflow.python.ops.gen_audio_ops, tensorflow.python.ops.gen_boosted_trees_ops, tensorflow.python.training.training, tensorflow.python.ops.sdca_ops, tensorflow.python.ops.gen_sdca_ops, tensorflow.python.training.adadelta, tensorflow.python.training.adagrad, tensorflow.python.training.adagrad_da, tensorflow.python.training.proximal_adagrad, tensorflow.python.training.adam, tensorflow.python.training.ftrl, tensorflow.python.training.momentum, tensorflow.python.training.moving_averages, tensorflow.python.training.rmsprop, tensorflow.python.training.gradient_descent, tensorflow.python.training.proximal_gradient_descent, tensorflow.python.training.sync_replicas_optimizer, tensorflow.python.training.input, tensorflow.python.layers.utils, tensorflow.python.training.basic_loops, tensorflow.python.training.device_setter, tensorflow.python.training.supervisor, tensorflow.python.training.warm_starting_util, tensorflow.python.training.checkpoint_ops, tensorflow.python.ops.gen_checkpoint_ops, tensorflow.core.example, tensorflow.core.example.example_pb2, tensorflow.core.example.feature_pb2, tensorflow.python.training.learning_rate_decay, tensorflow.python.platform.resource_loader, tensorflow.python.platform.sysconfig, tensorflow.python.platform.test, tensorflow.python.framework.test_util, tensorflow.python.platform.googletest, absl.testing, absl.testing.absltest, absl._enum_module, absl.testing._pretty_print_reporter, absl.third_party, absl.third_party.unittest3_backport, absl.third_party.unittest3_backport.case, absl.third_party.unittest3_backport.result, absl.testing.xml_reporter, tensorflow.python.platform.benchmark, tensorflow.core.util.test_log_pb2, tensorflow.python.util.protobuf, tensorflow.python.util.protobuf.compare, tensorflow.python.ops.gradient_checker, tensorflow.python.compat.v2_compat, tensorflow.python.eager.remote, tensorflow.python.ops.rnn, tensorflow.python.ops.rnn_cell_impl, tensorflow.python.ops.rnn_cell, tensorflow._api, tensorflow._api.v1, tensorflow._api.v1.app, tensorflow._api.v1.audio, tensorflow._api.v1.autograph, tensorflow._api.v1.autograph.experimental, tensorflow._api.v1.bitwise, tensorflow._api.v1.compat, tensorflow._api.v1.compat.v1, tensorflow._api.v1.compat.v1.app, tensorflow._api.v1.compat.v1.audio, tensorflow._api.v1.compat.v1.autograph, tensorflow._api.v1.compat.v1.autograph.experimental, tensorflow._api.v1.compat.v1.bitwise, tensorflow._api.v1.compat.v1.compat, tensorflow._api.v1.compat.v1.config, tensorflow._api.v1.compat.v1.data, tensorflow._api.v1.compat.v1.data.experimental, tensorflow._api.v1.compat.v1.debugging, tensorflow._api.v1.compat.v1.distribute, tensorflow._api.v1.compat.v1.distribute.cluster_resolver, tensorflow._api.v1.compat.v1.distributions, tensorflow._api.v1.compat.v1.dtypes, tensorflow._api.v1.compat.v1.errors, tensorflow.lite, tensorflow.lite.python, tensorflow.lite.python.lite, tensorflow.lite.python.lite_constants, tensorflow.lite.toco, tensorflow.lite.toco.toco_flags_pb2, tensorflow.lite.toco.types_pb2, tensorflow.lite.python.convert, tensorflow.lite.toco.model_flags_pb2, tensorflow.lite.python.convert_saved_model, tensorflow.lite.python.interpreter, tensorflow.lite.python.op_hint, tensorflow.python.grappler, tensorflow.python.grappler.tf_optimizer, tensorflow.python.grappler.cluster, tensorflow.core.grappler, tensorflow.core.grappler.costs, tensorflow.core.grappler.costs.op_performance_data_pb2, tensorflow.core.protobuf.device_properties_pb2, tensorflow._api.v1.compat.v1.experimental, tensorflow._api.v1.compat.v1.feature_column, tensorflow._api.v1.compat.v1.gfile, tensorflow._api.v1.compat.v1.graph_util, tensorflow._api.v1.compat.v1.image, tensorflow._api.v1.compat.v1.initializers, tensorflow._api.v1.compat.v1.io, tensorflow._api.v1.compat.v1.io.gfile, tensorflow._api.v1.compat.v1.layers, tensorflow._api.v1.compat.v1.layers.experimental, tensorflow._api.v1.compat.v1.linalg, tensorflow._api.v1.compat.v1.lite, tensorflow._api.v1.compat.v1.lite.constants, tensorflow._api.v1.compat.v1.logging, tensorflow._api.v1.compat.v1.losses, tensorflow._api.v1.compat.v1.manip, tensorflow._api.v1.compat.v1.math, tensorflow._api.v1.compat.v1.metrics, tensorflow._api.v1.compat.v1.nest, tensorflow._api.v1.compat.v1.nn, tensorflow._api.v1.compat.v1.nn.rnn_cell, tensorflow._api.v1.compat.v1.profiler, tensorflow._api.v1.compat.v1.python_io, tensorflow._api.v1.compat.v1.quantization, tensorflow._api.v1.compat.v1.queue, tensorflow._api.v1.compat.v1.ragged, tensorflow._api.v1.compat.v1.random, tensorflow._api.v1.compat.v1.raw_ops, tensorflow._api.v1.compat.v1.resource_loader, tensorflow._api.v1.compat.v1.saved_model, tensorflow._api.v1.compat.v1.saved_model.builder, tensorflow._api.v1.compat.v1.saved_model.constants, tensorflow._api.v1.compat.v1.saved_model.experimental, tensorflow._api.v1.compat.v1.saved_model.loader, tensorflow._api.v1.compat.v1.saved_model.main_op, tensorflow._api.v1.compat.v1.saved_model.signature_constants, tensorflow._api.v1.compat.v1.saved_model.signature_def_utils, tensorflow._api.v1.compat.v1.saved_model.tag_constants, tensorflow._api.v1.compat.v1.saved_model.utils, tensorflow._api.v1.compat.v1.sets, tensorflow._api.v1.compat.v1.signal, tensorflow._api.v1.compat.v1.sparse, tensorflow._api.v1.compat.v1.spectral, tensorflow._api.v1.compat.v1.strings, tensorflow._api.v1.compat.v1.summary, tensorflow._api.v1.compat.v1.sysconfig, tensorflow._api.v1.compat.v1.test, tensorflow._api.v1.compat.v1.train, tensorflow._api.v1.compat.v1.train.queue_runner, tensorflow._api.v1.compat.v1.user_ops, tensorflow._api.v1.compat.v1.version, tensorflow.python.tools, tensorflow.python.tools.component_api_helper, tensorflow_estimator, tensorflow_estimator._api, tensorflow_estimator._api.v1, tensorflow_estimator._api.v1.estimator, tensorflow_estimator._api.v1.estimator.experimental, tensorflow_estimator.python, tensorflow_estimator.python.estimator, tensorflow_estimator.python.estimator.estimator_lib, tensorflow_estimator.python.estimator.canned, tensorflow_estimator.python.estimator.canned.baseline, tensorflow_estimator.python.estimator.estimator, tensorflow.python.distribute.estimator_training, tensorflow.python.training.evaluation, tensorflow.python.util.compat_internal, tensorflow_estimator.python.estimator.model_fn, tensorflow_estimator.python.estimator.export, tensorflow_estimator.python.estimator.export.export_output, tensorflow_estimator.python.estimator.run_config, tensorflow_estimator.python.estimator.util, tensorflow_estimator.python.estimator.export.export, tensorflow_estimator.python.estimator.canned.head, tensorflow_estimator.python.estimator.canned.metric_keys, tensorflow_estimator.python.estimator.canned.prediction_keys, tensorflow_estimator.python.estimator.canned.optimizers, tensorflow_estimator.python.estimator.head, tensorflow_estimator.python.estimator.head.head_utils, tensorflow_estimator.python.estimator.head.binary_class_head, tensorflow_estimator.python.estimator.head.base_head, tensorflow_estimator.python.estimator.head.multi_class_head, tensorflow_estimator.python.estimator.head.regression_head, tensorflow_estimator.python.estimator.canned.boosted_trees, tensorflow.core.kernels, tensorflow.core.kernels.boosted_trees, tensorflow.core.kernels.boosted_trees.boosted_trees_pb2, tensorflow.python.ops.boosted_trees_ops, tensorflow_estimator.python.estimator.canned.boosted_trees_utils, tensorflow_estimator.python.estimator.canned.dnn, tensorflow_estimator.python.estimator.canned.dnn_linear_combined, tensorflow_estimator.python.estimator.canned.linear, tensorflow_estimator.python.estimator.canned.linear_optimizer, tensorflow_estimator.python.estimator.canned.linear_optimizer.python, tensorflow_estimator.python.estimator.canned.linear_optimizer.python.utils, tensorflow_estimator.python.estimator.canned.linear_optimizer.python.utils.sdca_ops, tensorflow_estimator.python.estimator.canned.linear_optimizer.python.utils.sharded_mutable_dense_hashtable, tensorflow_estimator.python.estimator.canned.parsing_utils, tensorflow_estimator.python.estimator.early_stopping, tensorflow_estimator.python.estimator.export.export_lib, tensorflow_estimator.python.estimator.exporter, tensorflow_estimator.python.estimator.gc, tensorflow_estimator.python.estimator.extenders, tensorflow_estimator.python.estimator.hooks, tensorflow_estimator.python.estimator.hooks.basic_session_run_hooks, tensorflow_estimator.python.estimator.hooks.hooks, tensorflow_estimator.python.estimator.hooks.session_run_hook, tensorflow_estimator.python.estimator.inputs, tensorflow_estimator.python.estimator.inputs.inputs, tensorflow_estimator.python.estimator.inputs.numpy_io, tensorflow_estimator.python.estimator.inputs.queues, tensorflow_estimator.python.estimator.inputs.queues.feeding_functions, tensorflow_estimator.python.estimator.inputs.queues.feeding_queue_runner, tensorflow_estimator.python.estimator.inputs.pandas_io, tensorflow_estimator.python.estimator.keras, tensorflow_estimator.python.estimator.mode_keys, tensorflow_estimator.python.estimator.training, tensorflow_estimator._api.v1.estimator.export, tensorflow_estimator._api.v1.estimator.inputs, tensorflow_estimator.python.estimator.api, tensorflow_estimator.python.estimator.api._v1, tensorflow_estimator.python.estimator.api._v1.estimator, tensorflow_estimator.python.estimator.api._v1.estimator.experimental, tensorflow_estimator.python.estimator.api._v1.estimator.export, tensorflow_estimator.python.estimator.api._v1.estimator.inputs, tensorflow.python.keras.api, tensorflow.python.keras.api.keras, tensorflow.python.keras.api.keras.activations, tensorflow.python.keras.api.keras.applications, tensorflow.python.keras.api.keras.applications.densenet, tensorflow.python.keras.api.keras.applications.inception_resnet_v2, tensorflow.python.keras.api.keras.applications.inception_v3, tensorflow.python.keras.api.keras.applications.mobilenet, tensorflow.python.keras.api.keras.applications.mobilenet_v2, tensorflow.python.keras.api.keras.applications.nasnet, tensorflow.python.keras.api.keras.applications.resnet50, tensorflow.python.keras.api.keras.applications.vgg16, tensorflow.python.keras.api.keras.applications.vgg19, tensorflow.python.keras.api.keras.applications.xception, tensorflow.python.keras.api.keras.backend, tensorflow.python.keras.api.keras.callbacks, tensorflow.python.keras.api.keras.constraints, tensorflow.python.keras.api.keras.datasets, tensorflow.python.keras.api.keras.datasets.boston_housing, tensorflow.python.keras.api.keras.datasets.cifar10, tensorflow.python.keras.api.keras.datasets.cifar100, tensorflow.python.keras.api.keras.datasets.fashion_mnist, tensorflow.python.keras.api.keras.datasets.imdb, tensorflow.python.keras.api.keras.datasets.mnist, tensorflow.python.keras.api.keras.datasets.reuters, tensorflow.python.keras.api.keras.estimator, tensorflow.python.keras.api.keras.experimental, tensorflow.python.keras.api.keras.initializers, tensorflow.python.keras.api.keras.layers, tensorflow.python.keras.api.keras.layers.experimental, tensorflow.python.keras.api.keras.losses, tensorflow.python.keras.api.keras.metrics, tensorflow.python.keras.api.keras.models, tensorflow.python.keras.api.keras.optimizers, tensorflow.python.keras.api.keras.optimizers.schedules, tensorflow.python.keras.api.keras.preprocessing, tensorflow.python.keras.api.keras.preprocessing.image, tensorflow.python.keras.api.keras.preprocessing.sequence, tensorflow.python.keras.api.keras.preprocessing.text, tensorflow.python.keras.api.keras.regularizers, tensorflow.python.keras.api.keras.utils, tensorflow.python.keras.api.keras.wrappers, tensorflow.python.keras.api.keras.wrappers.scikit_learn, tensorflow.python.keras.api._v1, tensorflow.python.keras.api._v1.keras, tensorflow.python.keras.api._v1.keras.activations, tensorflow.python.keras.api._v1.keras.applications, tensorflow.python.keras.api._v1.keras.applications.densenet, tensorflow.python.keras.api._v1.keras.applications.inception_resnet_v2, tensorflow.python.keras.api._v1.keras.applications.inception_v3, tensorflow.python.keras.api._v1.keras.applications.mobilenet, tensorflow.python.keras.api._v1.keras.applications.mobilenet_v2, tensorflow.python.keras.api._v1.keras.applications.nasnet, tensorflow.python.keras.api._v1.keras.applications.resnet50, tensorflow.python.keras.api._v1.keras.applications.vgg16, tensorflow.python.keras.api._v1.keras.applications.vgg19, tensorflow.python.keras.api._v1.keras.applications.xception, tensorflow.python.keras.api._v1.keras.backend, tensorflow.python.keras.api._v1.keras.callbacks, tensorflow.python.keras.api._v1.keras.constraints, tensorflow.python.keras.api._v1.keras.datasets, tensorflow.python.keras.api._v1.keras.datasets.boston_housing, tensorflow.python.keras.api._v1.keras.datasets.cifar10, tensorflow.python.keras.api._v1.keras.datasets.cifar100, tensorflow.python.keras.api._v1.keras.datasets.fashion_mnist, tensorflow.python.keras.api._v1.keras.datasets.imdb, tensorflow.python.keras.api._v1.keras.datasets.mnist, tensorflow.python.keras.api._v1.keras.datasets.reuters, tensorflow.python.keras.api._v1.keras.estimator, tensorflow.python.keras.api._v1.keras.experimental, tensorflow.python.keras.api._v1.keras.initializers, tensorflow.python.keras.api._v1.keras.layers, tensorflow.python.keras.api._v1.keras.layers.experimental, tensorflow.python.keras.api._v1.keras.losses, tensorflow.python.keras.api._v1.keras.metrics, tensorflow.python.keras.api._v1.keras.models, tensorflow.python.keras.api._v1.keras.optimizers, tensorflow.python.keras.api._v1.keras.optimizers.schedules, tensorflow.python.keras.api._v1.keras.preprocessing, tensorflow.python.keras.api._v1.keras.preprocessing.image, tensorflow.python.keras.api._v1.keras.preprocessing.sequence, tensorflow.python.keras.api._v1.keras.preprocessing.text, tensorflow.python.keras.api._v1.keras.regularizers, tensorflow.python.keras.api._v1.keras.utils, tensorflow.python.keras.api._v1.keras.wrappers, tensorflow.python.keras.api._v1.keras.wrappers.scikit_learn, tensorflow._api.v1.compat.v2, tensorflow._api.v1.compat.v2.audio, tensorflow._api.v1.compat.v2.autograph, tensorflow._api.v1.compat.v2.autograph.experimental, tensorflow._api.v1.compat.v2.bitwise, tensorflow._api.v1.compat.v2.compat, tensorflow._api.v1.compat.v2.config, tensorflow._api.v1.compat.v2.data, tensorflow._api.v1.compat.v2.data.experimental, tensorflow._api.v1.compat.v2.debugging, tensorflow._api.v1.compat.v2.distribute, tensorflow._api.v1.compat.v2.distribute.cluster_resolver, tensorflow._api.v1.compat.v2.dtypes, tensorflow._api.v1.compat.v2.errors, tensorflow._api.v1.compat.v2.experimental, tensorflow._api.v1.compat.v2.feature_column, tensorflow._api.v1.compat.v2.graph_util, tensorflow._api.v1.compat.v2.image, tensorflow._api.v1.compat.v2.io, tensorflow._api.v1.compat.v2.io.gfile, tensorflow._api.v1.compat.v2.linalg, tensorflow._api.v1.compat.v2.lite, tensorflow._api.v1.compat.v2.lite.constants, tensorflow._api.v1.compat.v2.losses, tensorflow._api.v1.compat.v2.math, tensorflow._api.v1.compat.v2.nest, tensorflow._api.v1.compat.v2.nn, tensorflow._api.v1.compat.v2.nn.rnn_cell, tensorflow._api.v1.compat.v2.quantization, tensorflow._api.v1.compat.v2.queue, tensorflow._api.v1.compat.v2.ragged, tensorflow._api.v1.compat.v2.random, tensorflow._api.v1.compat.v2.raw_ops, tensorflow._api.v1.compat.v2.rnn, tensorflow._api.v1.compat.v2.saved_model, tensorflow._api.v1.compat.v2.sets, tensorflow._api.v1.compat.v2.signal, tensorflow._api.v1.compat.v2.sparse, tensorflow._api.v1.compat.v2.strings, tensorflow._api.v1.compat.v2.summary, tensorflow._api.v1.compat.v2.sysconfig, tensorflow._api.v1.compat.v2.test, tensorflow._api.v1.compat.v2.train, tensorflow._api.v1.compat.v2.version, tensorflow_estimator.python.estimator.api._v2, tensorflow_estimator.python.estimator.api._v2.estimator, tensorflow_estimator.python.estimator.api._v2.estimator.experimental, tensorflow_estimator.python.estimator.api._v2.estimator.export, tensorflow.python.keras.api._v2, tensorflow.python.keras.api._v2.keras, tensorflow.python.keras.api._v2.keras.activations, tensorflow.python.keras.api._v2.keras.applications, tensorflow.python.keras.api._v2.keras.applications.densenet, tensorflow.python.keras.api._v2.keras.applications.inception_resnet_v2, tensorflow.python.keras.api._v2.keras.applications.inception_v3, tensorflow.python.keras.api._v2.keras.applications.mobilenet, tensorflow.python.keras.api._v2.keras.applications.mobilenet_v2, tensorflow.python.keras.api._v2.keras.applications.nasnet, tensorflow.python.keras.api._v2.keras.applications.resnet50, tensorflow.python.keras.api._v2.keras.applications.vgg16, tensorflow.python.keras.api._v2.keras.applications.vgg19, tensorflow.python.keras.api._v2.keras.applications.xception, tensorflow.python.keras.api._v2.keras.backend, tensorflow.python.keras.api._v2.keras.callbacks, tensorflow.python.keras.api._v2.keras.constraints, tensorflow.python.keras.api._v2.keras.datasets, tensorflow.python.keras.api._v2.keras.datasets.boston_housing, tensorflow.python.keras.api._v2.keras.datasets.cifar10, tensorflow.python.keras.api._v2.keras.datasets.cifar100, tensorflow.python.keras.api._v2.keras.datasets.fashion_mnist, tensorflow.python.keras.api._v2.keras.datasets.imdb, tensorflow.python.keras.api._v2.keras.datasets.mnist, tensorflow.python.keras.api._v2.keras.datasets.reuters, tensorflow.python.keras.api._v2.keras.estimator, tensorflow.python.keras.api._v2.keras.experimental, tensorflow.python.keras.api._v2.keras.initializers, tensorflow.python.keras.api._v2.keras.layers, tensorflow.python.keras.api._v2.keras.layers.experimental, tensorflow.python.keras.api._v2.keras.losses, tensorflow.python.keras.api._v2.keras.metrics, tensorflow.python.keras.api._v2.keras.models, tensorflow.python.keras.api._v2.keras.optimizers, tensorflow.python.keras.api._v2.keras.optimizers.schedules, tensorflow.python.keras.api._v2.keras.preprocessing, tensorflow.python.keras.api._v2.keras.preprocessing.image, tensorflow.python.keras.api._v2.keras.preprocessing.sequence, tensorflow.python.keras.api._v2.keras.preprocessing.text, tensorflow.python.keras.api._v2.keras.regularizers, tensorflow.python.keras.api._v2.keras.utils, tensorflow.python.keras.api._v2.keras.wrappers, tensorflow.python.keras.api._v2.keras.wrappers.scikit_learn, tensorflow._api.v1.config, tensorflow._api.v1.data, tensorflow._api.v1.data.experimental, tensorflow._api.v1.debugging, tensorflow._api.v1.distribute, tensorflow._api.v1.distribute.cluster_resolver, tensorflow._api.v1.distributions, tensorflow._api.v1.dtypes, tensorflow._api.v1.errors, tensorflow._api.v1.experimental, tensorflow._api.v1.feature_column, tensorflow._api.v1.gfile, tensorflow._api.v1.graph_util, tensorflow._api.v1.image, tensorflow._api.v1.initializers, tensorflow._api.v1.io, tensorflow._api.v1.io.gfile, tensorflow._api.v1.layers, tensorflow._api.v1.layers.experimental, tensorflow._api.v1.linalg, tensorflow._api.v1.lite, tensorflow._api.v1.lite.constants, tensorflow._api.v1.logging, tensorflow._api.v1.losses, tensorflow._api.v1.manip, tensorflow._api.v1.math, tensorflow._api.v1.metrics, tensorflow._api.v1.nest, tensorflow._api.v1.nn, tensorflow._api.v1.nn.rnn_cell, tensorflow._api.v1.profiler, tensorflow._api.v1.python_io, tensorflow._api.v1.quantization, tensorflow._api.v1.queue, tensorflow._api.v1.ragged, tensorflow._api.v1.random, tensorflow._api.v1.raw_ops, tensorflow._api.v1.resource_loader, tensorflow._api.v1.saved_model, tensorflow._api.v1.saved_model.builder, tensorflow._api.v1.saved_model.constants, tensorflow._api.v1.saved_model.experimental, tensorflow._api.v1.saved_model.loader, tensorflow._api.v1.saved_model.main_op, tensorflow._api.v1.saved_model.signature_constants, tensorflow._api.v1.saved_model.signature_def_utils, tensorflow._api.v1.saved_model.tag_constants, tensorflow._api.v1.saved_model.utils, tensorflow._api.v1.sets, tensorflow._api.v1.signal, tensorflow._api.v1.sparse, tensorflow._api.v1.spectral, tensorflow._api.v1.strings, tensorflow._api.v1.summary, tensorflow._api.v1.sysconfig, tensorflow._api.v1.test, tensorflow._api.v1.train, tensorflow._api.v1.train.queue_runner, tensorflow._api.v1.user_ops, tensorflow._api.v1.version Traceback (most recent call last):

File "", line 1, in runfile('/home/detlef/tmp/test.py', wdir='/home/detlef/tmp')

File "/usr/lib/python3/dist-packages/spyder/utils/site/sitecustomize.py", line 705, in runfile execfile(filename, namespace)

File "/usr/lib/python3/dist-packages/spyder/utils/site/sitecustomize.py", line 102, in execfile exec(compile(f.read(), filename, 'exec'), namespace)

File "/home/detlef/tmp/test.py", line 9, in import tensorflow

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/init.py", line 28, in from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/init.py", line 63, in from tensorflow.python.framework.framework_lib import * # pylint: disable=redefined-builtin

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/framework_lib.py", line 25, in from tensorflow.python.framework.ops import Graph

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 44, in from tensorflow.python.framework import composite_tensor

File "/home/detlef/.local/lib/python3.6/site-packages/tensorflow/python/framework/composite_tensor.py", line 95, in pywrap_tensorflow.RegisterType("CompositeTensor", CompositeTensor)

TypeError: Type already registered for CompositeTensor

In [3]:

ccordoba12 commented 5 years ago

Thanks a lot for your help! As I thought, this is related to our User Module Reloader (UMR) causing a deep reaload of all tensorflow modules.

This will be fixed by spyder-ide/spyder-kernels#83. To get the fix you need to run

pip install -U spyder-kernels

once that version is released (I'll let you know when that happens).

ccordoba12 commented 5 years ago

0.4.1 is now available, so please update to it with the command above.