Coder Social home page Coder Social logo

autograph's Introduction

Python PyPI DOI CII Best Practices OpenSSF Scorecard Fuzzing Status Fuzzing Status OSSRank Contributor Covenant TF Official Continuous TF Official Nightly

Documentation
Documentation

TensorFlow is an end-to-end open source platform for machine learning. It has a comprehensive, flexible ecosystem of tools, libraries, and community resources that lets researchers push the state-of-the-art in ML and developers easily build and deploy ML-powered applications.

TensorFlow was originally developed by researchers and engineers working within the Machine Intelligence team at Google Brain to conduct research in machine learning and neural networks. However, the framework is versatile enough to be used in other areas as well.

TensorFlow provides stable Python and C++ APIs, as well as a non-guaranteed backward compatible API for other languages.

Keep up-to-date with release announcements and security updates by subscribing to [email protected]. See all the mailing lists.

Install

See the TensorFlow install guide for the pip package, to enable GPU support, use a Docker container, and build from source.

To install the current release, which includes support for CUDA-enabled GPU cards (Ubuntu and Windows):

$ pip install tensorflow

Other devices (DirectX and MacOS-metal) are supported using Device plugins.

A smaller CPU-only package is also available:

$ pip install tensorflow-cpu

To update TensorFlow to the latest version, add --upgrade flag to the above commands.

Nightly binaries are available for testing using the tf-nightly and tf-nightly-cpu packages on PyPi.

Try your first TensorFlow program

$ python
>>> import tensorflow as tf
>>> tf.add(1, 2).numpy()
3
>>> hello = tf.constant('Hello, TensorFlow!')
>>> hello.numpy()
b'Hello, TensorFlow!'

For more examples, see the TensorFlow tutorials.

Contribution guidelines

If you want to contribute to TensorFlow, be sure to review the contribution guidelines. This project adheres to TensorFlow's code of conduct. By participating, you are expected to uphold this code.

We use GitHub issues for tracking requests and bugs, please see TensorFlow Forum for general questions and discussion, and please direct specific questions to Stack Overflow.

The TensorFlow project strives to abide by generally accepted best practices in open-source software development.

Patching guidelines

Follow these steps to patch a specific version of TensorFlow, for example, to apply fixes to bugs or security vulnerabilities:

  • Clone the TensorFlow repo and switch to the corresponding branch for your desired TensorFlow version, for example, branch r2.8 for version 2.8.
  • Apply (that is, cherry-pick) the desired changes and resolve any code conflicts.
  • Run TensorFlow tests and ensure they pass.
  • Build the TensorFlow pip package from source.

Continuous build status

You can find more community-supported platforms and configurations in the TensorFlow SIG Build community builds table.

Official Builds

Build Type Status Artifacts
Linux CPU Status PyPI
Linux GPU Status PyPI
Linux XLA Status TBA
macOS Status PyPI
Windows CPU Status PyPI
Windows GPU Status PyPI
Android Status Download
Raspberry Pi 0 and 1 Status Py3
Raspberry Pi 2 and 3 Status Py3
Libtensorflow MacOS CPU Status Temporarily Unavailable Nightly Binary Official GCS
Libtensorflow Linux CPU Status Temporarily Unavailable Nightly Binary Official GCS
Libtensorflow Linux GPU Status Temporarily Unavailable Nightly Binary Official GCS
Libtensorflow Windows CPU Status Temporarily Unavailable Nightly Binary Official GCS
Libtensorflow Windows GPU Status Temporarily Unavailable Nightly Binary Official GCS

Resources

Learn more about the TensorFlow community and how to contribute.

Courses

License

Apache License 2.0

autograph's People

Contributors

cclauss avatar jyrj avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

autograph's Issues

AssertionError: Bad argument number for Name: 3, expecting 4

I was trying to first run this model : https://www.tensorflow.org/beta/tutorials/generative/cvae to see how it works. This was the error it gave when i try to get predictions:

