├── .gitattributes ├── .github └── workflows │ ├── bot-pr-new.yaml │ ├── ci.yaml │ └── stale.yaml ├── .gitignore ├── AUTHORS ├── CODEOWNERS ├── CONTRIBUTING.md ├── LICENSE ├── MANIFEST.in ├── README.md ├── setup.py ├── site └── en │ ├── README.md │ ├── about │ ├── _menu_toc.yaml │ └── bib.md │ ├── community │ ├── _toc.yaml │ ├── contribute │ │ ├── code.md │ │ ├── code_style.md │ │ ├── community.md │ │ ├── docs.md │ │ ├── docs_ref.md │ │ ├── docs_style.md │ │ ├── index.md │ │ ├── rfc_process.md │ │ ├── sigs.md │ │ └── tests.md │ ├── mailing-lists.md │ └── sig_playbook.md │ ├── guide │ ├── _index.yaml │ ├── _toc.yaml │ ├── advanced_autodiff.ipynb │ ├── autodiff.ipynb │ ├── basic_training_loops.ipynb │ ├── basics.ipynb │ ├── checkpoint.ipynb │ ├── core │ │ ├── distribution.ipynb │ │ ├── index.md │ │ ├── logistic_regression_core.ipynb │ │ ├── matrix_core.ipynb │ │ ├── mlp_core.ipynb │ │ ├── optimizers_core.ipynb │ │ └── quickstart_core.ipynb │ ├── create_op.md │ ├── data.ipynb │ ├── data_performance.ipynb │ ├── data_performance_analysis.md │ ├── distributed_training.ipynb │ ├── dtensor_overview.ipynb │ ├── effective_tf2.ipynb │ ├── estimator.ipynb │ ├── extension_type.ipynb │ ├── function.ipynb │ ├── gpu.ipynb │ ├── gpu_performance_analysis.md │ ├── graph_optimization.ipynb │ ├── images │ │ ├── data_performance │ │ │ ├── cached_dataset.svg │ │ │ ├── naive.svg │ │ │ ├── parallel_interleave.svg │ │ │ ├── parallel_map.svg │ │ │ ├── prefetched.svg │ │ │ ├── scalar_map.svg │ │ │ ├── sequential_interleave.svg │ │ │ ├── sequential_map.svg │ │ │ └── vectorized_map.svg │ │ ├── data_performance_analysis │ │ │ ├── async_long_name.png │ │ │ ├── example_1_cropped.png │ │ │ ├── example_2_cropped.png │ │ │ ├── get_next_fast.png │ │ │ ├── get_next_slow.png │ │ │ ├── map_long_name.png │ │ │ ├── prefetch.png │ │ │ └── trace_viewer.png │ │ ├── gpu_perf_analysis │ │ │ ├── gpu_kernels.png │ │ │ ├── input_pipeline_analyzer.png │ │ │ ├── opp_placement.png │ │ │ ├── overview_page.png │ │ │ ├── performance_summary.png │ │ │ ├── tensorflow_stats_page.png │ │ │ ├── traceview_excessive_copy.png │ │ │ ├── traceview_gpu_idle.png │ │ │ ├── traceview_host_contention.png │ │ │ ├── traceview_ideal.png │ │ │ ├── traceview_kernel_gaps.png │ │ │ ├── traceview_multi_gpu.png │ │ │ └── traceview_step_gaps.png │ │ ├── graph_optimization │ │ │ ├── meta_optimizer_disabled.png │ │ │ ├── meta_optimizer_enabled.png │ │ │ ├── optimized_graph.png │ │ │ └── user_defined_graph.png │ │ ├── intro_to_graphs │ │ │ └── two-layer-network.png │ │ ├── new_type_promotion │ │ │ ├── type_promotion_lattice.png │ │ │ └── type_promotion_table.png │ │ ├── sparse_tensor.png │ │ ├── tensor │ │ │ ├── 3-axis_block.png │ │ │ ├── 3-axis_front.png │ │ │ ├── 3-axis_numpy.png │ │ │ ├── 3-axis_stack.png │ │ │ ├── 4-axis_block.png │ │ │ ├── broadcasting.png │ │ │ ├── index1.png │ │ │ ├── index2.png │ │ │ ├── matrix.png │ │ │ ├── ragged.png │ │ │ ├── reshape-bad.png │ │ │ ├── reshape-bad2.png │ │ │ ├── reshape-bad3.png │ │ │ ├── reshape-bad4.png │ │ │ ├── reshape-before.png │ │ │ ├── reshape-good1.png │ │ │ ├── reshape-good2.png │ │ │ ├── scalar.png │ │ │ ├── shape.png │ │ │ ├── shape2.png │ │ │ ├── sparse.png │ │ │ ├── string-split.png │ │ │ ├── strings.png │ │ │ └── vector.png │ │ ├── tensorboard_graph.png │ │ ├── tf_profiler │ │ │ ├── capture_profile.png │ │ │ ├── gpu_kernel_stats.png │ │ │ ├── input_op_stats.png │ │ │ ├── input_pipeline_analyzer.png │ │ │ ├── memory_breakdown_table.png │ │ │ ├── memory_profile_summary.png │ │ │ ├── memory_timeline_graph.png │ │ │ ├── memory_timeline_graph_popup.png │ │ │ ├── overview_page.png │ │ │ ├── pod_viewer.png │ │ │ ├── python_tracer.png │ │ │ ├── tf_data_all_hosts.png │ │ │ ├── tf_data_graph.png │ │ │ ├── tf_data_graph_selector.png │ │ │ ├── tf_data_summary.png │ │ │ ├── tf_stats.png │ │ │ └── trace_viewer.png │ │ └── tf_slicing │ │ │ ├── gather_1.png │ │ │ ├── gather_2.png │ │ │ ├── gather_nd_sparse.png │ │ │ ├── slice_1d_1.png │ │ │ ├── slice_1d_2.png │ │ │ ├── slice_1d_3.png │ │ │ └── slice_2d_1.png │ ├── intro_to_graphs.ipynb │ ├── intro_to_modules.ipynb │ ├── jax2tf.ipynb │ ├── keras.md │ ├── keras │ │ └── README.md │ ├── migrate │ │ ├── _index.yaml │ │ ├── _toc.yaml │ │ ├── canned_estimators.ipynb │ │ ├── checkpoint_saver.ipynb │ │ ├── early_stopping.ipynb │ │ ├── evaluator.ipynb │ │ ├── fault_tolerance.ipynb │ │ ├── images │ │ │ ├── tensorboard_TF1.png │ │ │ └── tensorboard_TF2.png │ │ ├── logging_stop_hook.ipynb │ │ ├── metrics_optimizers.ipynb │ │ ├── migrate_tf2.md │ │ ├── migrating_checkpoints.ipynb │ │ ├── migrating_estimator.ipynb │ │ ├── migrating_feature_columns.ipynb │ │ ├── migration_debugging.ipynb │ │ ├── mirrored_strategy.ipynb │ │ ├── model_mapping.ipynb │ │ ├── multi_worker_cpu_gpu_training.ipynb │ │ ├── saved_model.ipynb │ │ ├── sessionrunhook_callback.ipynb │ │ ├── tensorboard.ipynb │ │ ├── tf1_vs_tf2.ipynb │ │ ├── tflite.ipynb │ │ ├── tpu_embedding.ipynb │ │ ├── tpu_estimator.ipynb │ │ ├── upgrade.ipynb │ │ └── validate_correctness.ipynb │ ├── mixed_precision.ipynb │ ├── profiler.md │ ├── ragged_tensor.ipynb │ ├── random_numbers.ipynb │ ├── saved_model.ipynb │ ├── sparse_tensor.ipynb │ ├── tensor.ipynb │ ├── tensor_slicing.ipynb │ ├── tf_numpy.ipynb │ ├── tf_numpy_type_promotion.ipynb │ ├── tpu.ipynb │ ├── variable.ipynb │ └── versions.md │ ├── hub │ ├── _book.yaml │ ├── _index.yaml │ ├── _redirects.yaml │ ├── build_from_source.md │ ├── caching.md │ ├── common_issues.md │ ├── common_saved_model_apis │ │ ├── images.md │ │ ├── index.md │ │ └── text.md │ ├── common_signatures │ │ ├── images.md │ │ ├── index.md │ │ └── text.md │ ├── community.md │ ├── contribute.md │ ├── hosting.md │ ├── images │ │ ├── action_recognition.gif │ │ ├── bert.png │ │ ├── bert_preprocess.png │ │ ├── bert_preprocess_wide.png │ │ ├── bit_blog.jpg │ │ ├── boundless.png │ │ ├── colab_logo.svg │ │ ├── food.png │ │ ├── gan_faces.gif │ │ ├── github_icon.svg │ │ ├── guide_basics.png │ │ ├── image_classification.png │ │ ├── interpolation.png │ │ ├── library_download_cache.png │ │ ├── object_detection.png │ │ ├── odml.png │ │ ├── similarity.png │ │ ├── spice_blog.png │ │ ├── spice_color.png │ │ ├── stackoverflow_icon.svg │ │ ├── style_transfer.png │ │ ├── super_resolution.png │ │ ├── text_video.gif │ │ └── yamnet.png │ ├── installation.md │ ├── lib_overview.md │ ├── migration_tf2.md │ ├── model_compatibility.md │ ├── model_formats.md │ ├── overview.md │ ├── portability_and_deletion.md │ ├── publish.md │ ├── reusable_saved_models.md │ ├── tf1_hub_module.md │ ├── tf2_saved_model.md │ └── tutorials │ │ ├── _index.yaml │ │ ├── _toc.yaml │ │ ├── action_recognition_with_tf_hub.ipynb │ │ ├── bangla_article_classifier.ipynb │ │ ├── bert_experts.ipynb │ │ ├── bigbigan_with_tf_hub.ipynb │ │ ├── biggan_generation_with_tf_hub.ipynb │ │ ├── bird_vocalization_classifier.ipynb │ │ ├── boundless.ipynb │ │ ├── cord_19_embeddings.ipynb │ │ ├── cord_19_embeddings_keras.ipynb │ │ ├── cropnet_cassava.ipynb │ │ ├── cropnet_on_device.ipynb │ │ ├── cross_lingual_similarity_with_tf_hub_multilingual_universal_encoder.ipynb │ │ ├── hrnet_semantic_segmentation.ipynb │ │ ├── image_classification.ipynb │ │ ├── image_enhancing.ipynb │ │ ├── image_feature_vector.ipynb │ │ ├── movenet.ipynb │ │ ├── movinet.ipynb │ │ ├── object_detection.ipynb │ │ ├── retrieval_with_tf_hub_universal_encoder_qa.ipynb │ │ ├── s3gan_generation_with_tf_hub.ipynb │ │ ├── semantic_approximate_nearest_neighbors.ipynb │ │ ├── semantic_similarity_with_tf_hub_universal_encoder.ipynb │ │ ├── semantic_similarity_with_tf_hub_universal_encoder_lite.ipynb │ │ ├── senteval_for_universal_sentence_encoder_cmlm.ipynb │ │ ├── spice.ipynb │ │ ├── text_classification_with_tf_hub_on_kaggle.ipynb │ │ ├── text_cookbook.md │ │ ├── text_to_video_retrieval_with_s3d_milnce.ipynb │ │ ├── tf2_arbitrary_image_stylization.ipynb │ │ ├── tf2_image_retraining.ipynb │ │ ├── tf2_object_detection.ipynb │ │ ├── tf2_semantic_approximate_nearest_neighbors.ipynb │ │ ├── tf2_text_classification.ipynb │ │ ├── tf_hub_delf_module.ipynb │ │ ├── tf_hub_film_example.ipynb │ │ ├── tf_hub_generative_image_module.ipynb │ │ ├── tweening_conv3d.ipynb │ │ ├── wav2vec2_saved_model_finetuning.ipynb │ │ ├── wiki40b_lm.ipynb │ │ └── yamnet.ipynb │ ├── install │ ├── _index.yaml │ ├── _toc.yaml │ ├── docker.md │ ├── errors.md │ ├── gpu_plugins.md │ ├── lang_c.ipynb │ ├── lang_java_legacy.md │ ├── pip.md │ ├── source.md │ └── source_windows.md │ ├── r1 │ ├── README.md │ ├── guide │ │ ├── README.md │ │ ├── autograph.ipynb │ │ ├── checkpoints.md │ │ ├── custom_estimators.md │ │ ├── datasets.md │ │ ├── datasets_for_estimators.md │ │ ├── debugger.md │ │ ├── distribute_strategy.ipynb │ │ ├── eager.ipynb │ │ ├── embedding.md │ │ ├── estimators.md │ │ ├── extend │ │ │ ├── architecture.md │ │ │ ├── bindings.md │ │ │ ├── cc.md │ │ │ ├── filesystem.md │ │ │ ├── formats.md │ │ │ ├── model_files.md │ │ │ └── op.md │ │ ├── feature_columns.md │ │ ├── graph_viz.md │ │ ├── graphs.md │ │ ├── keras.ipynb │ │ ├── low_level_intro.md │ │ ├── performance │ │ │ ├── benchmarks.md │ │ │ ├── datasets.md │ │ │ └── overview.md │ │ ├── premade_estimators.md │ │ ├── ragged_tensors.ipynb │ │ ├── saved_model.md │ │ ├── tensorboard_histograms.md │ │ ├── tensors.md │ │ ├── using_gpu.md │ │ ├── using_tpu.md │ │ ├── variables.md │ │ └── version_compat.md │ └── tutorials │ │ ├── README.md │ │ ├── _index.ipynb │ │ ├── distribute │ │ ├── keras.ipynb │ │ ├── tpu_custom_training.ipynb │ │ └── training_loops.ipynb │ │ ├── eager │ │ ├── README.md │ │ ├── automatic_differentiation.ipynb │ │ ├── custom_layers.ipynb │ │ ├── custom_training.ipynb │ │ ├── custom_training_walkthrough.ipynb │ │ └── eager_basics.ipynb │ │ ├── images │ │ ├── deep_cnn.md │ │ ├── hub_with_keras.ipynb │ │ ├── image_recognition.md │ │ ├── images │ │ │ ├── before_fine_tuning.png │ │ │ └── fine_tuning.png │ │ └── transfer_learning.ipynb │ │ ├── keras │ │ ├── README.md │ │ ├── basic_classification.ipynb │ │ ├── basic_regression.ipynb │ │ ├── basic_text_classification.ipynb │ │ ├── overfit_and_underfit.ipynb │ │ └── save_and_restore_models.ipynb │ │ ├── load_data │ │ ├── images.ipynb │ │ └── tf_records.ipynb │ │ ├── non-ml │ │ ├── mandelbrot.ipynb │ │ └── pdes.ipynb │ │ ├── representation │ │ ├── kernel_methods.md │ │ ├── linear.md │ │ ├── unicode.ipynb │ │ └── word2vec.md │ │ └── sequences │ │ ├── audio_recognition.md │ │ ├── images │ │ ├── text_generation_sampling.png │ │ └── text_generation_training.png │ │ ├── recurrent.md │ │ ├── recurrent_quickdraw.md │ │ └── text_generation.ipynb │ └── tutorials │ ├── _index.yaml │ ├── _toc.yaml │ ├── audio │ ├── music_generation.ipynb │ ├── simple_audio.ipynb │ └── transfer_learning_audio.ipynb │ ├── customization │ ├── basics.ipynb │ ├── custom_layers.ipynb │ ├── custom_training_walkthrough.ipynb │ └── images │ │ ├── full_network_penguin.png │ │ └── penguins_ds_species.png │ ├── distribute │ ├── custom_training.ipynb │ ├── dtensor_keras_tutorial.ipynb │ ├── dtensor_ml_tutorial.ipynb │ ├── images │ │ └── tensorboard_distributed_training_with_keras.png │ ├── input.ipynb │ ├── keras.ipynb │ ├── multi_worker_with_ctl.ipynb │ ├── multi_worker_with_estimator.ipynb │ ├── multi_worker_with_keras.ipynb │ ├── parameter_server_training.ipynb │ └── save_and_load.ipynb │ ├── estimator │ ├── keras_model_to_estimator.ipynb │ ├── linear.ipynb │ └── premade.ipynb │ ├── generative │ ├── adversarial_fgsm.ipynb │ ├── autoencoder.ipynb │ ├── cvae.ipynb │ ├── cyclegan.ipynb │ ├── data_compression.ipynb │ ├── dcgan.ipynb │ ├── deepdream.ipynb │ ├── images │ │ ├── Green_Sea_Turtle_grazing_seagrass.jpg │ │ ├── adversarial_example.png │ │ ├── cvae_latent_space.jpg │ │ ├── cycle_loss.png │ │ ├── cyclegan_model.png │ │ ├── dis.png │ │ ├── dogception.png │ │ ├── gan1.png │ │ ├── gan2.png │ │ ├── gan_diagram.png │ │ ├── gen.png │ │ ├── horse2zebra_1.png │ │ ├── horse2zebra_2.png │ │ ├── image_denoise_fmnist_results.png │ │ ├── intro_autoencoder_result.png │ │ ├── kadinsky-turtle.png │ │ ├── kadinsky.jpg │ │ └── stylized-image.png │ ├── pix2pix.ipynb │ └── style_transfer.ipynb │ ├── images │ ├── classification.ipynb │ ├── cnn.ipynb │ ├── data_augmentation.ipynb │ ├── images │ │ ├── before_fine_tuning.png │ │ ├── fine_tuning.png │ │ └── tensorboard_transfer_learning_with_hub.png │ ├── index.md │ ├── segmentation.ipynb │ ├── transfer_learning.ipynb │ └── transfer_learning_with_hub.ipynb │ ├── interpretability │ ├── images │ │ └── IG_fireboat.png │ └── integrated_gradients.ipynb │ ├── keras │ ├── classification.ipynb │ ├── keras_tuner.ipynb │ ├── overfit_and_underfit.ipynb │ ├── regression.ipynb │ ├── save_and_load.ipynb │ ├── text_classification.ipynb │ └── text_classification_with_hub.ipynb │ ├── load_data │ ├── csv.ipynb │ ├── images.ipynb │ ├── images │ │ └── csv │ │ │ ├── Titanic.jpg │ │ │ ├── fonts.jpg │ │ │ └── traffic.jpg │ ├── numpy.ipynb │ ├── pandas_dataframe.ipynb │ ├── text.ipynb │ ├── tfrecord.ipynb │ └── video.ipynb │ ├── optimization │ └── compression.ipynb │ ├── quickstart │ ├── advanced.ipynb │ ├── beginner.ipynb │ └── images │ │ └── beginner │ │ └── run_cell_icon.png │ ├── reinforcement_learning │ ├── actor_critic.ipynb │ └── images │ │ └── cartpole-v0.gif │ ├── structured_data │ ├── feature_columns.ipynb │ ├── images │ │ ├── baseline.png │ │ ├── conv_window.png │ │ ├── last_window.png │ │ ├── lstm_1_window.png │ │ ├── lstm_many_window.png │ │ ├── multistep_autoregressive.png │ │ ├── multistep_conv.png │ │ ├── multistep_dense.png │ │ ├── multistep_last.png │ │ ├── multistep_lstm.png │ │ ├── multistep_repeat.png │ │ ├── narrow_window.png │ │ ├── raw_window.png │ │ ├── raw_window_1h.png │ │ ├── raw_window_24h.png │ │ ├── residual.png │ │ ├── split_window.png │ │ ├── wide_conv_window.png │ │ └── wide_window.png │ ├── imbalanced_data.ipynb │ ├── preprocessing_layers.ipynb │ └── time_series.ipynb │ ├── tensorflow_text │ └── README.md │ ├── text │ └── index.md │ ├── understanding │ ├── images │ │ └── sngp.png │ └── sngp.ipynb │ └── video │ ├── transfer_learning_with_movinet.ipynb │ └── video_classification.ipynb └── tools ├── linkcheckerrc ├── release_tools ├── push_version_to_github.sh └── update_versions.py ├── spelltest ├── spelltest.sh ├── tmpl │ ├── html.tpl │ └── md.tpl └── wordlist.txt ├── templates ├── build_docs.py ├── notebook.ipynb ├── subsite │ ├── README.md │ └── g3doc │ │ ├── _book.yaml │ │ ├── _index.yaml │ │ ├── api_docs │ │ ├── README.md │ │ └── python │ │ │ ├── _toc.yaml │ │ │ └── index.md │ │ ├── bar_guide.md │ │ ├── examples │ │ ├── baz_example.md │ │ └── index.md │ │ ├── overview.md │ │ └── tutorials │ │ ├── foo_tutorial.md │ │ ├── index.md │ │ └── notebook.ipynb └── tflite_model_page_template.md └── tensorflow_docs ├── __init__.py ├── api_generator ├── __init__.py ├── compat_test │ ├── __init__.py │ └── estimator.py ├── config.py ├── doc_controls.py ├── doc_controls_test.py ├── doc_generator_visitor.py ├── doc_generator_visitor_test.py ├── gen_java │ ├── __init__.py │ ├── run-javadoc-for-tf.sh │ └── templates │ │ ├── class.cs │ │ ├── classes.cs │ │ ├── head_tag.cs │ │ ├── header.cs │ │ ├── left-nav-android.cs │ │ ├── macros.cs │ │ ├── navtree_data.cs │ │ ├── package-descr.cs │ │ ├── package-list.cs │ │ ├── package.cs │ │ ├── packages.cs │ │ ├── screen.css │ │ └── yaml_navtree.cs ├── generate_lib.py ├── generate_lib_test.py ├── get_source.py ├── obj_type.py ├── parser.py ├── parser_test.py ├── pretty_docs │ ├── __init__.py │ ├── base_page.py │ ├── class_page.py │ ├── docs_for_object.py │ ├── function_page.py │ ├── module_page.py │ ├── pretty_docs_test.py │ ├── templates │ │ ├── class.jinja │ │ ├── function.jinja │ │ ├── module.jinja │ │ ├── page.jinja │ │ ├── root.jinja │ │ └── type_alias.jinja │ └── type_alias_page.py ├── public_api.py ├── public_api_test.py ├── reference_resolver.py ├── reference_resolver_test.py ├── report │ ├── __init__.py │ ├── linter.py │ ├── linter_test.py │ ├── schema │ │ ├── __init__.py │ │ ├── api_report.proto │ │ ├── api_report_generated_319_pb2.py │ │ └── api_report_generated_pb2.py │ └── utils.py ├── signature.py ├── signature_test.py ├── toc.py ├── toc_processing.py ├── toc_processing_test.py ├── toc_test.py ├── traverse.py ├── traverse_test.py └── utils.py ├── modeling └── __init__.py ├── plots └── __init__.py ├── tools ├── .pre-commit-hooks.yaml ├── README.md ├── __init__.py ├── nbcp │ ├── __init__.py │ └── __main__.py ├── nbfmt │ ├── __init__.py │ ├── __main__.py │ ├── nbfmtmain_test.py │ ├── notebook_utils.py │ └── notebook_utils_test.py └── nblint │ ├── __init__.py │ ├── __main__.py │ ├── decorator.py │ ├── fix.py │ ├── linter.py │ └── style │ ├── __init__.py │ ├── gemini_cookbook.py │ ├── google.py │ ├── tensorflow.py │ └── tensorflow_docs_l10n.py └── vis ├── __init__.py └── embed.py /.gitattributes: -------------------------------------------------------------------------------- 1 | *.ipynb text eol=lf 2 | -------------------------------------------------------------------------------- /.github/workflows/bot-pr-new.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/.github/workflows/bot-pr-new.yaml -------------------------------------------------------------------------------- /.github/workflows/ci.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/.github/workflows/ci.yaml -------------------------------------------------------------------------------- /.github/workflows/stale.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/.github/workflows/stale.yaml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/.gitignore -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/AUTHORS -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/README.md -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/setup.py -------------------------------------------------------------------------------- /site/en/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/README.md -------------------------------------------------------------------------------- /site/en/about/_menu_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/about/_menu_toc.yaml -------------------------------------------------------------------------------- /site/en/about/bib.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/about/bib.md -------------------------------------------------------------------------------- /site/en/community/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/_toc.yaml -------------------------------------------------------------------------------- /site/en/community/contribute/code.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/code.md -------------------------------------------------------------------------------- /site/en/community/contribute/code_style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/code_style.md -------------------------------------------------------------------------------- /site/en/community/contribute/community.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/community.md -------------------------------------------------------------------------------- /site/en/community/contribute/docs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/docs.md -------------------------------------------------------------------------------- /site/en/community/contribute/docs_ref.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/docs_ref.md -------------------------------------------------------------------------------- /site/en/community/contribute/docs_style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/docs_style.md -------------------------------------------------------------------------------- /site/en/community/contribute/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/index.md -------------------------------------------------------------------------------- /site/en/community/contribute/rfc_process.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/rfc_process.md -------------------------------------------------------------------------------- /site/en/community/contribute/sigs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/sigs.md -------------------------------------------------------------------------------- /site/en/community/contribute/tests.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/contribute/tests.md -------------------------------------------------------------------------------- /site/en/community/mailing-lists.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/mailing-lists.md -------------------------------------------------------------------------------- /site/en/community/sig_playbook.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/community/sig_playbook.md -------------------------------------------------------------------------------- /site/en/guide/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/_index.yaml -------------------------------------------------------------------------------- /site/en/guide/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/_toc.yaml -------------------------------------------------------------------------------- /site/en/guide/advanced_autodiff.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/advanced_autodiff.ipynb -------------------------------------------------------------------------------- /site/en/guide/autodiff.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/autodiff.ipynb -------------------------------------------------------------------------------- /site/en/guide/basic_training_loops.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/basic_training_loops.ipynb -------------------------------------------------------------------------------- /site/en/guide/basics.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/basics.ipynb -------------------------------------------------------------------------------- /site/en/guide/checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/checkpoint.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/distribution.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/distribution.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/index.md -------------------------------------------------------------------------------- /site/en/guide/core/logistic_regression_core.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/logistic_regression_core.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/matrix_core.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/matrix_core.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/mlp_core.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/mlp_core.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/optimizers_core.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/optimizers_core.ipynb -------------------------------------------------------------------------------- /site/en/guide/core/quickstart_core.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/core/quickstart_core.ipynb -------------------------------------------------------------------------------- /site/en/guide/create_op.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/create_op.md -------------------------------------------------------------------------------- /site/en/guide/data.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/data.ipynb -------------------------------------------------------------------------------- /site/en/guide/data_performance.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/data_performance.ipynb -------------------------------------------------------------------------------- /site/en/guide/data_performance_analysis.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/data_performance_analysis.md -------------------------------------------------------------------------------- /site/en/guide/distributed_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/distributed_training.ipynb -------------------------------------------------------------------------------- /site/en/guide/dtensor_overview.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/dtensor_overview.ipynb -------------------------------------------------------------------------------- /site/en/guide/effective_tf2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/effective_tf2.ipynb -------------------------------------------------------------------------------- /site/en/guide/estimator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/estimator.ipynb -------------------------------------------------------------------------------- /site/en/guide/extension_type.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/extension_type.ipynb -------------------------------------------------------------------------------- /site/en/guide/function.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/function.ipynb -------------------------------------------------------------------------------- /site/en/guide/gpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/gpu.ipynb -------------------------------------------------------------------------------- /site/en/guide/gpu_performance_analysis.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/gpu_performance_analysis.md -------------------------------------------------------------------------------- /site/en/guide/graph_optimization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/graph_optimization.ipynb -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/cached_dataset.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/cached_dataset.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/naive.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/naive.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/parallel_interleave.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/parallel_interleave.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/parallel_map.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/parallel_map.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/prefetched.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/prefetched.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/scalar_map.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/scalar_map.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/sequential_interleave.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/sequential_interleave.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/sequential_map.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/sequential_map.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance/vectorized_map.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance/vectorized_map.svg -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/async_long_name.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/async_long_name.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/example_1_cropped.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/example_1_cropped.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/example_2_cropped.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/example_2_cropped.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/get_next_fast.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/get_next_fast.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/get_next_slow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/get_next_slow.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/map_long_name.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/map_long_name.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/prefetch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/prefetch.png -------------------------------------------------------------------------------- /site/en/guide/images/data_performance_analysis/trace_viewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/data_performance_analysis/trace_viewer.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/gpu_kernels.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/gpu_kernels.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/input_pipeline_analyzer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/input_pipeline_analyzer.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/opp_placement.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/opp_placement.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/overview_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/overview_page.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/performance_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/performance_summary.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/tensorflow_stats_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/tensorflow_stats_page.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_excessive_copy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_excessive_copy.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_gpu_idle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_gpu_idle.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_host_contention.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_host_contention.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_ideal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_ideal.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_kernel_gaps.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_kernel_gaps.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_multi_gpu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_multi_gpu.png -------------------------------------------------------------------------------- /site/en/guide/images/gpu_perf_analysis/traceview_step_gaps.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/gpu_perf_analysis/traceview_step_gaps.png -------------------------------------------------------------------------------- /site/en/guide/images/graph_optimization/meta_optimizer_disabled.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/graph_optimization/meta_optimizer_disabled.png -------------------------------------------------------------------------------- /site/en/guide/images/graph_optimization/meta_optimizer_enabled.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/graph_optimization/meta_optimizer_enabled.png -------------------------------------------------------------------------------- /site/en/guide/images/graph_optimization/optimized_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/graph_optimization/optimized_graph.png -------------------------------------------------------------------------------- /site/en/guide/images/graph_optimization/user_defined_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/graph_optimization/user_defined_graph.png -------------------------------------------------------------------------------- /site/en/guide/images/intro_to_graphs/two-layer-network.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/intro_to_graphs/two-layer-network.png -------------------------------------------------------------------------------- /site/en/guide/images/new_type_promotion/type_promotion_lattice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/new_type_promotion/type_promotion_lattice.png -------------------------------------------------------------------------------- /site/en/guide/images/new_type_promotion/type_promotion_table.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/new_type_promotion/type_promotion_table.png -------------------------------------------------------------------------------- /site/en/guide/images/sparse_tensor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/sparse_tensor.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/3-axis_block.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/3-axis_block.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/3-axis_front.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/3-axis_front.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/3-axis_numpy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/3-axis_numpy.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/3-axis_stack.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/3-axis_stack.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/4-axis_block.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/4-axis_block.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/broadcasting.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/broadcasting.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/index1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/index1.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/index2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/index2.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/matrix.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/matrix.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/ragged.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/ragged.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-bad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-bad.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-bad2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-bad2.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-bad3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-bad3.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-bad4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-bad4.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-before.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-before.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-good1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-good1.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/reshape-good2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/reshape-good2.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/scalar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/scalar.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/shape.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/shape.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/shape2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/shape2.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/sparse.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/sparse.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/string-split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/string-split.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/strings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/strings.png -------------------------------------------------------------------------------- /site/en/guide/images/tensor/vector.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensor/vector.png -------------------------------------------------------------------------------- /site/en/guide/images/tensorboard_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tensorboard_graph.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/capture_profile.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/capture_profile.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/gpu_kernel_stats.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/gpu_kernel_stats.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/input_op_stats.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/input_op_stats.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/input_pipeline_analyzer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/input_pipeline_analyzer.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/memory_breakdown_table.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/memory_breakdown_table.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/memory_profile_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/memory_profile_summary.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/memory_timeline_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/memory_timeline_graph.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/memory_timeline_graph_popup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/memory_timeline_graph_popup.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/overview_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/overview_page.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/pod_viewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/pod_viewer.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/python_tracer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/python_tracer.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/tf_data_all_hosts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/tf_data_all_hosts.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/tf_data_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/tf_data_graph.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/tf_data_graph_selector.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/tf_data_graph_selector.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/tf_data_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/tf_data_summary.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/tf_stats.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/tf_stats.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_profiler/trace_viewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_profiler/trace_viewer.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/gather_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/gather_1.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/gather_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/gather_2.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/gather_nd_sparse.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/gather_nd_sparse.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/slice_1d_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/slice_1d_1.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/slice_1d_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/slice_1d_2.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/slice_1d_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/slice_1d_3.png -------------------------------------------------------------------------------- /site/en/guide/images/tf_slicing/slice_2d_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/images/tf_slicing/slice_2d_1.png -------------------------------------------------------------------------------- /site/en/guide/intro_to_graphs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/intro_to_graphs.ipynb -------------------------------------------------------------------------------- /site/en/guide/intro_to_modules.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/intro_to_modules.ipynb -------------------------------------------------------------------------------- /site/en/guide/jax2tf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/jax2tf.ipynb -------------------------------------------------------------------------------- /site/en/guide/keras.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/keras.md -------------------------------------------------------------------------------- /site/en/guide/keras/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/keras/README.md -------------------------------------------------------------------------------- /site/en/guide/migrate/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/_index.yaml -------------------------------------------------------------------------------- /site/en/guide/migrate/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/_toc.yaml -------------------------------------------------------------------------------- /site/en/guide/migrate/canned_estimators.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/canned_estimators.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/checkpoint_saver.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/checkpoint_saver.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/early_stopping.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/early_stopping.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/evaluator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/evaluator.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/fault_tolerance.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/fault_tolerance.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/images/tensorboard_TF1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/images/tensorboard_TF1.png -------------------------------------------------------------------------------- /site/en/guide/migrate/images/tensorboard_TF2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/images/tensorboard_TF2.png -------------------------------------------------------------------------------- /site/en/guide/migrate/logging_stop_hook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/logging_stop_hook.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/metrics_optimizers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/metrics_optimizers.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/migrate_tf2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/migrate_tf2.md -------------------------------------------------------------------------------- /site/en/guide/migrate/migrating_checkpoints.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/migrating_checkpoints.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/migrating_estimator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/migrating_estimator.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/migrating_feature_columns.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/migrating_feature_columns.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/migration_debugging.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/migration_debugging.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/mirrored_strategy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/mirrored_strategy.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/model_mapping.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/model_mapping.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/multi_worker_cpu_gpu_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/multi_worker_cpu_gpu_training.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/saved_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/saved_model.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/sessionrunhook_callback.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/sessionrunhook_callback.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/tensorboard.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/tf1_vs_tf2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/tf1_vs_tf2.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/tflite.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/tflite.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/tpu_embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/tpu_embedding.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/tpu_estimator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/tpu_estimator.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/upgrade.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/upgrade.ipynb -------------------------------------------------------------------------------- /site/en/guide/migrate/validate_correctness.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/migrate/validate_correctness.ipynb -------------------------------------------------------------------------------- /site/en/guide/mixed_precision.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/mixed_precision.ipynb -------------------------------------------------------------------------------- /site/en/guide/profiler.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/profiler.md -------------------------------------------------------------------------------- /site/en/guide/ragged_tensor.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/ragged_tensor.ipynb -------------------------------------------------------------------------------- /site/en/guide/random_numbers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/random_numbers.ipynb -------------------------------------------------------------------------------- /site/en/guide/saved_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/saved_model.ipynb -------------------------------------------------------------------------------- /site/en/guide/sparse_tensor.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/sparse_tensor.ipynb -------------------------------------------------------------------------------- /site/en/guide/tensor.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/tensor.ipynb -------------------------------------------------------------------------------- /site/en/guide/tensor_slicing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/tensor_slicing.ipynb -------------------------------------------------------------------------------- /site/en/guide/tf_numpy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/tf_numpy.ipynb -------------------------------------------------------------------------------- /site/en/guide/tf_numpy_type_promotion.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/tf_numpy_type_promotion.ipynb -------------------------------------------------------------------------------- /site/en/guide/tpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/tpu.ipynb -------------------------------------------------------------------------------- /site/en/guide/variable.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/variable.ipynb -------------------------------------------------------------------------------- /site/en/guide/versions.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/guide/versions.md -------------------------------------------------------------------------------- /site/en/hub/_book.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/_book.yaml -------------------------------------------------------------------------------- /site/en/hub/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/_index.yaml -------------------------------------------------------------------------------- /site/en/hub/_redirects.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/_redirects.yaml -------------------------------------------------------------------------------- /site/en/hub/build_from_source.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/build_from_source.md -------------------------------------------------------------------------------- /site/en/hub/caching.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/caching.md -------------------------------------------------------------------------------- /site/en/hub/common_issues.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_issues.md -------------------------------------------------------------------------------- /site/en/hub/common_saved_model_apis/images.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_saved_model_apis/images.md -------------------------------------------------------------------------------- /site/en/hub/common_saved_model_apis/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_saved_model_apis/index.md -------------------------------------------------------------------------------- /site/en/hub/common_saved_model_apis/text.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_saved_model_apis/text.md -------------------------------------------------------------------------------- /site/en/hub/common_signatures/images.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_signatures/images.md -------------------------------------------------------------------------------- /site/en/hub/common_signatures/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_signatures/index.md -------------------------------------------------------------------------------- /site/en/hub/common_signatures/text.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/common_signatures/text.md -------------------------------------------------------------------------------- /site/en/hub/community.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/community.md -------------------------------------------------------------------------------- /site/en/hub/contribute.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/contribute.md -------------------------------------------------------------------------------- /site/en/hub/hosting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/hosting.md -------------------------------------------------------------------------------- /site/en/hub/images/action_recognition.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/action_recognition.gif -------------------------------------------------------------------------------- /site/en/hub/images/bert.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/bert.png -------------------------------------------------------------------------------- /site/en/hub/images/bert_preprocess.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/bert_preprocess.png -------------------------------------------------------------------------------- /site/en/hub/images/bert_preprocess_wide.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/bert_preprocess_wide.png -------------------------------------------------------------------------------- /site/en/hub/images/bit_blog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/bit_blog.jpg -------------------------------------------------------------------------------- /site/en/hub/images/boundless.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/boundless.png -------------------------------------------------------------------------------- /site/en/hub/images/colab_logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/colab_logo.svg -------------------------------------------------------------------------------- /site/en/hub/images/food.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/food.png -------------------------------------------------------------------------------- /site/en/hub/images/gan_faces.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/gan_faces.gif -------------------------------------------------------------------------------- /site/en/hub/images/github_icon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/github_icon.svg -------------------------------------------------------------------------------- /site/en/hub/images/guide_basics.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/guide_basics.png -------------------------------------------------------------------------------- /site/en/hub/images/image_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/image_classification.png -------------------------------------------------------------------------------- /site/en/hub/images/interpolation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/interpolation.png -------------------------------------------------------------------------------- /site/en/hub/images/library_download_cache.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/library_download_cache.png -------------------------------------------------------------------------------- /site/en/hub/images/object_detection.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/object_detection.png -------------------------------------------------------------------------------- /site/en/hub/images/odml.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/odml.png -------------------------------------------------------------------------------- /site/en/hub/images/similarity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/similarity.png -------------------------------------------------------------------------------- /site/en/hub/images/spice_blog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/spice_blog.png -------------------------------------------------------------------------------- /site/en/hub/images/spice_color.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/spice_color.png -------------------------------------------------------------------------------- /site/en/hub/images/stackoverflow_icon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/stackoverflow_icon.svg -------------------------------------------------------------------------------- /site/en/hub/images/style_transfer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/style_transfer.png -------------------------------------------------------------------------------- /site/en/hub/images/super_resolution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/super_resolution.png -------------------------------------------------------------------------------- /site/en/hub/images/text_video.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/text_video.gif -------------------------------------------------------------------------------- /site/en/hub/images/yamnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/images/yamnet.png -------------------------------------------------------------------------------- /site/en/hub/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/installation.md -------------------------------------------------------------------------------- /site/en/hub/lib_overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/lib_overview.md -------------------------------------------------------------------------------- /site/en/hub/migration_tf2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/migration_tf2.md -------------------------------------------------------------------------------- /site/en/hub/model_compatibility.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/model_compatibility.md -------------------------------------------------------------------------------- /site/en/hub/model_formats.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/model_formats.md -------------------------------------------------------------------------------- /site/en/hub/overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/overview.md -------------------------------------------------------------------------------- /site/en/hub/portability_and_deletion.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/portability_and_deletion.md -------------------------------------------------------------------------------- /site/en/hub/publish.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/publish.md -------------------------------------------------------------------------------- /site/en/hub/reusable_saved_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/reusable_saved_models.md -------------------------------------------------------------------------------- /site/en/hub/tf1_hub_module.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tf1_hub_module.md -------------------------------------------------------------------------------- /site/en/hub/tf2_saved_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tf2_saved_model.md -------------------------------------------------------------------------------- /site/en/hub/tutorials/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/_index.yaml -------------------------------------------------------------------------------- /site/en/hub/tutorials/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/_toc.yaml -------------------------------------------------------------------------------- /site/en/hub/tutorials/action_recognition_with_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/action_recognition_with_tf_hub.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/bangla_article_classifier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/bangla_article_classifier.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/bert_experts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/bert_experts.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/bigbigan_with_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/bigbigan_with_tf_hub.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/biggan_generation_with_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/biggan_generation_with_tf_hub.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/bird_vocalization_classifier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/bird_vocalization_classifier.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/boundless.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/boundless.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/cord_19_embeddings.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/cord_19_embeddings.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/cord_19_embeddings_keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/cord_19_embeddings_keras.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/cropnet_cassava.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/cropnet_cassava.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/cropnet_on_device.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/cropnet_on_device.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/cross_lingual_similarity_with_tf_hub_multilingual_universal_encoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/cross_lingual_similarity_with_tf_hub_multilingual_universal_encoder.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/hrnet_semantic_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/hrnet_semantic_segmentation.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/image_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/image_classification.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/image_enhancing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/image_enhancing.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/image_feature_vector.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/image_feature_vector.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/movenet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/movenet.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/movinet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/movinet.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/object_detection.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/retrieval_with_tf_hub_universal_encoder_qa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/retrieval_with_tf_hub_universal_encoder_qa.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/s3gan_generation_with_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/s3gan_generation_with_tf_hub.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/semantic_approximate_nearest_neighbors.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/semantic_approximate_nearest_neighbors.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/semantic_similarity_with_tf_hub_universal_encoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/semantic_similarity_with_tf_hub_universal_encoder.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/semantic_similarity_with_tf_hub_universal_encoder_lite.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/semantic_similarity_with_tf_hub_universal_encoder_lite.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/senteval_for_universal_sentence_encoder_cmlm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/senteval_for_universal_sentence_encoder_cmlm.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/spice.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/spice.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/text_classification_with_tf_hub_on_kaggle.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/text_classification_with_tf_hub_on_kaggle.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/text_cookbook.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/text_cookbook.md -------------------------------------------------------------------------------- /site/en/hub/tutorials/text_to_video_retrieval_with_s3d_milnce.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/text_to_video_retrieval_with_s3d_milnce.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf2_arbitrary_image_stylization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf2_arbitrary_image_stylization.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf2_image_retraining.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf2_image_retraining.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf2_object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf2_object_detection.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf2_semantic_approximate_nearest_neighbors.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf2_semantic_approximate_nearest_neighbors.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf2_text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf2_text_classification.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf_hub_delf_module.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf_hub_delf_module.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf_hub_film_example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf_hub_film_example.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tf_hub_generative_image_module.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tf_hub_generative_image_module.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/tweening_conv3d.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/tweening_conv3d.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/wav2vec2_saved_model_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/wav2vec2_saved_model_finetuning.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/wiki40b_lm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/wiki40b_lm.ipynb -------------------------------------------------------------------------------- /site/en/hub/tutorials/yamnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/hub/tutorials/yamnet.ipynb -------------------------------------------------------------------------------- /site/en/install/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/_index.yaml -------------------------------------------------------------------------------- /site/en/install/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/_toc.yaml -------------------------------------------------------------------------------- /site/en/install/docker.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/docker.md -------------------------------------------------------------------------------- /site/en/install/errors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/errors.md -------------------------------------------------------------------------------- /site/en/install/gpu_plugins.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/gpu_plugins.md -------------------------------------------------------------------------------- /site/en/install/lang_c.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/lang_c.ipynb -------------------------------------------------------------------------------- /site/en/install/lang_java_legacy.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/lang_java_legacy.md -------------------------------------------------------------------------------- /site/en/install/pip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/pip.md -------------------------------------------------------------------------------- /site/en/install/source.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/source.md -------------------------------------------------------------------------------- /site/en/install/source_windows.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/install/source_windows.md -------------------------------------------------------------------------------- /site/en/r1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/README.md -------------------------------------------------------------------------------- /site/en/r1/guide/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/README.md -------------------------------------------------------------------------------- /site/en/r1/guide/autograph.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/autograph.ipynb -------------------------------------------------------------------------------- /site/en/r1/guide/checkpoints.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/checkpoints.md -------------------------------------------------------------------------------- /site/en/r1/guide/custom_estimators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/custom_estimators.md -------------------------------------------------------------------------------- /site/en/r1/guide/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/datasets.md -------------------------------------------------------------------------------- /site/en/r1/guide/datasets_for_estimators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/datasets_for_estimators.md -------------------------------------------------------------------------------- /site/en/r1/guide/debugger.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/debugger.md -------------------------------------------------------------------------------- /site/en/r1/guide/distribute_strategy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/distribute_strategy.ipynb -------------------------------------------------------------------------------- /site/en/r1/guide/eager.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/eager.ipynb -------------------------------------------------------------------------------- /site/en/r1/guide/embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/embedding.md -------------------------------------------------------------------------------- /site/en/r1/guide/estimators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/estimators.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/architecture.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/architecture.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/bindings.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/bindings.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/cc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/cc.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/filesystem.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/filesystem.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/formats.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/formats.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/model_files.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/model_files.md -------------------------------------------------------------------------------- /site/en/r1/guide/extend/op.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/extend/op.md -------------------------------------------------------------------------------- /site/en/r1/guide/feature_columns.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/feature_columns.md -------------------------------------------------------------------------------- /site/en/r1/guide/graph_viz.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/graph_viz.md -------------------------------------------------------------------------------- /site/en/r1/guide/graphs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/graphs.md -------------------------------------------------------------------------------- /site/en/r1/guide/keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/keras.ipynb -------------------------------------------------------------------------------- /site/en/r1/guide/low_level_intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/low_level_intro.md -------------------------------------------------------------------------------- /site/en/r1/guide/performance/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/performance/benchmarks.md -------------------------------------------------------------------------------- /site/en/r1/guide/performance/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/performance/datasets.md -------------------------------------------------------------------------------- /site/en/r1/guide/performance/overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/performance/overview.md -------------------------------------------------------------------------------- /site/en/r1/guide/premade_estimators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/premade_estimators.md -------------------------------------------------------------------------------- /site/en/r1/guide/ragged_tensors.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/ragged_tensors.ipynb -------------------------------------------------------------------------------- /site/en/r1/guide/saved_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/saved_model.md -------------------------------------------------------------------------------- /site/en/r1/guide/tensorboard_histograms.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/tensorboard_histograms.md -------------------------------------------------------------------------------- /site/en/r1/guide/tensors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/tensors.md -------------------------------------------------------------------------------- /site/en/r1/guide/using_gpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/using_gpu.md -------------------------------------------------------------------------------- /site/en/r1/guide/using_tpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/using_tpu.md -------------------------------------------------------------------------------- /site/en/r1/guide/variables.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/variables.md -------------------------------------------------------------------------------- /site/en/r1/guide/version_compat.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/guide/version_compat.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/README.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/_index.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/_index.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/distribute/keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/distribute/keras.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/distribute/tpu_custom_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/distribute/tpu_custom_training.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/distribute/training_loops.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/distribute/training_loops.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/README.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/automatic_differentiation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/automatic_differentiation.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/custom_layers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/custom_layers.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/custom_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/custom_training.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/custom_training_walkthrough.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/custom_training_walkthrough.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/eager/eager_basics.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/eager/eager_basics.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/deep_cnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/deep_cnn.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/hub_with_keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/hub_with_keras.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/image_recognition.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/image_recognition.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/images/before_fine_tuning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/images/before_fine_tuning.png -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/images/fine_tuning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/images/fine_tuning.png -------------------------------------------------------------------------------- /site/en/r1/tutorials/images/transfer_learning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/images/transfer_learning.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/README.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/basic_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/basic_classification.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/basic_regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/basic_regression.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/basic_text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/basic_text_classification.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/overfit_and_underfit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/overfit_and_underfit.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/keras/save_and_restore_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/keras/save_and_restore_models.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/load_data/images.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/load_data/images.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/load_data/tf_records.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/load_data/tf_records.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/non-ml/mandelbrot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/non-ml/mandelbrot.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/non-ml/pdes.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/non-ml/pdes.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/representation/kernel_methods.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/representation/kernel_methods.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/representation/linear.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/representation/linear.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/representation/unicode.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/representation/unicode.ipynb -------------------------------------------------------------------------------- /site/en/r1/tutorials/representation/word2vec.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/representation/word2vec.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/audio_recognition.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/audio_recognition.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/images/text_generation_sampling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/images/text_generation_sampling.png -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/images/text_generation_training.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/images/text_generation_training.png -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/recurrent.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/recurrent.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/recurrent_quickdraw.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/recurrent_quickdraw.md -------------------------------------------------------------------------------- /site/en/r1/tutorials/sequences/text_generation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/r1/tutorials/sequences/text_generation.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/_index.yaml -------------------------------------------------------------------------------- /site/en/tutorials/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/_toc.yaml -------------------------------------------------------------------------------- /site/en/tutorials/audio/music_generation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/audio/music_generation.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/audio/simple_audio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/audio/simple_audio.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/audio/transfer_learning_audio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/audio/transfer_learning_audio.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/customization/basics.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/customization/basics.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/customization/custom_layers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/customization/custom_layers.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/customization/custom_training_walkthrough.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/customization/custom_training_walkthrough.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/customization/images/full_network_penguin.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/customization/images/full_network_penguin.png -------------------------------------------------------------------------------- /site/en/tutorials/customization/images/penguins_ds_species.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/customization/images/penguins_ds_species.png -------------------------------------------------------------------------------- /site/en/tutorials/distribute/custom_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/custom_training.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/dtensor_keras_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/dtensor_keras_tutorial.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/dtensor_ml_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/dtensor_ml_tutorial.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/images/tensorboard_distributed_training_with_keras.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/images/tensorboard_distributed_training_with_keras.png -------------------------------------------------------------------------------- /site/en/tutorials/distribute/input.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/input.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/keras.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/multi_worker_with_ctl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/multi_worker_with_ctl.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/multi_worker_with_estimator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/multi_worker_with_estimator.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/multi_worker_with_keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/multi_worker_with_keras.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/parameter_server_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/parameter_server_training.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/distribute/save_and_load.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/distribute/save_and_load.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/estimator/keras_model_to_estimator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/estimator/keras_model_to_estimator.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/estimator/linear.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/estimator/linear.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/estimator/premade.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/estimator/premade.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/adversarial_fgsm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/adversarial_fgsm.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/autoencoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/autoencoder.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/cvae.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/cvae.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/cyclegan.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/cyclegan.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/data_compression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/data_compression.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/dcgan.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/dcgan.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/deepdream.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/deepdream.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/Green_Sea_Turtle_grazing_seagrass.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/Green_Sea_Turtle_grazing_seagrass.jpg -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/adversarial_example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/adversarial_example.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/cvae_latent_space.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/cvae_latent_space.jpg -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/cycle_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/cycle_loss.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/cyclegan_model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/cyclegan_model.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/dis.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/dis.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/dogception.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/dogception.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/gan1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/gan1.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/gan2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/gan2.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/gan_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/gan_diagram.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/gen.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/gen.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/horse2zebra_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/horse2zebra_1.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/horse2zebra_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/horse2zebra_2.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/image_denoise_fmnist_results.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/image_denoise_fmnist_results.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/intro_autoencoder_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/intro_autoencoder_result.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/kadinsky-turtle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/kadinsky-turtle.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/kadinsky.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/kadinsky.jpg -------------------------------------------------------------------------------- /site/en/tutorials/generative/images/stylized-image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/images/stylized-image.png -------------------------------------------------------------------------------- /site/en/tutorials/generative/pix2pix.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/pix2pix.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/generative/style_transfer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/generative/style_transfer.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/classification.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/cnn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/cnn.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/data_augmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/data_augmentation.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/images/before_fine_tuning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/images/before_fine_tuning.png -------------------------------------------------------------------------------- /site/en/tutorials/images/images/fine_tuning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/images/fine_tuning.png -------------------------------------------------------------------------------- /site/en/tutorials/images/images/tensorboard_transfer_learning_with_hub.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/images/tensorboard_transfer_learning_with_hub.png -------------------------------------------------------------------------------- /site/en/tutorials/images/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/index.md -------------------------------------------------------------------------------- /site/en/tutorials/images/segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/segmentation.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/transfer_learning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/transfer_learning.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/images/transfer_learning_with_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/images/transfer_learning_with_hub.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/interpretability/images/IG_fireboat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/interpretability/images/IG_fireboat.png -------------------------------------------------------------------------------- /site/en/tutorials/interpretability/integrated_gradients.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/interpretability/integrated_gradients.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/classification.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/keras_tuner.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/keras_tuner.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/overfit_and_underfit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/overfit_and_underfit.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/regression.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/save_and_load.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/save_and_load.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/text_classification.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/keras/text_classification_with_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/keras/text_classification_with_hub.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/csv.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/csv.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/images.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/images.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/images/csv/Titanic.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/images/csv/Titanic.jpg -------------------------------------------------------------------------------- /site/en/tutorials/load_data/images/csv/fonts.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/images/csv/fonts.jpg -------------------------------------------------------------------------------- /site/en/tutorials/load_data/images/csv/traffic.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/images/csv/traffic.jpg -------------------------------------------------------------------------------- /site/en/tutorials/load_data/numpy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/numpy.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/pandas_dataframe.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/pandas_dataframe.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/text.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/text.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/tfrecord.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/tfrecord.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/load_data/video.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/load_data/video.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/optimization/compression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/optimization/compression.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/quickstart/advanced.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/quickstart/advanced.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/quickstart/beginner.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/quickstart/beginner.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/quickstart/images/beginner/run_cell_icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/quickstart/images/beginner/run_cell_icon.png -------------------------------------------------------------------------------- /site/en/tutorials/reinforcement_learning/actor_critic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/reinforcement_learning/actor_critic.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/reinforcement_learning/images/cartpole-v0.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/reinforcement_learning/images/cartpole-v0.gif -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/feature_columns.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/feature_columns.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/baseline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/baseline.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/conv_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/conv_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/last_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/last_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/lstm_1_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/lstm_1_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/lstm_many_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/lstm_many_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_autoregressive.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_autoregressive.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_conv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_conv.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_dense.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_dense.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_last.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_last.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_lstm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_lstm.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/multistep_repeat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/multistep_repeat.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/narrow_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/narrow_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/raw_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/raw_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/raw_window_1h.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/raw_window_1h.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/raw_window_24h.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/raw_window_24h.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/residual.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/residual.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/split_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/split_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/wide_conv_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/wide_conv_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/images/wide_window.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/images/wide_window.png -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/imbalanced_data.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/imbalanced_data.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/preprocessing_layers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/preprocessing_layers.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/structured_data/time_series.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/structured_data/time_series.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/tensorflow_text/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/tensorflow_text/README.md -------------------------------------------------------------------------------- /site/en/tutorials/text/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/text/index.md -------------------------------------------------------------------------------- /site/en/tutorials/understanding/images/sngp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/understanding/images/sngp.png -------------------------------------------------------------------------------- /site/en/tutorials/understanding/sngp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/understanding/sngp.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/video/transfer_learning_with_movinet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/video/transfer_learning_with_movinet.ipynb -------------------------------------------------------------------------------- /site/en/tutorials/video/video_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/site/en/tutorials/video/video_classification.ipynb -------------------------------------------------------------------------------- /tools/linkcheckerrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/linkcheckerrc -------------------------------------------------------------------------------- /tools/release_tools/push_version_to_github.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/release_tools/push_version_to_github.sh -------------------------------------------------------------------------------- /tools/release_tools/update_versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/release_tools/update_versions.py -------------------------------------------------------------------------------- /tools/spelltest/spelltest.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/spelltest/spelltest.sh -------------------------------------------------------------------------------- /tools/spelltest/tmpl/html.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/spelltest/tmpl/html.tpl -------------------------------------------------------------------------------- /tools/spelltest/tmpl/md.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/spelltest/tmpl/md.tpl -------------------------------------------------------------------------------- /tools/spelltest/wordlist.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/spelltest/wordlist.txt -------------------------------------------------------------------------------- /tools/templates/build_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/build_docs.py -------------------------------------------------------------------------------- /tools/templates/notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/notebook.ipynb -------------------------------------------------------------------------------- /tools/templates/subsite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/README.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/_book.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/_book.yaml -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/_index.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/_index.yaml -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/api_docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/api_docs/README.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/api_docs/python/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/api_docs/python/_toc.yaml -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/api_docs/python/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/api_docs/python/index.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/bar_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/bar_guide.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/examples/baz_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/examples/baz_example.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/examples/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/examples/index.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/overview.md: -------------------------------------------------------------------------------- 1 | # PROJECT_NAME overview 2 | 3 | Lorem ipsum dolor sit amet, consectetur adipiscing elit. 4 | -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/tutorials/foo_tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/tutorials/foo_tutorial.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/tutorials/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/tutorials/index.md -------------------------------------------------------------------------------- /tools/templates/subsite/g3doc/tutorials/notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/subsite/g3doc/tutorials/notebook.ipynb -------------------------------------------------------------------------------- /tools/templates/tflite_model_page_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/templates/tflite_model_page_template.md -------------------------------------------------------------------------------- /tools/tensorflow_docs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/compat_test/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/compat_test/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/compat_test/estimator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/compat_test/estimator.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/config.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/doc_controls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/doc_controls.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/doc_controls_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/doc_controls_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/doc_generator_visitor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/doc_generator_visitor.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/doc_generator_visitor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/doc_generator_visitor_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/run-javadoc-for-tf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/run-javadoc-for-tf.sh -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/class.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/class.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/classes.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/classes.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/head_tag.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/head_tag.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/header.cs: -------------------------------------------------------------------------------- 1 | 2 | 3 | -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/left-nav-android.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/left-nav-android.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/macros.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/macros.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/navtree_data.cs: -------------------------------------------------------------------------------- 1 | var NAVTREE_DATA = 2 | 3 | -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/package-descr.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/package-descr.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/package-list.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/package-list.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/package.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/package.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/packages.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/packages.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/screen.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/screen.css -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/gen_java/templates/yaml_navtree.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/gen_java/templates/yaml_navtree.cs -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/generate_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/generate_lib.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/generate_lib_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/generate_lib_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/get_source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/get_source.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/obj_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/obj_type.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/parser.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/parser_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/parser_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/base_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/base_page.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/class_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/class_page.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/docs_for_object.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/docs_for_object.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/function_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/function_page.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/module_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/module_page.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/pretty_docs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/pretty_docs_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/class.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/templates/class.jinja -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/function.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/templates/function.jinja -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/module.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/templates/module.jinja -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/page.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/templates/page.jinja -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/root.jinja: -------------------------------------------------------------------------------- 1 | {{- self.content() -}} 2 | -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/templates/type_alias.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/templates/type_alias.jinja -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/pretty_docs/type_alias_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/pretty_docs/type_alias_page.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/public_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/public_api.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/public_api_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/public_api_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/reference_resolver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/reference_resolver.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/reference_resolver_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/reference_resolver_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/linter.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/linter_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/linter_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/schema/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/schema/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/schema/api_report.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/schema/api_report.proto -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/schema/api_report_generated_319_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/schema/api_report_generated_319_pb2.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/schema/api_report_generated_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/schema/api_report_generated_pb2.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/report/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/report/utils.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/signature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/signature.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/signature_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/signature_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/toc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/toc.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/toc_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/toc_processing.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/toc_processing_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/toc_processing_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/toc_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/toc_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/traverse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/traverse.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/traverse_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/traverse_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/api_generator/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/api_generator/utils.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/modeling/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/plots/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/plots/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/.pre-commit-hooks.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/.pre-commit-hooks.yaml -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/README.md -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbcp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbcp/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbcp/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbcp/__main__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbfmt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbfmt/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbfmt/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbfmt/__main__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbfmt/nbfmtmain_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbfmt/nbfmtmain_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbfmt/notebook_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbfmt/notebook_utils.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nbfmt/notebook_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nbfmt/notebook_utils_test.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/__main__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/decorator.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/fix.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/linter.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/style/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/style/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/style/gemini_cookbook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/style/gemini_cookbook.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/style/google.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/style/google.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/style/tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/style/tensorflow.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/tools/nblint/style/tensorflow_docs_l10n.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/tools/nblint/style/tensorflow_docs_l10n.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/vis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/vis/__init__.py -------------------------------------------------------------------------------- /tools/tensorflow_docs/vis/embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tensorflow/docs/HEAD/tools/tensorflow_docs/vis/embed.py --------------------------------------------------------------------------------