`TypeError Traceback (most recent call last)
in
----> 1 generate_and_save_images(model, 0, random_vector_for_generation)
2
3 for epoch in range(1, epochs + 1):
4 start_time = time.time()
5 for train_x in train_dataset:

in generate_and_save_images(model, epoch, test_input)
5 for i in range(predictions.shape[0]):
6 plt.subplot(4, 4, i+1)
----> 7 plt.imshow(predictions[i, :, :, 0], cmap='gray')
8 plt.axis('off')
9

/opt/conda/lib/python3.6/site-packages/matplotlib/pyplot.py in imshow(X, cmap, norm, aspect, interpolation, alpha, vmin, vmax, origin, extent, shape, filternorm, filterrad, imlim, resample, url, data, **kwargs)
2697 filternorm=filternorm, filterrad=filterrad, imlim=imlim,
2698 resample=resample, url=url, **({"data": data} if data is not
-> 2699 None else {}), **kwargs)
2700 sci(__ret)
2701 return __ret

/opt/conda/lib/python3.6/site-packages/matplotlib/init.py in inner(ax, data, *args, **kwargs)
1808 "the Matplotlib list!)" % (label_namer, func.name),
1809 RuntimeWarning, stacklevel=2)
-> 1810 return func(ax, *args, **kwargs)
1811
1812 inner.doc = _add_data_doc(inner.doc,

/opt/conda/lib/python3.6/site-packages/matplotlib/axes/_axes.py in imshow(self, X, cmap, norm, aspect, interpolation, alpha, vmin, vmax, origin, extent, shape, filternorm, filterrad, imlim, resample, url, **kwargs)
5492 resample=resample, **kwargs)
5493
-> 5494 im.set_data(X)
5495 im.set_alpha(alpha)
5496 if im.get_clip_path() is None:

/opt/conda/lib/python3.6/site-packages/matplotlib/image.py in set_data(self, A)
632 if (self._A.dtype != np.uint8 and
633 not np.can_cast(self._A.dtype, float, "same_kind")):
--> 634 raise TypeError("Image data cannot be converted to float")
635
636 if not (self._A.ndim == 2

TypeError: Image data cannot be converted to float`

There was another warning just on top of this one:
WARNING: Entity <bound method CVAE.sample of <tensorflow.python.eager.function.TfMethodTarget object at 0x7f59d2b0ada0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: converting <bound method CVAE.sample of <tensorflow.python.eager.function.TfMethodTarget object at 0x7f59d2b0ada0>>: AssertionError: Bad argument number for Name: 3, expecting 4

I've run this on my PC and Kaggle, and it gives the same error at both places.

WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._init_func at 0x7fadaffa7d90> could not be transformed and will be executed as-is.

The full error message:

WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._init_func at 0x7f8069decd90> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._remote_init_func at 0x7f8068094268> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._next_func at 0x7f80680949d8> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._remote_next_func at 0x7f7df0609158> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._finalize_func at 0x7f7df0609bf8> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <function _CopyToDeviceDataset.__init__.<locals>._remote_finalize_func at 0x7f7df0609ea0> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4

WARNING:tensorflow:Entity <function Function._initialize_uninitialized_variables.<locals>.initialize_variables at 0x000001CF6FFB6CA8> could not be transformed and will be executed as-is.

The attachments contain details of the warning that I encountered while working on some dataset. Kindly review it. In case of bug, fix it.

WARNING:tensorflow:Entity <function Function._initialize_uninitialized_variables..initialize_variables at 0x000001CF6FFB6CA8> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: module 'gast' has no attribute 'Num'
WARNING: Entity <function Function._initialize_uninitialized_variables..initialize_variables at 0x000001CF6FFB6CA8> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: module 'gast' has no attribute 'Num'

Screenshot (21)
Screenshot (22)

WARNING:tensorflow:Entity <function ensure_index at 0x0000021F330CFE58> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: LIVE_VARS_IN

Any ideas what this could be? Let me know if you need more info. Thanks.

WARNING:tensorflow:Entity <function ensure_index at 0x0000021F330CFE58> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: LIVE_VARS_IN
WARNING: Entity <function ensure_index at 0x0000021F330CFE58> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: LIVE_VARS_IN


NameError Traceback (most recent call last)
in
94
95 if name == "main":
---> 96 main()
97
98 # for p in sys.path:

in main()
29 list_ds = load_img_filenames_an_display_some("C:\Users\*******\OneDrive - ******* \Documents\******\cropped", 5)
30 # Set num_parallel_calls so multiple images are loaded/processed in parallel.
---> 31 labeled_ds = list_ds.map(process_path, num_parallel_calls=None)
32 for image, label in labeled_ds.take(1):
33 print("Image shape: ", image.numpy().shape)

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\data\ops\dataset_ops.py in map(self, map_func, num_parallel_calls)
1898 if num_parallel_calls is None:
1899 return DatasetV1Adapter(
-> 1900 MapDataset(self, map_func, preserve_cardinality=False))
1901 else:
1902 return DatasetV1Adapter(

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\data\ops\dataset_ops.py in init(self, input_dataset, map_func, use_inter_op_parallelism, preserve_cardinality, use_legacy_function)
3414 self._transformation_name(),
3415 dataset=input_dataset,
-> 3416 use_legacy_function=use_legacy_function)
3417 variant_tensor = gen_dataset_ops.map_dataset(
3418 input_dataset._variant_tensor, # pylint: disable=protected-access

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\data\ops\dataset_ops.py in init(self, func, transformation_name, dataset, input_classes, input_shapes, input_types, input_structure, add_to_graph, use_legacy_function, defun_kwargs)
2693 resource_tracker = tracking.ResourceTracker()
2694 with tracking.resource_tracker_scope(resource_tracker):
-> 2695 self._function = wrapper_fn._get_concrete_function_internal()
2696 if add_to_graph:
2697 self._function.add_to_graph(ops.get_default_graph())

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\eager\function.py in _get_concrete_function_internal(self, *args, **kwargs)
1852 """Bypasses error checking when getting a graph function."""
1853 graph_function = self._get_concrete_function_internal_garbage_collected(
-> 1854 *args, **kwargs)
1855 # We're returning this concrete function to someone, and they may keep a
1856 # reference to the FuncGraph without keeping a reference to the

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\eager\function.py in _get_concrete_function_internal_garbage_collected(self, *args, **kwargs)
1846 if self.input_signature:
1847 args, kwargs = None, None
-> 1848 graph_function, _, _ = self._maybe_define_function(args, kwargs)
1849 return graph_function
1850

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\eager\function.py in _maybe_define_function(self, args, kwargs)
2148 graph_function = self._function_cache.primary.get(cache_key, None)
2149 if graph_function is None:
-> 2150 graph_function = self._create_graph_function(args, kwargs)
2151 self._function_cache.primary[cache_key] = graph_function
2152 return graph_function, args, kwargs

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\eager\function.py in _create_graph_function(self, args, kwargs, override_flat_arg_shapes)
2039 arg_names=arg_names,
2040 override_flat_arg_shapes=override_flat_arg_shapes,
-> 2041 capture_by_value=self._capture_by_value),
2042 self._function_attributes,
2043 # Tell the ConcreteFunction to clean up its graph once it goes out of

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\framework\func_graph.py in func_graph_from_py_func(name, python_func, args, kwargs, signature, func_graph, autograph, autograph_options, add_control_dependencies, arg_names, op_return_value, collections, capture_by_value, override_flat_arg_shapes)
913 converted_func)
914
--> 915 func_outputs = python_func(*func_args, **func_kwargs)
916
917 # invariant: func_outputs contains only Tensors, CompositeTensors,

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\data\ops\dataset_ops.py in wrapper_fn(*args)
2687 attributes=defun_kwargs)
2688 def wrapper_fn(*args): # pylint: disable=missing-docstring
-> 2689 ret = _wrapper_helper(*args)
2690 ret = structure.to_tensor_list(self._output_structure, ret)
2691 return [ops.convert_to_tensor(t) for t in ret]

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\data\ops\dataset_ops.py in _wrapper_helper(*args)
2632 nested_args = (nested_args,)
2633
-> 2634 ret = autograph.tf_convert(func, ag_ctx)(*nested_args)
2635 # If func returns a list of tensors, nest.flatten() and
2636 # ops.convert_to_tensor() would conspire to attempt to stack

~\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\autograph\impl\api.py in wrapper(*args, **kwargs)
235 except Exception as e: # pylint:disable=broad-except
236 if hasattr(e, 'ag_error_metadata'):
--> 237 raise e.ag_error_metadata.to_exception(e)
238 else:
239 raise

NameError: in converted code:

<ipython-input-1-6fa716029fe8>:77 process_path  *
    label = get_label(file_path)
<ipython-input-1-6fa716029fe8>:56 get_label  *
    df = load_and_clean_csv("C:\\Users\\*******\\OneDrive - ******* ********\\Documents\\**************\\Sample list.xlsx")
<ipython-input-1-6fa716029fe8>:47 load_and_clean_csv  *
    df = df.drop(["Unnamed: 5", "Unnamed: 6"], axis=1)
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\frame.py:4110 drop  *
    return super().drop(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\generic.py:3914 drop  *
    obj = obj._drop_axis(labels, axis, level=level, errors=errors)
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\generic.py:3947 _drop_axis  *
    result = self.reindex(**{axis_name: new_axis})
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\util\_decorators.py:3959 wrapper  *
    return func(*args, **kwargs)
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\frame.py:3976 reindex  *
    return super().reindex(**kwargs)
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\generic.py:4513 reindex  *
    return self._reindex_axes(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\frame.py:3857 _reindex_axes  *
    frame = frame._reindex_columns(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\frame.py:3902 _reindex_columns  *
    return self._reindex_with_indexers(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\generic.py:4571 _reindex_with_indexers  *
    new_data = new_data.reindex_indexer(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\internals\managers.py:1257 reindex_indexer  *
    new_blocks = self._slice_take_blocks_ax0(indexer, fill_tuple=(fill_value,))
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\pandas\core\internals\managers.py:1328 _slice_take_blocks_ax0  *
    for blkno, mgr_locs in libinternals.get_blkno_placements(
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\autograph\operators\control_flow.py:339 for_stmt
    return _py_for_stmt(iter_, extra_test, body, get_state, set_state, init_vars)
C:\Users\*********\AppData\Local\Continuum\anaconda3\envs\tf\lib\site-packages\tensorflow_core\python\autograph\operators\control_flow.py:348 _py_for_stmt
    if extra_test is not None and not extra_test(*state):
C:\Users\*********\AppData\Local\Temp\tmpip4vchrs.py:173 extra_test
    return ag__.not_(do_return)

NameError: free variable 'do_return' referenced before assignment in enclosing scope

<function preprocess_time at 0x7fed4c4e9048> could not be transformed

WARNING:tensorflow:Entity <function preprocess_time at 0x7fed4c4e9048> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4

This happens at the very beginning of my runs and doesn't immediately lead to errors.:

INFO:tensorflow:Using config: {'_model_dir': '/tmp/models/3simple_cnn', '_tf_random_seed': 42, '_save_summary_steps': 1, '_save_checkpoints_steps': 10, '_save_checkpoints_secs': None, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': <tensorflow.python.training.server_lib.ClusterSpec object at 0x7f5019c47160>, '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} INFO:tensorflow:Not using Distribute Coordinator. INFO:tensorflow:Running training and evaluation locally (non-distributed). INFO:tensorflow:Start train and evaluate loop. The evaluate will happen after every checkpoint. Checkpoint frequency is determined based on RunConfig arguments: save_checkpoints_steps 10 or save_checkpoints_secs None. INFO:tensorflow:Using config: {'_model_dir': '/tmp/models/3simple_cnn', '_tf_random_seed': 42, '_save_summary_steps': 1, '_save_checkpoints_steps': 10, '_save_checkpoints_secs': None, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': <tensorflow.python.training.server_lib.ClusterSpec object at 0x7f5019c476a0>, '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} INFO:tensorflow:Using config: {'_model_dir': '/tmp/models/3simple_cnn', '_tf_random_seed': 42, '_save_summary_steps': 1, '_save_checkpoints_steps': 10, '_save_checkpoints_secs': None, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': <tensorflow.python.training.server_lib.ClusterSpec object at 0x7f5019c476a0>, '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} WARNING:tensorflow:Entity <function preprocess_time at 0x7f50693d4730> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4 WARNING:tensorflow:Entity <function preprocess_time at 0x7f50693d4730> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4 WARNING: Entity <function preprocess_time at 0x7f50693d4730> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:Calling model_fn.
INFO:tensorflow:Calling model_fn.
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:

WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:

WARNING:tensorflow:From :68: calling Subnetwork.new (from adanet.subnetwork.generator) with persisted_tensors is deprecated and will be removed in a future version.
Instructions for updating:
persisted_tensors is deprecated, please use shared instead.
WARNING:tensorflow:From :68: calling Subnetwork.new (from adanet.subnetwork.generator) with persisted_tensors is depr`

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.