├── BUILD ├── third_party ├── gpus │ ├── BUILD │ ├── cuda │ │ └── BUILD │ └── crosstool │ │ ├── BUILD │ │ └── remote.BUILD.tpl ├── grpc │ └── BUILD ├── py │ ├── BUILD │ ├── remote.BUILD.tpl │ └── numpy │ │ └── BUILD ├── boringssl │ └── BUILD ├── protobuf │ └── BUILD ├── sycl │ ├── crosstool │ │ ├── BUILD │ │ └── BUILD.tpl │ ├── sycl │ │ ├── platform.bzl.tpl │ │ ├── build_defs.bzl.tpl │ │ └── BUILD │ └── BUILD ├── jpeg │ └── BUILD ├── eigen3 │ ├── Eigen │ │ ├── LU │ │ ├── QR │ │ ├── SVD │ │ ├── Core │ │ ├── Cholesky │ │ └── Eigenvalues │ └── unsupported │ │ └── Eigen │ │ ├── CXX11 │ │ ├── ThreadPool │ │ └── Tensor │ │ └── SpecialFunctions ├── mkl_dnn │ ├── BUILD │ └── mkldnn.BUILD ├── BUILD ├── mpi │ ├── .gitignore │ ├── BUILD │ └── mpi.bzl ├── fft2d │ └── LICENSE ├── llvm │ └── BUILD ├── linenoise.BUILD ├── six.BUILD ├── ortools.BUILD ├── flatbuffers │ └── BUILD ├── codegen.BUILD ├── sqlite.BUILD ├── arm_neon_2_x86_sse.BUILD ├── hadoop │ └── BUILD ├── pprof.BUILD ├── backports_weakref.BUILD ├── mkl │ ├── BUILD │ └── mkl.BUILD ├── cub.BUILD └── mpi_collectives │ └── BUILD ├── tensorflow ├── tools │ ├── __init__.py │ ├── dist_test │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── BUILD │ │ └── local │ │ │ └── Dockerfile │ ├── docker │ │ ├── __init__.py │ │ ├── notebooks │ │ │ ├── BUILD │ │ │ └── LICENSE │ │ ├── LICENSE │ │ └── BUILD │ ├── git │ │ └── .gitignore │ ├── swig │ │ └── .gitignore │ ├── pip_package │ │ ├── README │ │ └── MANIFEST.in │ ├── proto_text │ │ └── placeholder.txt │ ├── ci_build │ │ ├── windows │ │ │ ├── cpu │ │ │ │ ├── pip │ │ │ │ │ └── run.bat │ │ │ │ └── bazel │ │ │ │ │ ├── run_libtensorflow.bat │ │ │ │ │ └── run_cc_test_windows.bat │ │ │ └── gpu │ │ │ │ ├── pip │ │ │ │ └── run.bat │ │ │ │ └── bazel │ │ │ │ └── run_cc_test_windows.bat │ │ ├── pep8 │ │ ├── gpu_build │ │ │ └── BUILD │ │ ├── Dockerfile.hadoop │ │ ├── Dockerfile.cpu │ │ ├── remote │ │ │ └── Dockerfile.gpu │ │ └── install │ │ │ └── .bazelrc │ ├── api │ │ ├── golden │ │ │ ├── tensorflow.keras.wrappers.pbtxt │ │ │ ├── tensorflow.saved_model.builder.pbtxt │ │ │ ├── tensorflow.keras.datasets.cifar10.pbtxt │ │ │ ├── tensorflow.keras.datasets.mnist.pbtxt │ │ │ ├── tensorflow.keras.datasets.cifar100.pbtxt │ │ │ ├── tensorflow.distributions.bijectors.pbtxt │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.pbtxt │ │ │ ├── tensorflow.app.pbtxt │ │ │ ├── tensorflow.keras.datasets.boston_housing.pbtxt │ │ │ ├── tensorflow.errors.raise_exception_on_not_ok_status.pbtxt │ │ │ ├── tensorflow.keras.preprocessing.pbtxt │ │ │ ├── tensorflow.keras.estimator.pbtxt │ │ │ ├── tensorflow.saved_model.tag_constants.pbtxt │ │ │ ├── tensorflow.-register-gradient.pbtxt │ │ │ ├── tensorflow.saved_model.main_op.pbtxt │ │ │ ├── tensorflow.keras.utils.-custom-object-scope.pbtxt │ │ │ ├── tensorflow.distributions.-register-k-l.pbtxt │ │ │ ├── tensorflow.data.-dataset.__metaclass__.pbtxt │ │ │ ├── tensorflow.saved_model.loader.pbtxt │ │ │ ├── tensorflow.distributions.-reparameterization-type.pbtxt │ │ │ ├── tensorflow.data.-text-line-dataset.__metaclass__.pbtxt │ │ │ ├── tensorflow.keras.utils.-sequence.pbtxt │ │ │ ├── tensorflow.train.-session-creator.pbtxt │ │ │ ├── tensorflow.data.-t-f-record-dataset.__metaclass__.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator.__metaclass__.pbtxt │ │ │ ├── tensorflow.keras.constraints.-constraint.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-diag.__metaclass__.pbtxt │ │ │ ├── tensorflow.data.-fixed-length-record-dataset.__metaclass__.pbtxt │ │ │ ├── tensorflow.estimator.export.-export-output.__metaclass__.pbtxt │ │ │ ├── tensorflow.estimator.export.-predict-output.__metaclass__.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-identity.__metaclass__.pbtxt │ │ │ ├── tensorflow.saved_model.utils.pbtxt │ │ │ ├── tensorflow.estimator.export.-regression-output.__metaclass__.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-composition.__metaclass__.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-full-matrix.__metaclass__.pbtxt │ │ │ ├── tensorflow.keras.regularizers.-regularizer.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-low-rank-update.__metaclass__.pbtxt │ │ │ ├── tensorflow.estimator.export.-classification-output.__metaclass__.pbtxt │ │ │ ├── tensorflow.layers.-input-spec.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-lower-triangular.__metaclass__.pbtxt │ │ │ ├── tensorflow.linalg.-linear-operator-scaled-identity.__metaclass__.pbtxt │ │ │ ├── tensorflow.name_scope.pbtxt │ │ │ ├── tensorflow.estimator.export.-export-output.pbtxt │ │ │ ├── tensorflow.keras.layers.-input-spec.pbtxt │ │ │ ├── tensorflow.keras.backend.name_scope.pbtxt │ │ │ ├── tensorflow.estimator.-mode-keys.pbtxt │ │ │ ├── tensorflow.keras.constraints.-non-neg.pbtxt │ │ │ ├── tensorflow.keras.constraints.non_neg.pbtxt │ │ │ ├── tensorflow.python_io.pbtxt │ │ │ ├── tensorflow.-var-len-feature.pbtxt │ │ │ ├── tensorflow.train.-nan-loss-during-training-error.pbtxt │ │ │ ├── tensorflow.data.pbtxt │ │ │ ├── tensorflow.python_io.-t-f-record-compression-type.pbtxt │ │ │ ├── tensorflow.summary.-file-writer-cache.pbtxt │ │ │ ├── tensorflow.keras.datasets.imdb.pbtxt │ │ │ ├── BUILD │ │ │ ├── tensorflow.keras.initializers.-initializer.pbtxt │ │ │ ├── tensorflow.keras.preprocessing.image.-iterator.pbtxt │ │ │ ├── tensorflow.estimator.-exporter.pbtxt │ │ │ ├── tensorflow.keras.datasets.pbtxt │ │ │ ├── tensorflow.keras.datasets.reuters.pbtxt │ │ │ ├── tensorflow.image.-resize-method.pbtxt │ │ │ ├── tensorflow.sysconfig.pbtxt │ │ │ ├── tensorflow.train.queue_runner.pbtxt │ │ │ ├── tensorflow.keras.constraints.-unit-norm.pbtxt │ │ │ ├── tensorflow.keras.constraints.unit_norm.pbtxt │ │ │ ├── tensorflow.-aggregation-method.pbtxt │ │ │ ├── tensorflow.keras.constraints.-max-norm.pbtxt │ │ │ ├── tensorflow.keras.constraints.max_norm.pbtxt │ │ │ ├── tensorflow.variable_scope.pbtxt │ │ │ ├── tensorflow.-sparse-tensor-value.pbtxt │ │ │ ├── tensorflow.python_io.-t-f-record-options.pbtxt │ │ │ ├── tensorflow.keras.preprocessing.text.pbtxt │ │ │ ├── tensorflow.estimator.inputs.pbtxt │ │ │ ├── tensorflow.train.-worker-session-creator.pbtxt │ │ │ ├── tensorflow.keras.applications.xception.pbtxt │ │ │ ├── tensorflow.keras.constraints.-min-max-norm.pbtxt │ │ │ ├── tensorflow.keras.constraints.min_max_norm.pbtxt │ │ │ ├── tensorflow.keras.applications.inception_v3.pbtxt │ │ │ ├── tensorflow.keras.applications.vgg16.pbtxt │ │ │ ├── tensorflow.keras.applications.vgg19.pbtxt │ │ │ ├── tensorflow.keras.applications.resnet50.pbtxt │ │ │ ├── tensorflow.-fixed-len-feature.pbtxt │ │ │ ├── tensorflow.estimator.-train-spec.pbtxt │ │ │ ├── tensorflow.ones_initializer.pbtxt │ │ │ ├── tensorflow.initializers.ones.pbtxt │ │ │ ├── tensorflow.initializers.zeros.pbtxt │ │ │ ├── tensorflow.nn.rnn_cell.-l-s-t-m-state-tuple.pbtxt │ │ │ ├── tensorflow.zeros_initializer.pbtxt │ │ │ ├── tensorflow.keras.initializers.-ones.pbtxt │ │ │ ├── tensorflow.estimator.export.-predict-output.pbtxt │ │ │ ├── tensorflow.keras.initializers.-zeros.pbtxt │ │ │ ├── tensorflow.train.-session-run-args.pbtxt │ │ │ ├── tensorflow.estimator.export.-regression-output.pbtxt │ │ │ ├── tensorflow.train.-chief-session-creator.pbtxt │ │ │ ├── tensorflow.train.-session-run-values.pbtxt │ │ │ ├── tensorflow.-variable.-save-slice-info.pbtxt │ │ │ ├── tensorflow.initializers.identity.pbtxt │ │ │ └── tensorflow.keras.applications.mobilenet.pbtxt │ │ └── tests │ │ │ ├── API_UPDATE_WARNING.txt │ │ │ └── README.txt │ ├── build_info │ │ └── BUILD │ └── gcs_test │ │ └── Dockerfile ├── docs_src │ ├── __init__.py │ ├── deploy │ │ ├── leftnav_files │ │ └── index.md │ ├── api_guides │ │ └── python │ │ │ ├── contrib.bayesflow.entropy.md │ │ │ ├── contrib.bayesflow.stochastic_graph.md │ │ │ ├── contrib.bayesflow.stochastic_tensor.md │ │ │ ├── contrib.opt.md │ │ │ ├── histogram_ops.md │ │ │ ├── contrib.bayesflow.variational_inference.md │ │ │ ├── contrib.copy_graph.md │ │ │ ├── contrib.staging.md │ │ │ ├── script_ops.md │ │ │ ├── contrib.crf.md │ │ │ ├── contrib.util.md │ │ │ ├── session_ops.md │ │ │ ├── functional_ops.md │ │ │ ├── check_ops.md │ │ │ ├── summary.md │ │ │ └── spectral_ops.md │ ├── about │ │ ├── leftnav_files │ │ ├── attribution.md │ │ └── index.md │ ├── community │ │ ├── leftnav_files │ │ └── index.md │ ├── extras │ │ └── README.txt │ ├── extend │ │ └── leftnav_files │ ├── install │ │ └── leftnav_files │ ├── mobile │ │ └── leftnav_files │ ├── programmers_guide │ │ └── leftnav_files │ ├── get_started │ │ └── leftnav_files │ ├── tutorials │ │ ├── seq2seq.md │ │ └── leftnav_files │ └── performance │ │ └── leftnav_files ├── examples │ ├── __init__.py │ ├── android │ │ ├── __init__.py │ │ ├── jni │ │ │ └── __init__.py │ │ ├── sample_images │ │ │ ├── detect1.jpg │ │ │ ├── classify1.jpg │ │ │ └── stylize1.jpg │ │ ├── res │ │ │ ├── drawable-hdpi │ │ │ │ ├── tile.9.png │ │ │ │ ├── ic_launcher.png │ │ │ │ └── ic_action_info.png │ │ │ ├── drawable-mdpi │ │ │ │ ├── ic_launcher.png │ │ │ │ └── ic_action_info.png │ │ │ ├── drawable-xhdpi │ │ │ │ ├── ic_launcher.png │ │ │ │ └── ic_action_info.png │ │ │ ├── drawable-xxhdpi │ │ │ │ ├── ic_launcher.png │ │ │ │ └── ic_action_info.png │ │ │ ├── values-v14 │ │ │ │ └── styles.xml │ │ │ └── values │ │ │ │ └── attrs.xml │ │ └── assets │ │ │ └── BUILD │ ├── tutorials │ │ ├── __init__.py │ │ ├── word2vec │ │ │ ├── __init__.py │ │ │ └── BUILD │ │ ├── deepdream │ │ │ └── pilatus800.jpg │ │ ├── input_fn │ │ │ └── boston_predict.csv │ │ ├── layers │ │ │ └── BUILD │ │ └── monitors │ │ │ └── iris_test.csv │ ├── adding_an_op │ │ └── __init__.py │ ├── image_retraining │ │ ├── __init__.py │ │ └── data │ │ │ └── labels.txt │ ├── how_tos │ │ └── reading_data │ │ │ └── __init__.py │ ├── udacity │ │ ├── .gitignore │ │ └── Dockerfile │ ├── ios │ │ ├── .gitignore │ │ ├── camera │ │ │ ├── data │ │ │ │ └── grace_hopper.jpg │ │ │ └── Podfile │ │ ├── simple │ │ │ ├── data │ │ │ │ └── grace_hopper.jpg │ │ │ └── Podfile │ │ └── benchmark │ │ │ ├── data │ │ │ └── grace_hopper.jpg │ │ │ └── Podfile │ ├── label_image │ │ └── data │ │ │ └── grace_hopper.jpg │ ├── multibox_detector │ │ └── data │ │ │ └── surfers.jpg │ ├── speech_commands │ │ └── README.md │ └── benchmark │ │ └── BUILD ├── python │ ├── lib │ │ ├── __init__.py │ │ ├── core │ │ │ └── __init__.py │ │ └── io │ │ │ └── __init__.py │ ├── client │ │ └── __init__.py │ ├── layers │ │ └── __init__.py │ ├── profiler │ │ └── __init__.py │ ├── summary │ │ ├── __init__.py │ │ └── README.md │ ├── training │ │ ├── __init__.py │ │ └── checkpoint_state.proto │ ├── user_ops │ │ └── __init__.py │ ├── util │ │ ├── __init__.py │ │ └── protobuf │ │ │ └── __init__.py │ ├── debug │ │ ├── cli │ │ │ └── __init__.py │ │ ├── lib │ │ │ └── __init__.py │ │ └── examples │ │ │ └── README.md │ ├── estimator │ │ ├── __init__.py │ │ ├── canned │ │ │ └── __init__.py │ │ ├── export │ │ │ └── __init__.py │ │ └── inputs │ │ │ ├── __init__.py │ │ │ └── queues │ │ │ └── __init__.py │ ├── framework │ │ └── __init__.py │ ├── kernel_tests │ │ └── __init__.py │ ├── ops │ │ ├── linalg │ │ │ └── __init__.py │ │ ├── losses │ │ │ └── __init__.py │ │ └── distributions │ │ │ └── __init__.py │ ├── feature_column │ │ ├── __init__.py │ │ └── testdata │ │ │ ├── wire_vocabulary.txt │ │ │ ├── warriors_vocabulary.txt │ │ │ ├── embedding.ckpt.meta │ │ │ ├── embedding.ckpt.index │ │ │ └── embedding.ckpt.data-00000-of-00001 │ ├── keras │ │ └── README.md │ └── data │ │ └── BUILD ├── contrib │ ├── ndlstm │ │ └── __init__.py │ ├── specs │ │ └── __init__.py │ ├── keras │ │ ├── api │ │ │ └── __init__.py │ │ └── README.md │ ├── training │ │ └── python │ │ │ ├── __init__.py │ │ │ └── training │ │ │ └── __init__.py │ ├── legacy_seq2seq │ │ └── python │ │ │ ├── __init__.py │ │ │ └── kernel_tests │ │ │ └── __init__.py │ ├── seq2seq │ │ └── python │ │ │ ├── ops │ │ │ └── __init__.py │ │ │ └── kernel_tests │ │ │ └── __init__.py │ ├── timeseries │ │ ├── examples │ │ │ └── __init__.py │ │ └── python │ │ │ └── timeseries │ │ │ └── state_space_models │ │ │ └── __init__.py │ ├── makefile │ │ ├── .gitignore │ │ └── Dockerfile │ ├── framework │ │ ├── testdata │ │ │ ├── keyword.txt │ │ │ ├── keyword_new.txt │ │ │ ├── bundle_checkpoint_vocab.txt │ │ │ ├── bundle_checkpoint_vocab_with_oov.txt │ │ │ ├── bundle_checkpoint.index │ │ │ └── bundle_checkpoint.data-00000-of-00001 │ │ └── README.md │ ├── predictor │ │ └── test_export_dir │ │ │ ├── variables │ │ │ ├── variables.data-00000-of-00001 │ │ │ └── variables.index │ │ │ └── saved_model.pb │ ├── session_bundle │ │ └── testdata │ │ │ ├── half_plus_two_ckpt_v2 │ │ │ └── 00000123 │ │ │ │ ├── export.data-00000-of-00001 │ │ │ │ ├── export.index │ │ │ │ └── export.meta │ │ │ └── half_plus_two │ │ │ └── 00000123 │ │ │ ├── export.meta │ │ │ └── export-00000-of-00001 │ ├── cmake │ │ └── patches │ │ │ ├── cub │ │ │ └── CMakeLists.txt │ │ │ ├── gemmlowp │ │ │ └── CMakeLists.txt │ │ │ ├── fft2d │ │ │ └── CMakeLists.txt │ │ │ ├── sqlite │ │ │ └── CMakeLists.txt │ │ │ ├── farmhash │ │ │ └── CMakeLists.txt │ │ │ ├── gif │ │ │ └── unistd.h │ │ │ └── grpc │ │ │ └── rand.h │ ├── learn │ │ └── python │ │ │ └── learn │ │ │ ├── datasets │ │ │ └── data │ │ │ │ ├── text_test.csv │ │ │ │ └── text_train.csv │ │ │ └── estimators │ │ │ └── g3doc │ │ │ └── svm.png │ ├── verbs │ │ └── design_diagram.png │ ├── factorization │ │ ├── g3doc │ │ │ ├── gmm.png │ │ │ ├── wals.png │ │ │ ├── kmeans.png │ │ │ └── gmm.md │ │ └── examples │ │ │ └── BUILD │ ├── kfac │ │ └── g3doc │ │ │ └── autoencoder.png │ ├── ffmpeg │ │ └── testdata │ │ │ ├── mono_10khz.ogg │ │ │ ├── mono_10khz.wav │ │ │ ├── mono_16khz.mp3 │ │ │ ├── stereo_48khz.mp3 │ │ │ ├── test_sound1.mp3 │ │ │ ├── mono_16khz_mp3.mp4 │ │ │ ├── mono_32khz_aac.mp4 │ │ │ ├── stereo_48khz_aac.mp4 │ │ │ └── stereo_48khz_mp3.mp4 │ ├── android │ │ ├── cmake │ │ │ └── src │ │ │ │ └── main │ │ │ │ ├── res │ │ │ │ └── values │ │ │ │ │ └── strings.xml │ │ │ │ └── AndroidManifest.xml │ │ └── jni │ │ │ └── version_script.lds │ ├── tpu │ │ └── profiler │ │ │ └── pip_package │ │ │ ├── README │ │ │ └── BUILD │ ├── kernel_methods │ │ └── g3doc │ │ │ ├── acc_vs_outdim.png │ │ │ ├── kernel_mapping.png │ │ │ └── acc-vs-trn_time.png │ ├── pi_examples │ │ ├── .gitignore │ │ └── label_image │ │ │ └── data │ │ │ └── grace_hopper.jpg │ ├── linear_optimizer │ │ └── kernels │ │ │ └── g3doc │ │ │ ├── newton.png │ │ │ ├── mod_newton.png │ │ │ └── newton_compare_experiment.png │ ├── benchmark_tools │ │ ├── README.md │ │ └── gce │ │ │ └── README.md │ ├── testing │ │ └── testdata │ │ │ └── mobilenet_224_gender_basic_fixed.mb │ ├── remote_fused_graph │ │ └── README.md │ ├── graph_editor │ │ └── README.md │ ├── mpi_collectives │ │ └── README.md │ ├── opt │ │ └── README.md │ ├── gdr │ │ └── gdr.proto │ ├── eager │ │ └── python │ │ │ └── examples │ │ │ ├── mnist │ │ │ └── README.md │ │ │ ├── BUILD │ │ │ ├── linear_regression │ │ │ └── BUILD │ │ │ └── rnn_colorbot │ │ │ └── BUILD │ ├── integrate │ │ └── README.md │ ├── mpi │ │ └── mpi_msg.proto │ ├── cloud │ │ └── kernels │ │ │ └── bigquery_table_partition.proto │ ├── boosted_trees │ │ ├── README.md │ │ └── proto │ │ │ └── split_info.proto │ ├── decision_trees │ │ └── proto │ │ │ ├── generic_tree_model_proto.swig │ │ │ └── generic_tree_model_extensions.proto │ ├── cluster_resolver │ │ └── README.md │ ├── staging │ │ └── BUILD │ ├── data │ │ └── kernels │ │ │ └── BUILD │ ├── batching │ │ └── test_util │ │ │ └── BUILD │ └── input_pipeline │ │ └── kernels │ │ └── BUILD ├── c │ ├── exported_symbols.lds │ └── version_script.lds ├── compiler │ ├── xla │ │ ├── README.md │ │ ├── .clang-format │ │ └── service │ │ │ ├── llvm_ir │ │ │ └── README.md │ │ │ └── cpu │ │ │ └── build_defs.bzl │ ├── aot │ │ ├── tests │ │ │ ├── test_graph_tfadd_with_ckpt.config.pbtxt │ │ │ ├── test_graph_tfadd.config.pbtxt │ │ │ ├── test_graph_tffunction.config.pbtxt │ │ │ ├── test_graph_tfgather.config.pbtxt │ │ │ ├── test_graph_tfsplits.config.pbtxt │ │ │ ├── test_graph_tfmatmul.config.pbtxt │ │ │ └── test_graph_tfmatmulandadd.config.pbtxt │ │ ├── test_graph_tfadd.config.pbtxt │ │ ├── test_graph_tfunknownop.config.pbtxt │ │ ├── test_graph_tfunknownop2.config.pbtxt │ │ └── test_graph_tfunknownop3.config.pbtxt │ └── plugin │ │ └── README.md ├── core │ ├── grappler │ │ └── inputs │ │ │ └── testdata │ │ │ └── test_file.txt │ ├── api_def │ │ ├── python_api │ │ │ ├── api_def_O.pbtxt │ │ │ ├── api_def_Z.pbtxt │ │ │ ├── api_def_V.pbtxt │ │ │ ├── api_def_U.pbtxt │ │ │ ├── api_def_W.pbtxt │ │ │ ├── api_def_N.pbtxt │ │ │ ├── api_def_G.pbtxt │ │ │ └── api_def_H.pbtxt │ │ └── base_api │ │ │ ├── api_def_V.pbtxt │ │ │ └── api_def_Z.pbtxt │ ├── lib │ │ ├── bmp │ │ │ └── testdata │ │ │ │ └── lena.bmp │ │ ├── gif │ │ │ └── testdata │ │ │ │ ├── lena.gif │ │ │ │ ├── scan.gif │ │ │ │ └── optimized.gif │ │ ├── jpeg │ │ │ └── testdata │ │ │ │ ├── small.jpg │ │ │ │ ├── corrupt.jpg │ │ │ │ ├── medium.jpg │ │ │ │ ├── bad_huffman.jpg │ │ │ │ ├── corrupt34_2.jpg │ │ │ │ ├── corrupt34_3.jpg │ │ │ │ ├── corrupt34_4.jpg │ │ │ │ ├── jpeg_merge_test1.jpg │ │ │ │ └── jpeg_merge_test1_cmyk.jpg │ │ ├── lmdb │ │ │ └── testdata │ │ │ │ └── data.mdb │ │ ├── png │ │ │ └── testdata │ │ │ │ ├── lena_gray.png │ │ │ │ └── lena_rgba.png │ │ └── io │ │ │ └── table_format.txt │ ├── profiler │ │ ├── g3doc │ │ │ ├── pprof.jpg │ │ │ ├── profiler_ui.jpg │ │ │ ├── code_timeline.png │ │ │ ├── graph_timeline.png │ │ │ └── scope_timeline.png │ │ └── internal │ │ │ └── testdata │ │ │ ├── run_meta │ │ │ ├── ckpt.index │ │ │ ├── ckpt.meta │ │ │ ├── tfprof_log │ │ │ └── ckpt.data-00000-of-00001 │ ├── kernels │ │ ├── spectrogram_test_data │ │ │ ├── short_test_segment.wav │ │ │ ├── short_test_segment_spectrogram.csv.bin │ │ │ ├── short_test_segment_spectrogram_400_200.csv.bin │ │ │ └── README │ │ └── fuzzing │ │ │ └── tf_ops_fuzz_target_lib.bzl │ ├── platform │ │ ├── cloud │ │ │ └── testdata │ │ │ │ ├── application_default_credentials.json │ │ │ │ └── service_account_public_key.txt │ │ └── default │ │ │ └── gpu │ │ │ └── BUILD │ ├── debug │ │ └── debugger_event_metadata.proto │ ├── distributed_runtime │ │ └── README.md │ ├── framework │ │ ├── reader_base.proto │ │ ├── iterator.proto │ │ └── tensor_description.proto │ └── util │ │ └── example_proto_fast_parsing_test.proto ├── cc │ └── saved_model │ │ ├── testdata │ │ ├── half_plus_two │ │ │ └── 00000123 │ │ │ │ ├── assets │ │ │ │ └── foo.txt │ │ │ │ ├── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ │ │ └── saved_model.pb │ │ ├── half_plus_two_pbtxt │ │ │ └── 00000123 │ │ │ │ ├── assets │ │ │ │ └── foo.txt │ │ │ │ └── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ └── half_plus_two_main_op │ │ │ └── 00000123 │ │ │ ├── assets │ │ │ └── foo.txt │ │ │ ├── variables │ │ │ ├── variables.data-00000-of-00001 │ │ │ └── variables.index │ │ │ └── saved_model.pb │ │ └── README.md ├── go │ ├── genop │ │ └── .gitignore │ ├── android.go │ └── lib.go ├── java │ ├── config │ │ ├── exported_symbols.lds │ │ └── version_script.lds │ ├── src │ │ ├── gen │ │ │ └── resources │ │ │ │ └── META-INF │ │ │ │ └── services │ │ │ │ └── javax.annotation.processing.Processor │ │ └── main │ │ │ └── java │ │ │ └── org │ │ │ └── tensorflow │ │ │ └── examples │ │ │ └── .gitignore │ └── maven │ │ ├── .gitignore │ │ └── libtensorflow_jni │ │ └── pom.xml ├── tf_exported_symbols.lds ├── .clang-format ├── tf_version_script.lds └── third_party │ └── mpi │ └── mpi.bzl ├── util └── python │ └── BUILD ├── configure ├── AUTHORS ├── models.BUILD ├── .gitignore └── ADOPTERS.md /BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/grpc/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/py/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/boringssl/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/protobuf/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/docs_src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/sycl/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/ndlstm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/specs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/client/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/io/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/profiler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/summary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/user_ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/dist_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/docker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/keras/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/android/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/android/jni/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/debug/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/debug/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/estimator/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/framework/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/linalg/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/protobuf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/git/.gitignore: -------------------------------------------------------------------------------- 1 | gen 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/training/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/adding_an_op/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/image_retraining/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/estimator/canned/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/estimator/export/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/estimator/inputs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/distributions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/swig/.gitignore: -------------------------------------------------------------------------------- 1 | swig_path 2 | -------------------------------------------------------------------------------- /third_party/jpeg/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/legacy_seq2seq/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/seq2seq/python/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/timeseries/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/how_tos/reading_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/word2vec/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/estimator/inputs/queues/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/pip_package/README: -------------------------------------------------------------------------------- 1 | TensorFlow 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/LU: -------------------------------------------------------------------------------- 1 | #include "Eigen/LU" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/QR: -------------------------------------------------------------------------------- 1 | #include "Eigen/QR" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/SVD: -------------------------------------------------------------------------------- 1 | #include "Eigen/SVD" 2 | -------------------------------------------------------------------------------- /third_party/mkl_dnn/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) 2 | -------------------------------------------------------------------------------- /tensorflow/c/exported_symbols.lds: -------------------------------------------------------------------------------- 1 | _TF_* 2 | _TFE_* 3 | -------------------------------------------------------------------------------- /tensorflow/contrib/seq2seq/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/training/python/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Core: -------------------------------------------------------------------------------- 1 | #include "Eigen/Core" 2 | -------------------------------------------------------------------------------- /third_party/mpi/.gitignore: -------------------------------------------------------------------------------- 1 | *.h 2 | *.dylib 3 | *.so 4 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/README.md: -------------------------------------------------------------------------------- 1 | This is the home of XLA. 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/makefile/.gitignore: -------------------------------------------------------------------------------- 1 | gen/ 2 | downloads/ 3 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Cholesky: -------------------------------------------------------------------------------- 1 | #include "Eigen/Cholesky" 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/legacy_seq2seq/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/core/grappler/inputs/testdata/test_file.txt: -------------------------------------------------------------------------------- 1 | Hello World 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Eigenvalues: -------------------------------------------------------------------------------- 1 | #include "Eigen/Eigenvalues" 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/timeseries/python/timeseries/state_space_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/udacity/.gitignore: -------------------------------------------------------------------------------- 1 | notMNIST_large* 2 | notMNIST_small* 3 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/keyword.txt: -------------------------------------------------------------------------------- 1 | knitting 2 | eminem 3 | MISSING 4 | -------------------------------------------------------------------------------- /tensorflow/docs_src/deploy/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | distributed.md 3 | hadoop.md 4 | -------------------------------------------------------------------------------- /tensorflow/examples/image_retraining/data/labels.txt: -------------------------------------------------------------------------------- 1 | Runner-up 2 | Winner 3 | Loser 4 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/contrib/predictor/test_export_dir/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/wire_vocabulary.txt: -------------------------------------------------------------------------------- 1 | omar 2 | stringer 3 | marlo 4 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/go/genop/.gitignore: -------------------------------------------------------------------------------- 1 | # .pb.go files generated by generate.sh 2 | internal/proto/* 3 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/keyword_new.txt: -------------------------------------------------------------------------------- 1 | MISSING 2 | knitting 3 | flask 4 | eminem 5 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.bayesflow.entropy.md: -------------------------------------------------------------------------------- 1 | # BayesFlow Entropy (contrib) 2 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/warriors_vocabulary.txt: -------------------------------------------------------------------------------- 1 | 30 2 | 35 3 | 11 4 | 23 5 | 22 6 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/CXX11/ThreadPool: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/CXX11/ThreadPool" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/SpecialFunctions: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/SpecialFunctions" 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@ -------------------------------------------------------------------------------- /tensorflow/java/config/exported_symbols.lds: -------------------------------------------------------------------------------- 1 | *Java_org_tensorflow_* 2 | *JNI_OnLoad 3 | *JNI_OnUnload 4 | -------------------------------------------------------------------------------- /tensorflow/tools/proto_text/placeholder.txt: -------------------------------------------------------------------------------- 1 | Contents are unused. See gen_proto_functions.cc for details. 2 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/compiler/xla/.clang-format: -------------------------------------------------------------------------------- 1 | BasedOnStyle: Google 2 | Language: Cpp 3 | PointerBindsToType: true 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint_vocab.txt: -------------------------------------------------------------------------------- 1 | zero 2 | one 3 | two 4 | three 5 | four 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint_vocab_with_oov.txt: -------------------------------------------------------------------------------- 1 | zero 2 | one 3 | two 4 | three 5 | -------------------------------------------------------------------------------- /tensorflow/docs_src/about/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | roadmap.md 3 | uses.md 4 | bib.md 5 | attribution.md 6 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/cub/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(cub) 4 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.bayesflow.stochastic_graph.md: -------------------------------------------------------------------------------- 1 | # BayesFlow Stochastic Graph (contrib) 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/gemmlowp/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(gemmlowp) -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_O.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "OneHot" 3 | visibility: HIDDEN 4 | } 5 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_Z.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ZerosLike" 3 | visibility: HIDDEN 4 | } 5 | -------------------------------------------------------------------------------- /tensorflow/tf_exported_symbols.lds: -------------------------------------------------------------------------------- 1 | *tensorflow* 2 | *perftools*gputools* 3 | *tf_* 4 | *TF_* 5 | *TFE_* 6 | *nsync_* 7 | -------------------------------------------------------------------------------- /tensorflow/contrib/learn/python/learn/datasets/data/text_test.csv: -------------------------------------------------------------------------------- 1 | 2,"Sergey Brin","Sergey Brin is the co-founder of Google." 2 | -------------------------------------------------------------------------------- /tensorflow/core/lib/bmp/testdata/lena.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/bmp/testdata/lena.bmp -------------------------------------------------------------------------------- /tensorflow/core/lib/gif/testdata/lena.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/gif/testdata/lena.gif -------------------------------------------------------------------------------- /tensorflow/core/lib/gif/testdata/scan.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/gif/testdata/scan.gif -------------------------------------------------------------------------------- /tensorflow/core/profiler/g3doc/pprof.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/g3doc/pprof.jpg -------------------------------------------------------------------------------- /tensorflow/docs_src/community/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | welcome.md 3 | documentation.md 4 | style_guide.md 5 | benchmarks.md 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/verbs/design_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/verbs/design_diagram.png -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/small.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/small.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/lmdb/testdata/data.mdb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/lmdb/testdata/data.mdb -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.bayesflow.stochastic_tensor.md: -------------------------------------------------------------------------------- 1 | # BayesFlow Stochastic Tensors (contrib) 2 | [TOC] 3 | 4 | -------------------------------------------------------------------------------- /tensorflow/java/src/gen/resources/META-INF/services/javax.annotation.processing.Processor: -------------------------------------------------------------------------------- 1 | org.tensorflow.processor.OperatorProcessor 2 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/service/llvm_ir/README.md: -------------------------------------------------------------------------------- 1 | Common utilities and abstractions for handling and emitting LLVM IR for XLA 2 | backends. 3 | -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/gmm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/factorization/g3doc/gmm.png -------------------------------------------------------------------------------- /tensorflow/contrib/kfac/g3doc/autoencoder.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/kfac/g3doc/autoencoder.png -------------------------------------------------------------------------------- /tensorflow/core/lib/gif/testdata/optimized.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/gif/testdata/optimized.gif -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/corrupt.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/medium.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/medium.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/png/testdata/lena_gray.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/png/testdata/lena_gray.png -------------------------------------------------------------------------------- /tensorflow/core/lib/png/testdata/lena_rgba.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/png/testdata/lena_rgba.png -------------------------------------------------------------------------------- /tensorflow/core/profiler/g3doc/profiler_ui.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/g3doc/profiler_ui.jpg -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/wals.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/factorization/g3doc/wals.png -------------------------------------------------------------------------------- /tensorflow/core/profiler/g3doc/code_timeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/g3doc/code_timeline.png -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.opt.md: -------------------------------------------------------------------------------- 1 | # Optimization (contrib) 2 | [TOC] 3 | 4 | opt: A module containing optimization routines. 5 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/histogram_ops.md: -------------------------------------------------------------------------------- 1 | # Histograms 2 | [TOC] 3 | 4 | ## Histograms 5 | 6 | * @{tf.histogram_fixed_width} 7 | -------------------------------------------------------------------------------- /tensorflow/go/android.go: -------------------------------------------------------------------------------- 1 | // +build android 2 | 3 | package tensorflow 4 | 5 | // #cgo LDFLAGS: -landroid -llog -lm -lz -ldl 6 | import "C" 7 | -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/kmeans.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/factorization/g3doc/kmeans.png -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_10khz.ogg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/mono_10khz.ogg -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_10khz.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/mono_10khz.wav -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_16khz.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/mono_16khz.mp3 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/stereo_48khz.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/stereo_48khz.mp3 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/test_sound1.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/test_sound1.mp3 -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/bad_huffman.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/bad_huffman.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/corrupt34_2.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/corrupt34_3.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/corrupt34_4.jpg -------------------------------------------------------------------------------- /tensorflow/core/profiler/g3doc/graph_timeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/g3doc/graph_timeline.png -------------------------------------------------------------------------------- /tensorflow/core/profiler/g3doc/scope_timeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/g3doc/scope_timeline.png -------------------------------------------------------------------------------- /tensorflow/core/profiler/internal/testdata/run_meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/internal/testdata/run_meta -------------------------------------------------------------------------------- /tensorflow/examples/ios/.gitignore: -------------------------------------------------------------------------------- 1 | project.xcworkspace 2 | xcuserdata 3 | imagenet_comp_graph_label_strings.txt 4 | tensorflow_inception_graph.pb 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/android/cmake/src/main/res/values/strings.xml: -------------------------------------------------------------------------------- 1 | 2 | TensorFlowInference 3 | 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_16khz_mp3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/mono_16khz_mp3.mp4 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_32khz_aac.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/mono_32khz_aac.mp4 -------------------------------------------------------------------------------- /tensorflow/core/profiler/internal/testdata/ckpt.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/internal/testdata/ckpt.index -------------------------------------------------------------------------------- /tensorflow/core/profiler/internal/testdata/ckpt.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/internal/testdata/ckpt.meta -------------------------------------------------------------------------------- /tensorflow/core/profiler/internal/testdata/tfprof_log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/internal/testdata/tfprof_log -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/detect1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/sample_images/detect1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/ios/camera/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/ios/camera/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/examples/ios/simple/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/ios/simple/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/examples/label_image/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/label_image/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/windows/cpu/pip/run.bat: -------------------------------------------------------------------------------- 1 | c:\tools\msys64\usr\bin\bash -l %cd%/tensorflow/tools/ci_build/windows/cpu/pip/build_tf_windows.sh %* 2 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/windows/gpu/pip/run.bat: -------------------------------------------------------------------------------- 1 | c:\tools\msys64\usr\bin\bash -l %cd%/tensorflow/tools/ci_build/windows/gpu/pip/build_tf_windows.sh %* 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/stereo_48khz_aac.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/stereo_48khz_aac.mp4 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/stereo_48khz_mp3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/ffmpeg/testdata/stereo_48khz_mp3.mp4 -------------------------------------------------------------------------------- /tensorflow/contrib/tpu/profiler/pip_package/README: -------------------------------------------------------------------------------- 1 | This package contains a Python wrapper around an pre-built C++ binary that is 2 | used to profile Cloud TPU. 3 | -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/tile.9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-hdpi/tile.9.png -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/classify1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/sample_images/classify1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/stylize1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/sample_images/stylize1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/ios/benchmark/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/ios/benchmark/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/examples/multibox_detector/data/surfers.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/multibox_detector/data/surfers.jpg -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/deepdream/pilatus800.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/tutorials/deepdream/pilatus800.jpg -------------------------------------------------------------------------------- /tensorflow/.clang-format: -------------------------------------------------------------------------------- 1 | # Run manually to reformat a file: 2 | # clang-format -i --style=file 3 | BasedOnStyle: Google 4 | DerivePointerAlignment: false 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/kernel_methods/g3doc/acc_vs_outdim.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/kernel_methods/g3doc/acc_vs_outdim.png -------------------------------------------------------------------------------- /tensorflow/contrib/kernel_methods/g3doc/kernel_mapping.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/kernel_methods/g3doc/kernel_mapping.png -------------------------------------------------------------------------------- /tensorflow/contrib/pi_examples/.gitignore: -------------------------------------------------------------------------------- 1 | tensorflow_inception_graph.pb 2 | imagenet_comp_graph_label_strings.txt 3 | tensorflow_inception_stripped.pb 4 | */gen/ 5 | -------------------------------------------------------------------------------- /tensorflow/examples/ios/camera/Podfile: -------------------------------------------------------------------------------- 1 | platform :ios, '8.0' 2 | inhibit_all_warnings! 3 | 4 | target 'tf_camera_example' 5 | pod 'TensorFlow-experimental' 6 | -------------------------------------------------------------------------------- /tensorflow/examples/ios/simple/Podfile: -------------------------------------------------------------------------------- 1 | platform :ios, '8.0' 2 | inhibit_all_warnings! 3 | 4 | target 'tf_simple_example' 5 | pod 'TensorFlow-experimental' 6 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/windows/cpu/bazel/run_libtensorflow.bat: -------------------------------------------------------------------------------- 1 | c:\tools\msys64\usr\bin\bash -l %cd%/tensorflow/tools/ci_build/windows/libtensorflow_cpu.sh %* 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/README.md: -------------------------------------------------------------------------------- 1 | # TensorFlow contrib framework. 2 | 3 | Common TensorFlow utilities, mostly used by tf.contrib.layers and 4 | tf.contrib.losses. 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/framework/testdata/bundle_checkpoint.index -------------------------------------------------------------------------------- /tensorflow/contrib/kernel_methods/g3doc/acc-vs-trn_time.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/kernel_methods/g3doc/acc-vs-trn_time.png -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/newton.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/linear_optimizer/kernels/g3doc/newton.png -------------------------------------------------------------------------------- /tensorflow/contrib/predictor/test_export_dir/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/predictor/test_export_dir/saved_model.pb -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1_cmyk.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1_cmyk.jpg -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.bayesflow.variational_inference.md: -------------------------------------------------------------------------------- 1 | # BayesFlow Variational Inference (contrib) 2 | [TOC] 3 | 4 | Variational inference. 5 | -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-hdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-mdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-mdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/examples/ios/benchmark/Podfile: -------------------------------------------------------------------------------- 1 | platform :ios, '8.0' 2 | inhibit_all_warnings! 3 | 4 | target 'tf_benchmark_example' 5 | pod 'TensorFlow-experimental' 6 | -------------------------------------------------------------------------------- /tensorflow/java/src/main/java/org/tensorflow/examples/.gitignore: -------------------------------------------------------------------------------- 1 | # .class files generated when building examples using javac 2 | # as described in README.md 3 | *.class 4 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/embedding.ckpt.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/python/feature_column/testdata/embedding.ckpt.meta -------------------------------------------------------------------------------- /third_party/sycl/sycl/platform.bzl.tpl: -------------------------------------------------------------------------------- 1 | def sycl_library_path(name): 2 | return "lib/lib{}.so".format(name) 3 | 4 | def readlink_command(): 5 | return "readlink" 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/benchmark_tools/README.md: -------------------------------------------------------------------------------- 1 | # Benchmarking Scripts 2 | 3 | This directory tree contains a set of scripts that are useful when benchmarking 4 | TensorFlow. 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/learn/python/learn/estimators/g3doc/svm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/learn/python/learn/estimators/g3doc/svm.png -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.copy_graph.md: -------------------------------------------------------------------------------- 1 | # Copying Graph Elements (contrib) 2 | [TOC] 3 | 4 | Functions for copying elements from one graph to another. 5 | -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xhdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-xhdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xxhdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-xxhdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/embedding.ckpt.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/python/feature_column/testdata/embedding.ckpt.index -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/windows/cpu/bazel/run_cc_test_windows.bat: -------------------------------------------------------------------------------- 1 | c:\tools\msys64\usr\bin\bash -l %cd%/tensorflow/tools/ci_build/windows/cpu/bazel/run_cc_test_windows.sh %* 2 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/windows/gpu/bazel/run_cc_test_windows.bat: -------------------------------------------------------------------------------- 1 | c:\tools\msys64\usr\bin\bash -l %cd%/tensorflow/tools/ci_build/windows/gpu/bazel/run_cc_test_windows.sh %* 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/mod_newton.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/linear_optimizer/kernels/g3doc/mod_newton.png -------------------------------------------------------------------------------- /tensorflow/contrib/pi_examples/label_image/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/pi_examples/label_image/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/docs_src/extras/README.txt: -------------------------------------------------------------------------------- 1 | This directory holds extra files we'd like to be able 2 | to link to and serve from within tensorflow.org. 3 | They are excluded from versioning. -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-hdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-mdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-mdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xhdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-xhdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xxhdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/examples/android/res/drawable-xxhdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/core/kernels/spectrogram_test_data/short_test_segment.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/kernels/spectrogram_test_data/short_test_segment.wav -------------------------------------------------------------------------------- /tensorflow/core/profiler/internal/testdata/ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/profiler/internal/testdata/ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /tensorflow/contrib/predictor/test_export_dir/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/predictor/test_export_dir/variables/variables.index -------------------------------------------------------------------------------- /tensorflow/contrib/testing/testdata/mobilenet_224_gender_basic_fixed.mb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/testing/testdata/mobilenet_224_gender_basic_fixed.mb -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/cc/saved_model/testdata/half_plus_two/00000123/saved_model.pb -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_V.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Variable" 3 | visibility: HIDDEN 4 | } 5 | op { 6 | graph_op_name: "VariableV2" 7 | visibility: HIDDEN 8 | } 9 | -------------------------------------------------------------------------------- /tensorflow/c/version_script.lds: -------------------------------------------------------------------------------- 1 | VERS_1.0 { 2 | # Export symbols in c_api.h. 3 | global: 4 | *TF_*; 5 | *TFE_*; 6 | 7 | # Hide everything else. 8 | local: 9 | *; 10 | }; 11 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint.data-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/framework/testdata/bundle_checkpoint.data-00000-of-00001 -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/embedding.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/python/feature_column/testdata/embedding.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /tensorflow/contrib/learn/python/learn/datasets/data/text_train.csv: -------------------------------------------------------------------------------- 1 | 1,"Google","Google is a company." 2 | 2,"Larry Page","Larry Page is the co-founder of Google." 3 | 3,"Time","Time is a news magazine." 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export.meta -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_U.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "UniformCandidateSampler" 3 | visibility: HIDDEN 4 | } 5 | op { 6 | graph_op_name: "Unpack" 7 | visibility: HIDDEN 8 | } 9 | -------------------------------------------------------------------------------- /tensorflow/docs_src/extend/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | architecture.md 3 | adding_an_op.md 4 | add_filesys.md 5 | new_data_formats.md 6 | estimators.md 7 | language_bindings.md 8 | tool_developers/index.md 9 | -------------------------------------------------------------------------------- /tensorflow/tf_version_script.lds: -------------------------------------------------------------------------------- 1 | tensorflow { 2 | global: 3 | *tensorflow*; 4 | *perftools*gputools*; 5 | *TF_*; 6 | *TFE_*; 7 | *nsync_*; 8 | local: 9 | *; 10 | }; 11 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.wrappers.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.wrappers" 2 | tf_module { 3 | member { 4 | name: "scikit_learn" 5 | mtype: "" 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/saved_model.pb -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/newton_compare_experiment.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/linear_optimizer/kernels/g3doc/newton_compare_experiment.png -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_W.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "WholeFileReader" 3 | visibility: HIDDEN 4 | } 5 | op { 6 | graph_op_name: "WholeFileReaderV2" 7 | visibility: HIDDEN 8 | } 9 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.staging.md: -------------------------------------------------------------------------------- 1 | # Staging (contrib) 2 | [TOC] 3 | 4 | This library contains utilities for adding pipelining to a model. 5 | 6 | * @{tf.contrib.staging.StagingArea} 7 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.index -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.index -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.meta -------------------------------------------------------------------------------- /tensorflow/core/kernels/spectrogram_test_data/short_test_segment_spectrogram.csv.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/kernels/spectrogram_test_data/short_test_segment_spectrogram.csv.bin -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.saved_model.builder.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.saved_model.builder" 2 | tf_module { 3 | member { 4 | name: "SavedModelBuilder" 5 | mtype: "" 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /third_party/fft2d/LICENSE: -------------------------------------------------------------------------------- 1 | Copyright(C) 1997,2001 Takuya OOURA (email: ooura@kurims.kyoto-u.ac.jp). 2 | You may use, copy, modify this code for any purpose and 3 | without fee. You may distribute this ORIGINAL package. 4 | -------------------------------------------------------------------------------- /util/python/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["restricted"]) 2 | 3 | package(default_visibility = ["//visibility:public"]) 4 | 5 | alias( 6 | name = "python_headers", 7 | actual = "@local_config_python//:python_headers", 8 | ) 9 | -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export-00000-of-00001 -------------------------------------------------------------------------------- /tensorflow/docs_src/install/leftnav_files: -------------------------------------------------------------------------------- 1 | install_linux.md 2 | install_mac.md 3 | install_windows.md 4 | install_sources.md 5 | >>> 6 | migration.md 7 | >>> 8 | install_java.md 9 | install_go.md 10 | install_c.md 11 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/variables/variables.index -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.index -------------------------------------------------------------------------------- /tensorflow/core/kernels/spectrogram_test_data/short_test_segment_spectrogram_400_200.csv.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/aa/tensorflow/master/tensorflow/core/kernels/spectrogram_test_data/short_test_segment_spectrogram_400_200.csv.bin -------------------------------------------------------------------------------- /tensorflow/java/config/version_script.lds: -------------------------------------------------------------------------------- 1 | VERS_1.0 { 2 | # Export JNI symbols. 3 | global: 4 | Java_*; 5 | JNI_OnLoad; 6 | JNI_OnUnload; 7 | 8 | # Hide everything else. 9 | local: 10 | *; 11 | }; 12 | -------------------------------------------------------------------------------- /third_party/llvm/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) 2 | 3 | py_binary( 4 | name = "expand_cmake_vars", 5 | srcs = ["expand_cmake_vars.py"], 6 | srcs_version = "PY2AND3", 7 | visibility = ["@llvm//:__subpackages__"], 8 | ) 9 | -------------------------------------------------------------------------------- /tensorflow/contrib/android/jni/version_script.lds: -------------------------------------------------------------------------------- 1 | VERS_1.0 { 2 | # Export JNI symbols. 3 | global: 4 | Java_*; 5 | JNI_OnLoad; 6 | JNI_OnUnload; 7 | 8 | # Hide everything else. 9 | local: 10 | *; 11 | }; 12 | -------------------------------------------------------------------------------- /tensorflow/examples/speech_commands/README.md: -------------------------------------------------------------------------------- 1 | # Speech Commands Example 2 | 3 | This is a basic speech recognition example. For more information, see the 4 | tutorial at https://www.tensorflow.org/versions/master/tutorials/audio_recognition. 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/remote_fused_graph/README.md: -------------------------------------------------------------------------------- 1 | # Remote Fused Graph 2 | 3 | ## Description 4 | 5 | This module contains libraries for remote fused graph utilities 6 | 7 | Maintainers: 8 | - Satoshi Kataoka (satok@google.com, github.com/satok16) 9 | -------------------------------------------------------------------------------- /tensorflow/docs_src/mobile/leftnav_files: -------------------------------------------------------------------------------- 1 | ### TensorFlow for Mobile 2 | index.md 3 | android_build.md 4 | ios_build.md 5 | #raspi_build.md until this section gets rewritten, or TFLite takes over 6 | linking_libs.md 7 | prepare_models.md 8 | optimizing.md 9 | -------------------------------------------------------------------------------- /tensorflow/docs_src/programmers_guide/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | estimators.md 3 | tensors.md 4 | variables.md 5 | graphs.md 6 | saved_model.md 7 | datasets.md 8 | embedding.md 9 | debugger.md 10 | supervisor.md 11 | version_compat.md 12 | faq.md 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.cifar10.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.cifar10" 2 | tf_module { 3 | member_method { 4 | name: "load_data" 5 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/docs_src/get_started/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | get_started.md 3 | mnist/beginners.md 4 | mnist/pros.md 5 | mnist/mechanics.md 6 | estimator.md 7 | input_fn.md 8 | summaries_and_tensorboard.md 9 | graph_viz.md 10 | tensorboard_histograms.md 11 | -------------------------------------------------------------------------------- /tensorflow/contrib/graph_editor/README.md: -------------------------------------------------------------------------------- 1 | # TensorFlow Graph Editor 2 | 3 | The TensorFlow Graph Editor library allows for modification of an existing 4 | tf.Graph instance in-place. 5 | 6 | The author's github username is [purpledog](https://github.com/purpledog). 7 | -------------------------------------------------------------------------------- /tensorflow/docs_src/tutorials/seq2seq.md: -------------------------------------------------------------------------------- 1 | # Sequence-to-Sequence Models 2 | 3 | Please check out the 4 | [tensorflow neural machine translation tutorial](https://github.com/tensorflow/nmt) 5 | for building sequence-to-sequence models with the latest Tensorflow API. 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/mpi_collectives/README.md: -------------------------------------------------------------------------------- 1 | # MPI TensorFlow integration 2 | 3 | Tensorflow MPI integration allows communicating between different TensorFlow 4 | processes using MPI. This enables training across multiple nodes and GPUs 5 | using high-speed interconnects. 6 | -------------------------------------------------------------------------------- /tensorflow/core/platform/cloud/testdata/application_default_credentials.json: -------------------------------------------------------------------------------- 1 | { 2 | "client_id": "fake-client-id.apps.googleusercontent.com", 3 | "client_secret": "fake-client-secret", 4 | "refresh_token": "fake-refresh-token", 5 | "type": "authorized_user" 6 | } 7 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfadd_with_ckpt.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_hold" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | fetch { 9 | id { node_name: "x_y_sum" } 10 | } 11 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.mnist.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.mnist" 2 | tf_module { 3 | member_method { 4 | name: "load_data" 5 | argspec: "args=[\'path\'], varargs=None, keywords=None, defaults=[\'mnist.npz\'], " 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.cifar100.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.cifar100" 2 | tf_module { 3 | member_method { 4 | name: "load_data" 5 | argspec: "args=[\'label_mode\'], varargs=None, keywords=None, defaults=[\'fine\'], " 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /configure: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -e 4 | set -o pipefail 5 | 6 | if [ -z "$PYTHON_BIN_PATH" ]; then 7 | PYTHON_BIN_PATH=$(which python || which python3 || true) 8 | fi 9 | 10 | # Set all env variables 11 | "$PYTHON_BIN_PATH" configure.py 12 | 13 | echo "Configuration finished" 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/contrib/opt/README.md: -------------------------------------------------------------------------------- 1 | # Optimization package 2 | 3 | Contains the following experimental optimization functionality: 4 | 5 | * Support for controlling a TensorFlow session using external optimization 6 | algorithms. 7 | * L2-norm clipping of weights 8 | 9 | Maintainer: joshburkart 10 | -------------------------------------------------------------------------------- /tensorflow/docs_src/performance/leftnav_files: -------------------------------------------------------------------------------- 1 | performance_guide.md 2 | performance_models.md 3 | benchmarks.md 4 | quantization.md 5 | >>> 6 | xla/index.md 7 | xla/broadcasting.md 8 | xla/developing_new_backend.md 9 | xla/jit.md 10 | xla/operation_semantics.md 11 | xla/shapes.md 12 | xla/tfcompile.md 13 | -------------------------------------------------------------------------------- /third_party/linenoise.BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # 2-clause BSD 2 | 3 | exports_files(["LICENSE"]) 4 | 5 | package( 6 | default_visibility = ["//visibility:public"], 7 | ) 8 | 9 | cc_library( 10 | name = "linenoise", 11 | srcs = ["linenoise.c"], 12 | hdrs = ["linenoise.h"], 13 | ) 14 | -------------------------------------------------------------------------------- /tensorflow/contrib/gdr/gdr.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | 6 | message RemoteMemoryRegion { 7 | string host = 1; 8 | string port = 2; 9 | uint64 addr = 3; 10 | uint32 rkey = 4; 11 | uint32 tensor_key = 5; 12 | uint64 checksum = 6; 13 | } 14 | -------------------------------------------------------------------------------- /tensorflow/java/maven/.gitignore: -------------------------------------------------------------------------------- 1 | # Files generated by the release script 2 | # (normally cleaned up by the script as well) 3 | target/ 4 | libtensorflow/src 5 | libtensorflow/target 6 | libtensorflow_jni/src 7 | libtensorflow_jni/target 8 | tensorflow/src 9 | tensorflow/target 10 | proto/src 11 | proto/target 12 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.distributions.bijectors.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.distributions.bijectors" 2 | tf_module { 3 | member { 4 | name: "Bijector" 5 | mtype: "" 6 | } 7 | member { 8 | name: "Identity" 9 | mtype: "" 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.wrappers.scikit_learn.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.wrappers.scikit_learn" 2 | tf_module { 3 | member { 4 | name: "KerasClassifier" 5 | mtype: "" 6 | } 7 | member { 8 | name: "KerasRegressor" 9 | mtype: "" 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /third_party/gpus/crosstool/remote.BUILD.tpl: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Template for crosstool Build file to use a pre-generated config. 3 | licenses(["restricted"]) 4 | 5 | package(default_visibility = ["//visibility:public"]) 6 | 7 | alias( 8 | name = "toolchain", 9 | actual = "%{remote_cuda_repo}:toolchain", 10 | ) 11 | -------------------------------------------------------------------------------- /tensorflow/contrib/eager/python/examples/mnist/README.md: -------------------------------------------------------------------------------- 1 | Classification model for the MNIST dataset using eager execution. 2 | 3 | To run: 4 | 5 | ``` 6 | python mnist.py 7 | ``` 8 | 9 | `mnist_graph_test.py` demonstrates that the same code that is executed eagerly 10 | in `mnist.py` is used to construct a TensorFlow graph. 11 | -------------------------------------------------------------------------------- /tensorflow/docs_src/tutorials/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | using_gpu.md 3 | image_recognition.md 4 | image_retraining.md 5 | layers.md 6 | deep_cnn.md 7 | word2vec.md 8 | recurrent.md 9 | seq2seq.md 10 | linear.md 11 | wide.md 12 | wide_and_deep.md 13 | kernel_methods.md 14 | audio_recognition.md 15 | mandelbrot.md 16 | pdes.md 17 | -------------------------------------------------------------------------------- /tensorflow/python/keras/README.md: -------------------------------------------------------------------------------- 1 | Keras is an object-oriented API for defining and training neural networks. 2 | 3 | This module contains a pure-TensorFlow implementation of the Keras API, 4 | allowing for deep integration with TensorFlow functionality. 5 | 6 | See [keras.io](https://keras.io) for complete documentation and user guides. 7 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.app.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.app" 2 | tf_module { 3 | member { 4 | name: "flags" 5 | mtype: "" 6 | } 7 | member_method { 8 | name: "run" 9 | argspec: "args=[\'main\', \'argv\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], " 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/core/lib/io/table_format.txt: -------------------------------------------------------------------------------- 1 | File format 2 | =========== 3 | 4 | The table format is similar to the table format for the LevelDB 5 | open source key/value store, with the exception that our tables 6 | do not support "filter" meta blocks (Bloom Filters). See: 7 | 8 | https://github.com/google/leveldb/blob/master/doc/table_format.md 9 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.boston_housing.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.boston_housing" 2 | tf_module { 3 | member_method { 4 | name: "load_data" 5 | argspec: "args=[\'path\', \'seed\', \'test_split\'], varargs=None, keywords=None, defaults=[\'boston_housing.npz\', \'113\', \'0.2\'], " 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/core/debug/debugger_event_metadata.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package third_party.tensorflow.core.debug; 4 | 5 | // Encapsulates per-event data related to debugging. 6 | message DebuggerEventMetadata { 7 | string device = 1; 8 | int32 output_slot = 2; 9 | int32 num_chunks = 3; 10 | int32 chunk_index = 4; 11 | }; 12 | -------------------------------------------------------------------------------- /third_party/py/remote.BUILD.tpl: -------------------------------------------------------------------------------- 1 | licenses(["restricted"]) 2 | 3 | package(default_visibility = ["//visibility:public"]) 4 | 5 | alias( 6 | name = "python_headers", 7 | actual = "%{REMOTE_PYTHON_REPO}:python_headers", 8 | ) 9 | 10 | alias( 11 | name = "numpy_headers", 12 | actual = "%{REMOTE_PYTHON_REPO}:numpy_headers", 13 | ) 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.errors.raise_exception_on_not_ok_status.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.errors.raise_exception_on_not_ok_status" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | } 9 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test_graph_tfadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_reshape" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | fetch { 15 | id { node_name: "x_y_sum" } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test_graph_tfunknownop.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_const" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | fetch { 15 | id { node_name: "x_y_sum" } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_const" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | fetch { 15 | id { node_name: "x_y_sum" } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/contrib/android/cmake/src/main/AndroidManifest.xml: -------------------------------------------------------------------------------- 1 | 3 | 4 | 6 | 7 | 8 | 9 | 10 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_N.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Neg" 3 | visibility: HIDDEN 4 | } 5 | op { 6 | graph_op_name: "NegTrain" 7 | visibility: HIDDEN 8 | } 9 | op { 10 | graph_op_name: "NonMaxSuppression" 11 | visibility: HIDDEN 12 | } 13 | op { 14 | graph_op_name: "NonMaxSuppressionV2" 15 | visibility: HIDDEN 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/tests/API_UPDATE_WARNING.txt: -------------------------------------------------------------------------------- 1 | Golden file update requested! 2 | All test failures have been skipped, see the logs for detected diffs. 3 | This test is now going to write new golden files. 4 | Make sure to package the updates together with your change. 5 | 6 | You will need an explicit API approval. This may take longer than a normal 7 | review. 8 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/pep8: -------------------------------------------------------------------------------- 1 | [pep8] 2 | 3 | # Skip errors and warnings 4 | # E111 indentation is not a multiple of four 5 | # E114 indentation is not a multiple of four (comment) 6 | ignore=E114,E111 7 | 8 | # Set maximum allowed line length (default: 79) 9 | max-line-length=80 10 | 11 | # Set the error format [default|pylint|] 12 | format=pylint -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tffunction.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_const" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | fetch { 15 | id { node_name: "func_call" } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfgather.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "params" } 4 | shape { 5 | dim { size: 4 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "indices" } 10 | shape { 11 | dim { size: 2 } 12 | } 13 | } 14 | fetch { 15 | id { node_name: "gather_output" } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.preprocessing.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.preprocessing" 2 | tf_module { 3 | member { 4 | name: "image" 5 | mtype: "" 6 | } 7 | member { 8 | name: "sequence" 9 | mtype: "" 10 | } 11 | member { 12 | name: "text" 13 | mtype: "" 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/script_ops.md: -------------------------------------------------------------------------------- 1 | # Wraps python functions 2 | 3 | Note: Functions taking `Tensor` arguments can also take anything accepted by 4 | @{tf.convert_to_tensor}. 5 | 6 | [TOC] 7 | 8 | ## Script Language Operators 9 | 10 | TensorFlow provides allows you to wrap python/numpy functions as 11 | TensorFlow operators. 12 | 13 | * @{tf.py_func} 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.estimator.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.estimator" 2 | tf_module { 3 | member_method { 4 | name: "model_to_estimator" 5 | argspec: "args=[\'keras_model\', \'keras_model_path\', \'custom_objects\', \'model_dir\', \'config\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'None\', \'None\', \'None\'], " 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.saved_model.tag_constants.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.saved_model.tag_constants" 2 | tf_module { 3 | member { 4 | name: "GPU" 5 | mtype: "" 6 | } 7 | member { 8 | name: "SERVING" 9 | mtype: "" 10 | } 11 | member { 12 | name: "TRAINING" 13 | mtype: "" 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /third_party/six.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Six provides simple utilities for wrapping over differences between Python 2 3 | # and Python 3. 4 | 5 | licenses(["notice"]) # MIT 6 | 7 | exports_files(["LICENSE"]) 8 | 9 | py_library( 10 | name = "six", 11 | srcs = ["six.py"], 12 | srcs_version = "PY2AND3", 13 | visibility = ["//visibility:public"], 14 | ) 15 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_G.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "GenerateVocabRemapping" 3 | visibility: HIDDEN 4 | } 5 | op { 6 | graph_op_name: "GetSessionHandle" 7 | visibility: HIDDEN 8 | } 9 | op { 10 | graph_op_name: "GetSessionHandleV2" 11 | visibility: HIDDEN 12 | } 13 | op { 14 | graph_op_name: "GetSessionTensor" 15 | visibility: HIDDEN 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/spectrogram_test_data/README: -------------------------------------------------------------------------------- 1 | The CSV spectrogram files in this directory are generated from the 2 | matlab code in ./matlab/GenerateTestData.m 3 | To save space in the repo, you'll then need to convert them into a binary packed 4 | format using the convert_test_data.cc command line tool. 5 | 6 | 7 | short_test_segment.wav is approximately 1s of music audio. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_H.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HSVToRGB" 3 | endpoint { 4 | name: "image.hsv_to_rgb" 5 | } 6 | } 7 | op { 8 | graph_op_name: "HashTable" 9 | visibility: HIDDEN 10 | } 11 | op { 12 | graph_op_name: "HashTableV2" 13 | visibility: HIDDEN 14 | } 15 | op { 16 | graph_op_name: "HistogramSummary" 17 | visibility: HIDDEN 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-register-gradient.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.RegisterGradient" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'op_type\'], varargs=None, keywords=None, defaults=None" 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /third_party/sycl/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | filegroup( 6 | name = "all_files", 7 | srcs = glob( 8 | ["**/*"], 9 | exclude = [ 10 | "**/METADATA", 11 | "**/OWNERS", 12 | ], 13 | ), 14 | visibility = ["//tensorflow:__subpackages__"], 15 | ) 16 | -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- 1 | # This is the official list of TensorFlow authors for copyright purposes. 2 | # This file is distinct from the CONTRIBUTORS files. 3 | # See the latter for an explanation. 4 | 5 | # Names should be added to this file as: 6 | # Name or Organization 7 | # The email address is not required for organizations. 8 | 9 | Google Inc. 10 | Yuan Tang terrytangyuan@gmail.com 11 | -------------------------------------------------------------------------------- /tensorflow/python/debug/examples/README.md: -------------------------------------------------------------------------------- 1 | Hi, there! 2 | 3 | The documentation of **TensorFlow Debugger (tfdbg)** has moved. 4 | 5 | See the source version at 6 | [this new location](../../../docs_src/programmers_guide/debugger.md). 7 | 8 | See the public website version at 9 | [https://www.tensorflow.org/programmers_guide/debugger](https://www.tensorflow.org/programmers_guide/debugger). 10 | -------------------------------------------------------------------------------- /third_party/ortools.BUILD: -------------------------------------------------------------------------------- 1 | # Google's software suite for combinatorial optimization 2 | 3 | licenses(["notice"]) # Apache2 license 4 | 5 | exports_files(["LICENSE-2.0.txt"]) 6 | 7 | native.cc_library( 8 | name = "linear_solver_glop", 9 | deps = [ 10 | "@ortools_archive//linear_solver:linear_solver_glop", 11 | ], 12 | visibility = ["//visibility:public"], 13 | ) 14 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfsplits.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x" } 4 | shape { 5 | dim { size: 2 } 6 | dim { size: 2 } 7 | } 8 | } 9 | feed { 10 | id { node_name: "y" } 11 | shape { 12 | dim { size: 2 } 13 | dim { size: 2 } 14 | } 15 | } 16 | fetch { 17 | id { node_name: "result" } 18 | } 19 | -------------------------------------------------------------------------------- /third_party/flatbuffers/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | filegroup( 6 | name = "all_files", 7 | srcs = glob( 8 | ["**/*"], 9 | exclude = [ 10 | "**/METADATA", 11 | "**/OWNERS", 12 | ], 13 | ), 14 | visibility = ["//tensorflow:__subpackages__"], 15 | ) 16 | -------------------------------------------------------------------------------- /tensorflow/contrib/integrate/README.md: -------------------------------------------------------------------------------- 1 | # Integration and ODE solvers for TensorFlow 2 | 3 | TensorFlow equivalents to the routines provided by `scipy.integrate`. Currently 4 | contains a single function, `odeint`, for integrating ordinary differential 5 | equations. 6 | 7 | Maintainers: 8 | - Stephan Hoyer (shoyer@google.com, github.com/shoyer) 9 | - Marc Coram (mcoram@google.com, github.com/mcoram) 10 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.crf.md: -------------------------------------------------------------------------------- 1 | # CRF (contrib) 2 | 3 | Linear-chain CRF layer. 4 | 5 | * @{tf.contrib.crf.crf_sequence_score} 6 | * @{tf.contrib.crf.crf_log_norm} 7 | * @{tf.contrib.crf.crf_log_likelihood} 8 | * @{tf.contrib.crf.crf_unary_score} 9 | * @{tf.contrib.crf.crf_binary_score} 10 | * @{tf.contrib.crf.CrfForwardRnnCell} 11 | * @{tf.contrib.crf.viterbi_decode} 12 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/input_fn/boston_predict.csv: -------------------------------------------------------------------------------- 1 | CRIM,ZN,INDUS,NOX,RM,AGE,DIS,TAX,PTRATIO 2 | 0.03359,75.0,2.95,0.428,7.024,15.8,5.4011,252,18.3 3 | 5.09017,0.0,18.1,0.713,6.297,91.8,2.3682,666,20.2 4 | 0.1265,25.0,5.13,0.453,6.762,43.4,7.9809,284,19.7 5 | 0.05515,33.0,2.18,0.472,7.236,41.1,4.022,222,18.4 6 | 8.15174,0.0,18.1,0.7,5.39,98.9,1.7281,666,20.2 7 | 0.24522,0.0,9.9,0.544,5.782,71.7,4.0317,304,18.4 8 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.saved_model.main_op.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.saved_model.main_op" 2 | tf_module { 3 | member_method { 4 | name: "main_op" 5 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 6 | } 7 | member_method { 8 | name: "main_op_with_restore" 9 | argspec: "args=[\'restore_op_name\'], varargs=None, keywords=None, defaults=None" 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfmatmul.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_hold" } 4 | shape { 5 | dim { size: 2 } 6 | dim { size: 3 } 7 | } 8 | } 9 | feed { 10 | id { node_name: "y_hold" } 11 | shape { 12 | dim { size: 3 } 13 | dim { size: 2 } 14 | } 15 | } 16 | fetch { 17 | id { node_name: "x_y_prod" } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/contrib.util.md: -------------------------------------------------------------------------------- 1 | # Utilities (contrib) 2 | [TOC] 3 | 4 | Utilities for dealing with Tensors. 5 | 6 | ## Miscellaneous Utility Functions 7 | 8 | * @{tf.contrib.util.constant_value} 9 | * @{tf.contrib.util.make_tensor_proto} 10 | * @{tf.contrib.util.make_ndarray} 11 | * @{tf.contrib.util.ops_used_by_graph_def} 12 | * @{tf.contrib.util.stripped_op_list_for_graph} 13 | -------------------------------------------------------------------------------- /models.BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | filegroup( 6 | name = "model_files", 7 | srcs = glob( 8 | [ 9 | "**/*", 10 | ], 11 | exclude = [ 12 | "**/BUILD", 13 | "**/WORKSPACE", 14 | "**/LICENSE", 15 | "**/*.zip", 16 | ], 17 | ), 18 | ) 19 | -------------------------------------------------------------------------------- /tensorflow/contrib/makefile/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM ubuntu:16.04 2 | 3 | LABEL maintainer="Gunhan Gulsoy " 4 | 5 | # Install make build dependencies for TensorFlow. 6 | RUN apt-get update 7 | RUN apt-get install -y \ 8 | autoconf \ 9 | automake \ 10 | curl \ 11 | g++ \ 12 | git \ 13 | libtool \ 14 | make \ 15 | python \ 16 | unzip \ 17 | wget \ 18 | zlib1g-dev 19 | -------------------------------------------------------------------------------- /tensorflow/core/distributed_runtime/README.md: -------------------------------------------------------------------------------- 1 | # Distributed TensorFlow 2 | 3 | This directory contains the initial open-source implementation of the 4 | distributed TensorFlow runtime, using [gRPC](http://grpc.io) for inter-process 5 | communication. 6 | 7 | To learn how to use the distributed runtime to create a TensorFlow cluster, 8 | see the [Distributed TensorFlow](https://www.tensorflow.org/deploy/distributed) How-To. 9 | -------------------------------------------------------------------------------- /tensorflow/contrib/mpi/mpi_msg.proto: -------------------------------------------------------------------------------- 1 | 2 | syntax = "proto3"; 3 | 4 | package tensorflow; 5 | option cc_enable_arenas = true; 6 | 7 | import "tensorflow/core/protobuf/worker.proto"; 8 | 9 | 10 | message MPIRecvTensorResponse { 11 | RecvTensorResponse response = 1; 12 | bool singleSend = 2; 13 | string key = 3; 14 | int64 step_id = 4; 15 | uint64 checksum = 5; 16 | } 17 | 18 | 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/contrib/benchmark_tools/gce/README.md: -------------------------------------------------------------------------------- 1 | # Distributed Tensorflow on Google Compute Engine 2 | 3 | The scripts in this directory automate the work to run distributed TensorFlow on 4 | a cluster of GCE instances. 5 | 6 | ## Pre-work 7 | 8 | Before getting started, while GPUs on GCE are in Alpha, you will need to get 9 | your project whitelisted in order to get access. These scripts will not work 10 | until then. 11 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.utils.-custom-object-scope.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.utils.CustomObjectScope" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\'], varargs=args, keywords=None, defaults=None" 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/service/cpu/build_defs.bzl: -------------------------------------------------------------------------------- 1 | """build_defs for service/cpu.""" 2 | 3 | 4 | def runtime_copts(): 5 | """Returns copts used for CPU runtime libraries.""" 6 | return (["-DEIGEN_AVOID_STL_ARRAY"] + select({ 7 | "//tensorflow:android_arm": ["-mfpu=neon"], 8 | "//conditions:default": [] 9 | }) + select({ 10 | "//tensorflow:android": ["-O2"], 11 | "//conditions:default": [] 12 | })) 13 | -------------------------------------------------------------------------------- /third_party/codegen.BUILD: -------------------------------------------------------------------------------- 1 | # -*- mode: python; -*- 2 | # 3 | # Description: 4 | # Extension to ast that allow ast -> python code generation. 5 | 6 | package(default_visibility = ["//visibility:public"]) 7 | 8 | licenses(["notice"]) # New BSD 9 | 10 | exports_files(["LICENSE"]) 11 | 12 | py_library( 13 | name = "com_github_andreif_codegen", 14 | srcs = glob(["codegen.py"]), 15 | srcs_version = "PY2AND3", 16 | ) 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.distributions.-register-k-l.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.distributions.RegisterKL" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'dist_cls_a\', \'dist_cls_b\'], varargs=None, keywords=None, defaults=None" 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.data.-dataset.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.data.Dataset.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/docker/notebooks/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:private"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE"]) 6 | 7 | filegroup( 8 | name = "all_files", 9 | srcs = glob( 10 | ["**/*"], 11 | exclude = [ 12 | "**/METADATA", 13 | "**/OWNERS", 14 | ], 15 | ), 16 | visibility = ["//tensorflow:__subpackages__"], 17 | ) 18 | -------------------------------------------------------------------------------- /third_party/sqlite.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Sqlite3 library. Provides utilities for interacting 3 | # with sqlite3 databases. 4 | 5 | licenses(["unencumbered"]) # Public Domain 6 | 7 | # exports_files(["LICENSE"]) 8 | 9 | cc_library( 10 | name = "sqlite", 11 | srcs = ["sqlite3.c"], 12 | hdrs = ["sqlite3.h"], 13 | includes = ["."], 14 | linkopts = ["-lm"], 15 | visibility = ["//visibility:public"], 16 | ) 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.saved_model.loader.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.saved_model.loader" 2 | tf_module { 3 | member_method { 4 | name: "load" 5 | argspec: "args=[\'sess\', \'tags\', \'export_dir\'], varargs=None, keywords=saver_kwargs, defaults=None" 6 | } 7 | member_method { 8 | name: "maybe_saved_model_directory" 9 | argspec: "args=[\'export_dir\'], varargs=None, keywords=None, defaults=None" 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/contrib/cloud/kernels/bigquery_table_partition.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | 5 | // This proto specifies a table partition in BigQuery. 6 | message BigQueryTablePartition { 7 | // [start_index, end_index] specify the boundaries of a partition. 8 | // If end_index is -1, every row starting from start_index is part of the 9 | // partition. 10 | int64 start_index = 1; 11 | int64 end_index = 2; 12 | }; 13 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/tf_ops_fuzz_target_lib.bzl: -------------------------------------------------------------------------------- 1 | """Fuzzing template for TensorFlow ops.""" 2 | 3 | def tf_ops_fuzz_target_lib(name): 4 | native.cc_library( 5 | name = name + "_fuzz_lib", 6 | srcs = [name + "_fuzz.cc"], 7 | deps = [ 8 | "//tensorflow/core/kernels/fuzzing:fuzz_session", 9 | "//tensorflow/cc:cc_ops", 10 | ], 11 | tags = ["no_windows"], 12 | alwayslink = 1, 13 | ) 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.distributions.-reparameterization-type.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.distributions.ReparameterizationType" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'rep_type\'], varargs=None, keywords=None, defaults=None" 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.data.-text-line-dataset.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.data.TextLineDataset.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.utils.-sequence.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.utils.Sequence" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "on_epoch_end" 10 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | } 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-session-creator.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.SessionCreator" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "create_session" 10 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | } 13 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/fft2d/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(fft2d) 4 | 5 | set(CMAKE_POSITION_INDEPENDENT_CODE ON) 6 | 7 | set(FFT2D_SRCS 8 | "fftsg.c" 9 | ) 10 | 11 | include_directories("${CMAKE_CURRENT_SOURCE_DIR}") 12 | 13 | add_library(fft2d ${FFT2D_SRCS}) 14 | 15 | install(TARGETS fft2d 16 | LIBRARY DESTINATION lib COMPONENT RuntimeLibraries 17 | ARCHIVE DESTINATION lib COMPONENT Development) 18 | -------------------------------------------------------------------------------- /tensorflow/contrib/tpu/profiler/pip_package/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Tools for building the Cloud TPU profiler pip package. 3 | 4 | package(default_visibility = ["//visibility:private"]) 5 | 6 | licenses(["notice"]) # Apache 2.0 7 | 8 | sh_binary( 9 | name = "build_pip_package", 10 | srcs = ["build_pip_package.sh"], 11 | data = [ 12 | "setup.py", 13 | "//tensorflow/contrib/tpu/profiler:capture_tpu_profile", 14 | ], 15 | ) 16 | -------------------------------------------------------------------------------- /tensorflow/docs_src/about/attribution.md: -------------------------------------------------------------------------------- 1 | # Attribution 2 | 3 | Please only use the TensorFlow name and marks when accurately referencing this 4 | software distribution, and do not use our marks in a way that suggests you are 5 | endorsed by or otherwise affiliated with Google. When referring to our marks, 6 | please include the following attribution statement: "TensorFlow, the TensorFlow 7 | logo and any related marks are trademarks of Google Inc." 8 | 9 | 10 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.data.-t-f-record-dataset.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.data.TFRecordDataset.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperator.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/examples/android/res/values-v14/styles.xml: -------------------------------------------------------------------------------- 1 | 2 | 3 | 8 | 11 | 12 | 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.-constraint.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.Constraint" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "get_config" 10 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | } 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-diag.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorDiag.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store 2 | .ipynb_checkpoints 3 | node_modules 4 | /.bazelrc 5 | /.tf_configure.bazelrc 6 | /bazel-* 7 | /bazel_pip 8 | /tools/python_bin_path.sh 9 | /tools/git/gen 10 | /pip_test 11 | /_python_build 12 | *.pyc 13 | __pycache__ 14 | *.swp 15 | .vscode/ 16 | cmake_build/ 17 | .idea/** 18 | /build/ 19 | /tensorflow/core/util/version_info.cc 20 | /tensorflow/python/framework/fast_tensor_util.cpp 21 | Pods 22 | Podfile.lock 23 | *.pbxproj 24 | *.xcworkspacedata 25 | -------------------------------------------------------------------------------- /tensorflow/contrib/boosted_trees/README.md: -------------------------------------------------------------------------------- 1 | # TF Boosted Trees (TFBT) 2 | 3 | TF Boosted trees is an implementation of a gradient boosting algorithm with 4 | trees used as weak learners. 5 | 6 | ## Examples 7 | Folder "examples" demonstrates how TFBT estimators can be used for various 8 | problems. Namely, it contains: 9 | * binary_mnist.py - an example on how to use TFBT for binary classification. 10 | * mnist.py - a multiclass example. 11 | * boston.py - a regression example. -------------------------------------------------------------------------------- /tensorflow/contrib/keras/README.md: -------------------------------------------------------------------------------- 1 | NOTE: THE `tensorflow.contrib.keras` MODULE HAS BEEN DEPRECATED. 2 | USE INSTEAD `tensorflow.keras`, PART OF CORE TENSORFLOW. 3 | 4 | Keras is an object-oriented API for defining and training neural networks. 5 | 6 | This module contains a pure-TensorFlow implementation of the Keras API, 7 | allowing for deep integration with TensorFlow functionality. 8 | 9 | See [keras.io](https://keras.io) for complete documentation and user guides. 10 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/session_ops.md: -------------------------------------------------------------------------------- 1 | # Tensor Handle Operations 2 | 3 | Note: Functions taking `Tensor` arguments can also take anything accepted by 4 | @{tf.convert_to_tensor}. 5 | 6 | [TOC] 7 | 8 | ## Tensor Handle Operations 9 | 10 | TensorFlow provides several operators that allows the user to keep tensors 11 | "in-place" across run calls. 12 | 13 | * @{tf.get_session_handle} 14 | * @{tf.get_session_tensor} 15 | * @{tf.delete_session_tensor} 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.data.-fixed-length-record-dataset.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.data.FixedLengthRecordDataset.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-export-output.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.ExportOutput.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-predict-output.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.PredictOutput.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-identity.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorIdentity.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.saved_model.utils.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.saved_model.utils" 2 | tf_module { 3 | member_method { 4 | name: "build_tensor_info" 5 | argspec: "args=[\'tensor\'], varargs=None, keywords=None, defaults=None" 6 | } 7 | member_method { 8 | name: "get_tensor_from_tensor_info" 9 | argspec: "args=[\'tensor_info\', \'graph\', \'import_scope\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], " 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-regression-output.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.RegressionOutput.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-composition.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorComposition.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-full-matrix.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorFullMatrix.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.regularizers.-regularizer.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.regularizers.Regularizer" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "from_config" 10 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | } 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-low-rank-update.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorLowRankUpdate.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /third_party/arm_neon_2_x86_sse.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # NEON2SSE - a header file redefining ARM Neon intrinsics in terms of SSE intrinsics 3 | # allowing neon code to compile and run on x64/x86 workstantions. 4 | 5 | package(default_visibility = ["//visibility:public"]) 6 | 7 | licenses(["notice"]) # 3-Clause BSD 8 | 9 | exports_files([ 10 | "LICENSE", 11 | ]) 12 | 13 | cc_library( 14 | name = "arm_neon_2_x86_sse", 15 | hdrs = ["NEON_2_SSE.h"], 16 | ) 17 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/functional_ops.md: -------------------------------------------------------------------------------- 1 | # Higher Order Functions 2 | 3 | Note: Functions taking `Tensor` arguments can also take anything accepted by 4 | @{tf.convert_to_tensor}. 5 | 6 | [TOC] 7 | 8 | Functional operations. 9 | 10 | ## Higher Order Operators 11 | 12 | TensorFlow provides several higher order operators to simplify the common 13 | map-reduce programming patterns. 14 | 15 | * @{tf.map_fn} 16 | * @{tf.foldl} 17 | * @{tf.foldr} 18 | * @{tf.scan} 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-classification-output.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.ClassificationOutput.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.layers.-input-spec.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.layers.InputSpec" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'dtype\', \'shape\', \'ndim\', \'max_ndim\', \'min_ndim\', \'axes\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'None\', \'None\', \'None\', \'None\'], " 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-lower-triangular.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorLowerTriangular.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.linalg.-linear-operator-scaled-identity.__metaclass__.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.linalg.LinearOperatorScaledIdentity.__metaclass__" 2 | tf_class { 3 | is_instance: "" 4 | member_method { 5 | name: "__init__" 6 | } 7 | member_method { 8 | name: "mro" 9 | } 10 | member_method { 11 | name: "register" 12 | argspec: "args=[\'cls\', \'subclass\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.name_scope.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.name_scope" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "name" 7 | mtype: "" 8 | } 9 | member_method { 10 | name: "__init__" 11 | argspec: "args=[\'self\', \'name\', \'default_name\', \'values\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], " 12 | } 13 | } 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-export-output.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.ExportOutput" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "as_signature_def" 10 | argspec: "args=[\'self\', \'receiver_tensors\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | } 13 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.layers.-input-spec.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.layers.InputSpec" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'dtype\', \'shape\', \'ndim\', \'max_ndim\', \'min_ndim\', \'axes\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'None\', \'None\', \'None\', \'None\'], " 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /third_party/hadoop/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE.txt"]) 6 | 7 | filegroup( 8 | name = "all_files", 9 | srcs = glob( 10 | ["**/*"], 11 | exclude = [ 12 | "**/METADATA", 13 | "**/OWNERS", 14 | ], 15 | ), 16 | visibility = ["//tensorflow:__subpackages__"], 17 | ) 18 | 19 | cc_library( 20 | name = "hdfs", 21 | hdrs = ["hdfs.h"], 22 | ) 23 | -------------------------------------------------------------------------------- /third_party/py/numpy/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["restricted"]) 2 | 3 | package(default_visibility = ["//visibility:public"]) 4 | 5 | py_library( 6 | name = "numpy", 7 | srcs = ["tf_numpy_dummy.py"], 8 | srcs_version = "PY2AND3", 9 | ) 10 | 11 | alias( 12 | name = "headers", 13 | actual = "@local_config_python//:numpy_headers", 14 | ) 15 | 16 | genrule( 17 | name = "dummy", 18 | outs = ["tf_numpy_dummy.py"], 19 | cmd = "touch $@", 20 | visibility = ["//visibility:private"], 21 | ) 22 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test_graph_tfunknownop2.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_const" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | feed { 15 | id { node_name: "z_identity"} 16 | shape { 17 | dim { size: 1 } 18 | } 19 | } 20 | fetch { 21 | id { node_name: "x_y_sum" } 22 | } 23 | fetch { 24 | id { node_name: "x_z_sum" } 25 | } 26 | -------------------------------------------------------------------------------- /third_party/sycl/sycl/build_defs.bzl.tpl: -------------------------------------------------------------------------------- 1 | # Macros for building SYCL code. 2 | 3 | def if_sycl(if_true, if_false = []): 4 | """Shorthand for select()'ing on whether we're building with SYCL. 5 | 6 | Returns a select statement which evaluates to if_true if we're building 7 | with SYCL enabled. Otherwise, the select statement evaluates to if_false. 8 | 9 | """ 10 | return select({ 11 | "@local_config_sycl//sycl:using_sycl": if_true, 12 | "//conditions:default": if_false 13 | }) 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.backend.name_scope.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.backend.name_scope" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "name" 7 | mtype: "" 8 | } 9 | member_method { 10 | name: "__init__" 11 | argspec: "args=[\'self\', \'name\', \'default_name\', \'values\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], " 12 | } 13 | } 14 | -------------------------------------------------------------------------------- /tensorflow/tools/pip_package/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include README 2 | recursive-include * *.py 3 | recursive-include * *.so 4 | recursive-include * *.dll 5 | recursive-include * *.lib 6 | recursive-include * *.csv 7 | recursive-include tensorflow/include/tensorflow *.h 8 | recursive-include tensorflow/include/Eigen * 9 | recursive-include tensorflow/include/external * 10 | recursive-include tensorflow/include/google *.h 11 | recursive-include tensorflow/include/third_party * 12 | recursive-include tensorflow/include/unsupported * 13 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/CXX11/Tensor: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/CXX11/Tensor" 2 | 3 | #ifdef _WIN32 4 | #ifndef SLEEP_FUNC_HEADER_GUARD 5 | #define SLEEP_FUNC_HEADER_GUARD 6 | inline void sleep(unsigned int seconds) { Sleep(1000*seconds); } 7 | #endif 8 | 9 | // On Windows, Eigen will include Windows.h, which defines various 10 | // macros that conflict with TensorFlow symbols. Undefine them here to 11 | // prevent clashes. 12 | #undef DeleteFile 13 | #undef ERROR 14 | #undef LoadLibrary 15 | #endif // _WIN32 16 | -------------------------------------------------------------------------------- /tensorflow/core/platform/cloud/testdata/service_account_public_key.txt: -------------------------------------------------------------------------------- 1 | -----BEGIN PUBLIC KEY----- 2 | MIIBIjANBgkqhkiG9w0BAQEFAAOCAQ8AMIIBCgKCAQEAwrEZE6PWQYAy68mWPMuC 3 | 6KAD02Sb9Pv/FHWpGKe8MxxdDiz/spb2KIrWxxZolStHgDXAOoElbAv4GbRLJiiv 4 | El8k0gSP9YpIE56nSxfXxRIDH25NI3fhRIs5hSG+/p3lLV5NsdNrm1CYHnEbTY7O 5 | w7gpyxl0n+6q+ngguZTOGtBIMqVS4KIJlzTlJgeqvLFbtLP6uFc4OuGL6UZ+s4I7 6 | zSJVPBRxrFA+mOhBEPz/QjANBHBdIEhgh5VlmX/oRUK+D3zR/MnRTYtD8skiZSFM 7 | Uix1eWvKw/1wX0mieH1rUQbpIYdJTgFhROKuAJWVU7c+T6JHZwm8DqXaVz6oCJPl 8 | zwIDAQAB 9 | -----END PUBLIC KEY----- -------------------------------------------------------------------------------- /tensorflow/contrib/decision_trees/proto/generic_tree_model_proto.swig: -------------------------------------------------------------------------------- 1 | ////////// SWIG INCLUDE ////////// 2 | 3 | %include "net/proto/swig/protofunc.swig" 4 | 5 | #ifndef MUST_USE_RESULT 6 | #error Use this file only as a %include or %import after google.swig. 7 | #endif 8 | 9 | %{ 10 | #include "third_party/tensorflow/contrib/decision_trees/proto/generic_tree_model.pb.h" 11 | %} 12 | 13 | PROTO_INPUT(tensorflow::decision_trees::DecisionTree, decision_tree); 14 | PROTO_IN_OUT(tensorflow::decision_trees::DecisionTree, decision_tree); 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.-mode-keys.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.ModeKeys" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "EVAL" 7 | mtype: "" 8 | } 9 | member { 10 | name: "PREDICT" 11 | mtype: "" 12 | } 13 | member { 14 | name: "TRAIN" 15 | mtype: "" 16 | } 17 | member_method { 18 | name: "__init__" 19 | } 20 | } 21 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test_graph_tfunknownop3.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_const" } 4 | shape { 5 | dim { size: 1 } 6 | } 7 | } 8 | feed { 9 | id { node_name: "y_const" } 10 | shape { 11 | dim { size: 1 } 12 | } 13 | } 14 | feed { 15 | id { node_name: "z" output_index: 1} 16 | shape { 17 | dim { size: 1 } 18 | } 19 | type: DT_INT32 20 | } 21 | fetch { 22 | id { node_name: "x_y_sum" } 23 | } 24 | fetch { 25 | id { node_name: "x_z_sum" } 26 | } 27 | -------------------------------------------------------------------------------- /tensorflow/compiler/plugin/README.md: -------------------------------------------------------------------------------- 1 | 3rd party XLA devices 2 | --------------------- 3 | 4 | This directory is intended as a place for 3rd party XLA devices which are _not_ 5 | integrated into the public repository. 6 | 7 | By adding entries to the BUILD target in this directory, a third party device 8 | can be included as a dependency of the JIT subsystem. 9 | 10 | For integration into the unit test system, see the files: 11 | 12 | - tensorflow/compiler/tests/plugin.bzl 13 | - tensorflow/compiler/xla/tests/plugin.bzl 14 | 15 | 16 | - 17 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfmatmulandadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tf2xla.Config proto. 2 | feed { 3 | id { node_name: "x_hold" } 4 | shape { 5 | dim { size: 2 } 6 | dim { size: 2 } 7 | } 8 | name: "x" 9 | } 10 | feed { 11 | id { node_name: "y_hold" } 12 | shape { 13 | dim { size: 2 } 14 | dim { size: 2 } 15 | } 16 | name: "y" 17 | } 18 | fetch { 19 | id { node_name: "x_y_prod" } 20 | name: "x_y_prod" 21 | } 22 | fetch { 23 | id { node_name: "x_y_sum" } 24 | name: "x_y_sum" 25 | } 26 | -------------------------------------------------------------------------------- /tensorflow/core/framework/reader_base.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | option java_outer_classname = "ReaderBaseProtos"; 6 | option java_multiple_files = true; 7 | option java_package = "org.tensorflow.framework"; 8 | 9 | // For serializing and restoring the state of ReaderBase, see 10 | // reader_base.h for details. 11 | message ReaderBaseState { 12 | int64 work_started = 1; 13 | int64 work_finished = 2; 14 | int64 num_records_produced = 3; 15 | bytes current_work = 4; 16 | }; 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.-non-neg.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.NonNeg" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | } 9 | member_method { 10 | name: "get_config" 11 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 12 | } 13 | } 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.non_neg.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.non_neg" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | } 9 | member_method { 10 | name: "get_config" 11 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 12 | } 13 | } 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.python_io.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.python_io" 2 | tf_module { 3 | member { 4 | name: "TFRecordCompressionType" 5 | mtype: "" 6 | } 7 | member { 8 | name: "TFRecordOptions" 9 | mtype: "" 10 | } 11 | member { 12 | name: "TFRecordWriter" 13 | mtype: "" 14 | } 15 | member_method { 16 | name: "tf_record_iterator" 17 | argspec: "args=[\'path\', \'options\'], varargs=None, keywords=None, defaults=[\'None\'], " 18 | } 19 | } 20 | -------------------------------------------------------------------------------- /third_party/pprof.BUILD: -------------------------------------------------------------------------------- 1 | package( 2 | default_visibility = ["//visibility:public"], 3 | ) 4 | 5 | licenses(["notice"]) # MIT 6 | 7 | load("@protobuf_archive//:protobuf.bzl", "py_proto_library") 8 | 9 | exports_files(["pprof/LICENSE"]) 10 | 11 | py_proto_library( 12 | name = "pprof_proto_py", 13 | srcs = ["proto/profile.proto"], 14 | default_runtime = "@protobuf_archive//:protobuf_python", 15 | protoc = "@protobuf_archive//:protoc", 16 | srcs_version = "PY2AND3", 17 | deps = ["@protobuf_archive//:protobuf_python"], 18 | ) 19 | -------------------------------------------------------------------------------- /tensorflow/examples/android/assets/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | # It is necessary to use this filegroup rather than globbing the files in this 6 | # folder directly the examples/android:tensorflow_demo target due to the fact 7 | # that assets_dir is necessarily set to "" there (to allow using other 8 | # arbitrary targets as assets). 9 | filegroup( 10 | name = "asset_files", 11 | srcs = glob( 12 | ["**/*"], 13 | exclude = ["BUILD"], 14 | ), 15 | ) 16 | -------------------------------------------------------------------------------- /tensorflow/examples/udacity/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM gcr.io/tensorflow/tensorflow:latest 2 | LABEL maintainer="Vincent Vanhoucke " 3 | 4 | # Pillow needs libjpeg by default as of 3.0. 5 | RUN apt-get update && apt-get install -y --no-install-recommends \ 6 | libjpeg8-dev \ 7 | && \ 8 | apt-get clean && \ 9 | rm -rf /var/lib/apt/lists/* 10 | 11 | RUN pip install scikit-learn pyreadline Pillow 12 | RUN rm -rf /notebooks/* 13 | ADD *.ipynb /notebooks/ 14 | WORKDIR /notebooks 15 | CMD ["/run_jupyter.sh", "--allow-root"] 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-var-len-feature.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.VarLenFeature" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "dtype" 8 | mtype: "" 9 | } 10 | member_method { 11 | name: "__init__" 12 | } 13 | member_method { 14 | name: "count" 15 | } 16 | member_method { 17 | name: "index" 18 | } 19 | } 20 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-nan-loss-during-training-error.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.NanLossDuringTrainingError" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "args" 7 | mtype: "" 8 | } 9 | member { 10 | name: "message" 11 | mtype: "" 12 | } 13 | member_method { 14 | name: "__init__" 15 | } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.data.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.data" 2 | tf_module { 3 | member { 4 | name: "Dataset" 5 | mtype: "" 6 | } 7 | member { 8 | name: "FixedLengthRecordDataset" 9 | mtype: "" 10 | } 11 | member { 12 | name: "Iterator" 13 | mtype: "" 14 | } 15 | member { 16 | name: "TFRecordDataset" 17 | mtype: "" 18 | } 19 | member { 20 | name: "TextLineDataset" 21 | mtype: "" 22 | } 23 | } 24 | -------------------------------------------------------------------------------- /tensorflow/tools/dist_test/scripts/BUILD: -------------------------------------------------------------------------------- 1 | # Tools for running distributed benchmarks. 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["k8s_tensorflow.py"]) 6 | 7 | py_library( 8 | name = "k8s_tensorflow_lib", 9 | srcs = ["k8s_tensorflow_lib.py"], 10 | srcs_version = "PY2AND3", 11 | ) 12 | 13 | py_test( 14 | name = "k8s_tensorflow_test", 15 | srcs = ["k8s_tensorflow_test.py"], 16 | srcs_version = "PY2AND3", 17 | deps = [ 18 | ":k8s_tensorflow_lib", 19 | "//tensorflow/python:platform_test", 20 | ], 21 | ) 22 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_V.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Variable" 3 | endpoint { 4 | name: "Variable" 5 | } 6 | summary: "Use VariableV2 instead." 7 | } 8 | op { 9 | graph_op_name: "VariableV2" 10 | endpoint { 11 | name: "VariableV2" 12 | } 13 | summary: "Holds state in the form of a tensor that persists across steps." 14 | description: <" 4 | is_instance: "" 5 | member { 6 | name: "GZIP" 7 | mtype: "" 8 | } 9 | member { 10 | name: "NONE" 11 | mtype: "" 12 | } 13 | member { 14 | name: "ZLIB" 15 | mtype: "" 16 | } 17 | member_method { 18 | name: "__init__" 19 | } 20 | } 21 | -------------------------------------------------------------------------------- /tensorflow/core/framework/iterator.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | option java_outer_classname = "IteratorProtos"; 6 | option java_multiple_files = true; 7 | option java_package = "org.tensorflow.util"; 8 | 9 | // Protocol buffer representing the metadata for an iterator's state stored 10 | // as a Variant tensor. 11 | message IteratorStateMetadata { 12 | // A user-specified version string. 13 | string version = 1; 14 | 15 | // Keys for tensors in the VariantTensorDataProto. 16 | repeated string keys = 2; 17 | } 18 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.summary.-file-writer-cache.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.summary.FileWriterCache" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "clear" 10 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 11 | } 12 | member_method { 13 | name: "get" 14 | argspec: "args=[\'logdir\'], varargs=None, keywords=None, defaults=None" 15 | } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/gpu_build/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # TensorFlow is a computational framework, primarily for use in machine 3 | # learning applications. 4 | 5 | licenses(["notice"]) # Apache 2.0 6 | 7 | sh_binary( 8 | name = "parallel_gpu_execute", 9 | srcs = ["parallel_gpu_execute.sh"], 10 | ) 11 | 12 | filegroup( 13 | name = "all_files", 14 | srcs = glob( 15 | ["**/*"], 16 | exclude = [ 17 | "**/METADATA", 18 | "**/OWNERS", 19 | ], 20 | ), 21 | visibility = ["//tensorflow:__subpackages__"], 22 | ) 23 | -------------------------------------------------------------------------------- /third_party/backports_weakref.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Backport of new features in Python's weakref module. 3 | 4 | package(default_visibility = ["//visibility:public"]) 5 | 6 | licenses(["notice"]) # Python 2.0 7 | 8 | py_library( 9 | name = "org_python_pypi_backports_weakref", 10 | srcs = [ 11 | "backports/__init__.py", 12 | "backports/weakref.py", 13 | ], 14 | srcs_version = "PY2AND3", 15 | ) 16 | 17 | genrule( 18 | name = "license", 19 | srcs = ["@org_python_license"], 20 | outs = ["LICENSE"], 21 | cmd = "cp $< $@", 22 | ) 23 | -------------------------------------------------------------------------------- /ADOPTERS.md: -------------------------------------------------------------------------------- 1 | # TensorFlow Adopters 2 | 3 | This page contains a list of people and organizations who are using TensorFlow. If you'd like to be included 4 | here, please send a pull request which modifies this file. 5 | 6 | We intend to use this list to contact you for surveys, and to find good candidates for invite-only events. 7 | We will also point to this list if we are asked who uses TensorFlow. 8 | 9 | We will not use any of the information here for promotions or to send other regular communications. You 10 | should subscribe to discuss@tensorflow.org for such announcements. 11 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.imdb.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.imdb" 2 | tf_module { 3 | member_method { 4 | name: "get_word_index" 5 | argspec: "args=[\'path\'], varargs=None, keywords=None, defaults=[\'imdb_word_index.json\'], " 6 | } 7 | member_method { 8 | name: "load_data" 9 | argspec: "args=[\'path\', \'num_words\', \'skip_top\', \'maxlen\', \'seed\', \'start_char\', \'oov_char\', \'index_from\'], varargs=None, keywords=None, defaults=[\'imdb.npz\', \'None\', \'0\', \'None\', \'113\', \'1\', \'2\', \'3\'], " 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/docs_src/about/index.md: -------------------------------------------------------------------------------- 1 | # About TensorFlow 2 | 3 | This section provides a few documents about TensorFlow itself, 4 | including the following: 5 | 6 | * @{$roadmap$Roadmap}, which summarizes upcoming additions to TensorFlow. 7 | * @{$uses$TensorFlow in Use}, which provides a link to our model zoo and 8 | lists some popular ways that TensorFlow is being used. 9 | * @{$bib$TensorFlow White Papers}, which provides abstracts of white papers 10 | about TensorFlow. 11 | * @{$attribution$Attribution}, which specifies how to attribute and refer 12 | to TensorFlow. 13 | -------------------------------------------------------------------------------- /tensorflow/examples/android/res/values/attrs.xml: -------------------------------------------------------------------------------- 1 | 2 | 3 | 9 | 10 | 11 | 12 | 13 | 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/BUILD: -------------------------------------------------------------------------------- 1 | # TensorFlow API backwards compatibility test goldens. 2 | 3 | package( 4 | default_visibility = ["//tensorflow/tools/api:__subpackages__"], 5 | ) 6 | 7 | licenses(["notice"]) # Apache 2.0 8 | 9 | filegroup( 10 | name = "api_golden", 11 | srcs = glob(["*.pbtxt"]), 12 | ) 13 | 14 | filegroup( 15 | name = "all_files", 16 | srcs = glob( 17 | ["**/*"], 18 | exclude = [ 19 | "**/METADATA", 20 | "**/OWNERS", 21 | ], 22 | ), 23 | visibility = ["//tensorflow:__subpackages__"], 24 | ) 25 | -------------------------------------------------------------------------------- /third_party/sycl/sycl/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # A minimal BUILD file to make template files in this folder available. Without this BUILD file, 3 | # bazel returns errors when trying to access tpl files in this folder. 4 | 5 | package(default_visibility = ["//visibility:public"]) 6 | 7 | licenses(["notice"]) # Apache 2.0 8 | 9 | filegroup( 10 | name = "all_files", 11 | srcs = glob( 12 | ["**/*"], 13 | exclude = [ 14 | "**/METADATA", 15 | "**/OWNERS", 16 | ], 17 | ), 18 | visibility = ["//tensorflow:__subpackages__"], 19 | ) 20 | -------------------------------------------------------------------------------- /tensorflow/core/platform/default/gpu/BUILD: -------------------------------------------------------------------------------- 1 | load( 2 | "//tensorflow:tensorflow.bzl", 3 | "tf_copts", 4 | "tf_cuda_library", 5 | ) 6 | 7 | tf_cuda_library( 8 | name = "cupti_wrapper", 9 | srcs = [ 10 | "cupti_wrapper.cc", 11 | ], 12 | hdrs = [ 13 | "cupti_wrapper.h", 14 | ], 15 | copts = tf_copts(), 16 | cuda_deps = [ 17 | "//tensorflow/core:stream_executor", 18 | "@local_config_cuda//cuda:cupti_headers", 19 | ], 20 | data = ["@local_config_cuda//cuda:cupti_dsos"], 21 | visibility = ["//visibility:public"], 22 | ) 23 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.initializers.-initializer.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.initializers.Initializer" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | } 8 | member_method { 9 | name: "from_config" 10 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 11 | } 12 | member_method { 13 | name: "get_config" 14 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 15 | } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.preprocessing.image.-iterator.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.preprocessing.image.Iterator" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'n\', \'batch_size\', \'shuffle\', \'seed\'], varargs=None, keywords=None, defaults=None" 8 | } 9 | member_method { 10 | name: "reset" 11 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 12 | } 13 | } 14 | -------------------------------------------------------------------------------- /third_party/mpi/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["restricted"]) 2 | 3 | filegroup( 4 | name = "all_files", 5 | srcs = glob( 6 | ["**/*"], 7 | exclude = [ 8 | "**/METADATA", 9 | "**/OWNERS", 10 | ], 11 | ), 12 | visibility = ["//tensorflow:__subpackages__"], 13 | ) 14 | 15 | load("//third_party/mpi:mpi.bzl", "mpi_hdr") 16 | load("//third_party/mpi:mpi.bzl", "if_mpi") 17 | 18 | cc_library( 19 | name = "mpi", 20 | srcs = if_mpi([ 21 | "libmpi.so", 22 | ]), 23 | hdrs = if_mpi(mpi_hdr()), 24 | visibility = ["//visibility:public"], 25 | ) 26 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.-exporter.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.Exporter" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "name" 7 | mtype: "" 8 | } 9 | member_method { 10 | name: "__init__" 11 | } 12 | member_method { 13 | name: "export" 14 | argspec: "args=[\'self\', \'estimator\', \'export_path\', \'checkpoint_path\', \'eval_result\', \'is_the_final_export\'], varargs=None, keywords=None, defaults=None" 15 | } 16 | } 17 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/check_ops.md: -------------------------------------------------------------------------------- 1 | # Asserts and boolean checks 2 | 3 | * @{tf.assert_negative} 4 | * @{tf.assert_positive} 5 | * @{tf.assert_proper_iterable} 6 | * @{tf.assert_non_negative} 7 | * @{tf.assert_non_positive} 8 | * @{tf.assert_equal} 9 | * @{tf.assert_integer} 10 | * @{tf.assert_less} 11 | * @{tf.assert_less_equal} 12 | * @{tf.assert_greater} 13 | * @{tf.assert_greater_equal} 14 | * @{tf.assert_rank} 15 | * @{tf.assert_rank_at_least} 16 | * @{tf.assert_type} 17 | * @{tf.is_non_decreasing} 18 | * @{tf.is_numeric_tensor} 19 | * @{tf.is_strictly_increasing} 20 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets" 2 | tf_module { 3 | member { 4 | name: "boston_housing" 5 | mtype: "" 6 | } 7 | member { 8 | name: "cifar10" 9 | mtype: "" 10 | } 11 | member { 12 | name: "cifar100" 13 | mtype: "" 14 | } 15 | member { 16 | name: "imdb" 17 | mtype: "" 18 | } 19 | member { 20 | name: "mnist" 21 | mtype: "" 22 | } 23 | member { 24 | name: "reuters" 25 | mtype: "" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.datasets.reuters.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.datasets.reuters" 2 | tf_module { 3 | member_method { 4 | name: "get_word_index" 5 | argspec: "args=[\'path\'], varargs=None, keywords=None, defaults=[\'reuters_word_index.json\'], " 6 | } 7 | member_method { 8 | name: "load_data" 9 | argspec: "args=[\'path\', \'num_words\', \'skip_top\', \'maxlen\', \'test_split\', \'seed\', \'start_char\', \'oov_char\', \'index_from\'], varargs=None, keywords=None, defaults=[\'reuters.npz\', \'None\', \'0\', \'None\', \'0.2\', \'113\', \'1\', \'2\', \'3\'], " 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /third_party/mkl/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # 3-Clause BSD 2 | 3 | exports_files(["LICENSE"]) 4 | 5 | config_setting( 6 | name = "using_mkl", 7 | values = { 8 | "define": "using_mkl=true", 9 | }, 10 | visibility = ["//visibility:public"], 11 | ) 12 | 13 | load( 14 | "//third_party/mkl:build_defs.bzl", 15 | "if_mkl", 16 | ) 17 | 18 | cc_library( 19 | name = "intel_binary_blob", 20 | srcs = if_mkl([ 21 | "@mkl//:libmklml_intel.so", 22 | "@mkl//:libiomp5.so", 23 | ]), 24 | visibility = ["//visibility:public"], 25 | deps = ["@mkl//:mkl_headers"], 26 | ) 27 | -------------------------------------------------------------------------------- /third_party/mpi/mpi.bzl: -------------------------------------------------------------------------------- 1 | #OpenMPI and Mvapich/mpich require different headers 2 | #based on the configuration options return one or the other 3 | 4 | def mpi_hdr(): 5 | MPI_LIB_IS_OPENMPI=True 6 | hdrs = [] 7 | if MPI_LIB_IS_OPENMPI: 8 | hdrs = ["mpi.h", "mpi_portable_platform.h"] #When using OpenMPI 9 | else: 10 | hdrs = ["mpi.h", "mpio.h", "mpicxx.h"] #When using MVAPICH 11 | return hdrs 12 | 13 | def if_mpi(if_true, if_false = []): 14 | return select({ 15 | "//tensorflow:with_mpi_support": if_true, 16 | "//conditions:default": if_false 17 | }) 18 | -------------------------------------------------------------------------------- /tensorflow/contrib/boosted_trees/proto/split_info.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | option cc_enable_arenas = true; 4 | 5 | package tensorflow.boosted_trees.learner; 6 | 7 | import "tensorflow/contrib/boosted_trees/proto/tree_config.proto"; 8 | 9 | // Gathered information for a split node. 10 | message SplitInfo { 11 | // The split node without the child nodes attached. 12 | tensorflow.boosted_trees.trees.TreeNode split_node = 1; 13 | 14 | // Left Leaf node. 15 | tensorflow.boosted_trees.trees.Leaf left_child = 2; 16 | 17 | // Right Leaf node. 18 | tensorflow.boosted_trees.trees.Leaf right_child = 3; 19 | } 20 | -------------------------------------------------------------------------------- /tensorflow/contrib/cluster_resolver/README.md: -------------------------------------------------------------------------------- 1 | # Cluster Resolvers 2 | 3 | Cluster Resolvers are a new way of specifying cluster information for distributed execution. Built on top of existing `ClusterSpec` framework, Cluster Resolvers allow users to simply specify a configuration and a cluster management service and a `ClusterResolver` will automatically fetch the relevant information from the service and populate `ClusterSpec`s. 4 | 5 | `ClusterResolvers` are designed to work well with `ManagedTrainingSession` and `ClusterSpec` propagation so that distributed training sessions remain robust in the face of node and network failures. 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/staging/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = [ 2 | "//visibility:public", 3 | ]) 4 | 5 | licenses(["notice"]) # Apache 2.0 6 | 7 | exports_files(["LICENSE"]) 8 | 9 | filegroup( 10 | name = "all_files", 11 | srcs = glob( 12 | ["**/*"], 13 | exclude = [ 14 | "**/METADATA", 15 | "**/OWNERS", 16 | ], 17 | ), 18 | visibility = ["//tensorflow:__subpackages__"], 19 | ) 20 | 21 | py_library( 22 | name = "staging", 23 | srcs = ["__init__.py"], 24 | srcs_version = "PY2AND3", 25 | deps = ["//tensorflow/python:data_flow_ops"], 26 | ) 27 | -------------------------------------------------------------------------------- /tensorflow/third_party/mpi/mpi.bzl: -------------------------------------------------------------------------------- 1 | #OpenMPI and Mvapich/mpich require different headers 2 | #based on the configuration options return one or the other 3 | 4 | def mpi_hdr(): 5 | MPI_LIB_IS_OPENMPI=True 6 | hdrs = [] 7 | if MPI_LIB_IS_OPENMPI: 8 | hdrs = ["mpi.h", "mpi_portable_platform.h"] #When using OpenMPI 9 | else: 10 | hdrs = ["mpi.h", "mpio.h", "mpicxx.h"] #When using MVAPICH 11 | return hdrs 12 | 13 | def if_mpi(if_true, if_false = []): 14 | return select({ 15 | "//tensorflow:with_mpi_support": if_true, 16 | "//conditions:default": if_false 17 | }) 18 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.image.-resize-method.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.image.ResizeMethod" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "AREA" 7 | mtype: "" 8 | } 9 | member { 10 | name: "BICUBIC" 11 | mtype: "" 12 | } 13 | member { 14 | name: "BILINEAR" 15 | mtype: "" 16 | } 17 | member { 18 | name: "NEAREST_NEIGHBOR" 19 | mtype: "" 20 | } 21 | member_method { 22 | name: "__init__" 23 | } 24 | } 25 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.sysconfig.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.sysconfig" 2 | tf_module { 3 | member_method { 4 | name: "get_compile_flags" 5 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 6 | } 7 | member_method { 8 | name: "get_include" 9 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 10 | } 11 | member_method { 12 | name: "get_lib" 13 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 14 | } 15 | member_method { 16 | name: "get_link_flags" 17 | argspec: "args=[], varargs=None, keywords=None, defaults=None" 18 | } 19 | } 20 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.queue_runner.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.queue_runner" 2 | tf_module { 3 | member { 4 | name: "QueueRunner" 5 | mtype: "" 6 | } 7 | member_method { 8 | name: "add_queue_runner" 9 | argspec: "args=[\'qr\', \'collection\'], varargs=None, keywords=None, defaults=[\'queue_runners\'], " 10 | } 11 | member_method { 12 | name: "start_queue_runners" 13 | argspec: "args=[\'sess\', \'coord\', \'daemon\', \'start\', \'collection\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'True\', \'True\', \'queue_runners\'], " 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/contrib/eager/python/examples/BUILD: -------------------------------------------------------------------------------- 1 | # TensorFlow code for training gradient boosted trees. 2 | licenses(["notice"]) # Apache 2.0 3 | 4 | package(default_visibility = ["//tensorflow:internal"]) 5 | 6 | py_library( 7 | name = "examples_pip", 8 | deps = [ 9 | "//tensorflow/contrib/eager/python/examples/linear_regression", 10 | "//tensorflow/contrib/eager/python/examples/mnist", 11 | "//tensorflow/contrib/eager/python/examples/resnet50", 12 | "//tensorflow/contrib/eager/python/examples/rnn_colorbot", 13 | "//tensorflow/contrib/eager/python/examples/rnn_ptb", 14 | ], 15 | ) 16 | -------------------------------------------------------------------------------- /tensorflow/python/training/checkpoint_state.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | 6 | // Protocol buffer representing the checkpoint state. 7 | // 8 | // TODO(touts): Add other attributes as needed. 9 | message CheckpointState { 10 | // Path to the most-recent model checkpoint. 11 | string model_checkpoint_path = 1; 12 | 13 | // Paths to all not-yet-deleted model checkpoints, sorted from oldest to 14 | // newest. 15 | // Note that the value of model_checkpoint_path should be the last item in 16 | // this list. 17 | repeated string all_model_checkpoint_paths = 2; 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.-unit-norm.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.UnitNorm" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'axis\'], varargs=None, keywords=None, defaults=[\'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.unit_norm.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.unit_norm" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'axis\'], varargs=None, keywords=None, defaults=[\'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /third_party/cub.BUILD: -------------------------------------------------------------------------------- 1 | # Description: CUB library which is a set of primitives for GPU programming. 2 | 3 | package( 4 | default_visibility = ["//visibility:public"], 5 | ) 6 | 7 | licenses(["notice"]) # BSD 8 | 9 | exports_files(["LICENSE.TXT"]) 10 | 11 | load("@local_config_cuda//cuda:build_defs.bzl", "cuda_default_copts", "if_cuda") 12 | 13 | filegroup( 14 | name = "cub_header_files", 15 | srcs = glob([ 16 | "cub/**", 17 | ]), 18 | ) 19 | 20 | cc_library( 21 | name = "cub", 22 | hdrs = if_cuda([":cub_header_files"]), 23 | deps = [ 24 | "@local_config_cuda//cuda:cuda_headers", 25 | ], 26 | ) 27 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-aggregation-method.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.AggregationMethod" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "ADD_N" 7 | mtype: "" 8 | } 9 | member { 10 | name: "DEFAULT" 11 | mtype: "" 12 | } 13 | member { 14 | name: "EXPERIMENTAL_ACCUMULATE_N" 15 | mtype: "" 16 | } 17 | member { 18 | name: "EXPERIMENTAL_TREE" 19 | mtype: "" 20 | } 21 | member_method { 22 | name: "__init__" 23 | } 24 | } 25 | -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/gmm.md: -------------------------------------------------------------------------------- 1 | # Gaussian Mixture Models 2 | 3 | Gaussian mixture models assume that the input is generated by a mixture of a 4 | finite number of Gaussian distributions with unknown parameters. 5 | 6 | ![gmm](gmm.png) 7 | 8 | Typically an EM (Expectation Maximization) algorithm is used to estimate these 9 | parameters, which include the mean, covariance and mixture ratios of the 10 | underlying components. 11 | 12 | We provide a distributed implementation for running the GMM algorithm. Options 13 | are provided to let the user decide on which parameters to learn. The learned 14 | covariance can be either full or diagonal. 15 | -------------------------------------------------------------------------------- /tensorflow/tools/docker/LICENSE: -------------------------------------------------------------------------------- 1 | Copyright 2015 The TensorFlow Authors. All rights reserved. 2 | 3 | Licensed under the Apache License, Version 2.0 (the "License"); 4 | you may not use this file except in compliance with the License. 5 | You may obtain a copy of the License at 6 | 7 | http://www.apache.org/licenses/LICENSE-2.0 8 | 9 | Unless required by applicable law or agreed to in writing, software 10 | distributed under the License is distributed on an "AS IS" BASIS, 11 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | See the License for the specific language governing permissions and 13 | limitations under the License. 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.-max-norm.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.MaxNorm" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'max_value\', \'axis\'], varargs=None, keywords=None, defaults=[\'2\', \'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.max_norm.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.max_norm" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'max_value\', \'axis\'], varargs=None, keywords=None, defaults=[\'2\', \'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/examples/BUILD: -------------------------------------------------------------------------------- 1 | # Example TensorFlow models using factorization ops. 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE"]) 6 | 7 | package(default_visibility = ["//tensorflow:__subpackages__"]) 8 | 9 | load("//tensorflow:tensorflow.bzl", "tf_py_test") 10 | 11 | tf_py_test( 12 | name = "mnist", 13 | size = "medium", 14 | srcs = [ 15 | "mnist.py", 16 | ], 17 | additional_deps = [ 18 | "//tensorflow:tensorflow_py", 19 | "//tensorflow/examples/tutorials/mnist", 20 | "//tensorflow/examples/tutorials/mnist:input_data", 21 | ], 22 | tags = ["notsan"], 23 | ) 24 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.variable_scope.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.variable_scope" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member_method { 6 | name: "__init__" 7 | argspec: "args=[\'self\', \'name_or_scope\', \'default_name\', \'values\', \'initializer\', \'regularizer\', \'caching_device\', \'partitioner\', \'custom_getter\', \'reuse\', \'dtype\', \'use_resource\', \'constraint\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'None\', \'None\', \'None\', \'None\', \'None\', \'None\', \'None\', \'None\', \'None\'], " 8 | } 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/tools/docker/notebooks/LICENSE: -------------------------------------------------------------------------------- 1 | Copyright 2015 The TensorFlow Authors. All rights reserved. 2 | 3 | Licensed under the Apache License, Version 2.0 (the "License"); 4 | you may not use this file except in compliance with the License. 5 | You may obtain a copy of the License at 6 | 7 | http://www.apache.org/licenses/LICENSE-2.0 8 | 9 | Unless required by applicable law or agreed to in writing, software 10 | distributed under the License is distributed on an "AS IS" BASIS, 11 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | See the License for the specific language governing permissions and 13 | limitations under the License. 14 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-sparse-tensor-value.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.SparseTensorValue" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "dense_shape" 7 | mtype: "" 8 | } 9 | member { 10 | name: "indices" 11 | mtype: "" 12 | } 13 | member { 14 | name: "values" 15 | mtype: "" 16 | } 17 | member_method { 18 | name: "__init__" 19 | } 20 | member_method { 21 | name: "count" 22 | } 23 | member_method { 24 | name: "index" 25 | } 26 | } 27 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.python_io.-t-f-record-options.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.python_io.TFRecordOptions" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "compression_type_map" 7 | mtype: "" 8 | } 9 | member_method { 10 | name: "__init__" 11 | argspec: "args=[\'self\', \'compression_type\'], varargs=None, keywords=None, defaults=None" 12 | } 13 | member_method { 14 | name: "get_compression_type_string" 15 | argspec: "args=[\'cls\', \'options\'], varargs=None, keywords=None, defaults=None" 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /third_party/mkl_dnn/mkldnn.BUILD: -------------------------------------------------------------------------------- 1 | exports_files(["LICENSE"]) 2 | 3 | cc_library( 4 | name = "mkl_dnn", 5 | srcs = glob([ 6 | "src/common/*.cpp", 7 | "src/cpu/*.cpp", 8 | ]), 9 | hdrs = glob(["include/*"]), 10 | copts = ["-fexceptions"] + select({ 11 | "@org_tensorflow//tensorflow:linux_x86_64": [ 12 | "-fopenmp", 13 | ], 14 | "//conditions:default": [], 15 | }), 16 | includes = [ 17 | "include", 18 | "src", 19 | "src/common", 20 | "src/cpu", 21 | "src/cpu/xbyak", 22 | ], 23 | nocopts = "-fno-exceptions", 24 | visibility = ["//visibility:public"], 25 | ) 26 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/Dockerfile.hadoop: -------------------------------------------------------------------------------- 1 | FROM ubuntu:14.04 2 | 3 | LABEL maintainer="Jonathan Hseu " 4 | 5 | # Copy and run the install scripts. 6 | COPY install/*.sh /install/ 7 | RUN /install/install_bootstrap_deb_packages.sh 8 | RUN add-apt-repository -y ppa:openjdk-r/ppa && \ 9 | add-apt-repository -y ppa:george-edison55/cmake-3.x 10 | RUN /install/install_deb_packages.sh 11 | RUN /install/install_pip_packages.sh 12 | RUN /install/install_bazel.sh 13 | RUN /install/install_proto3.sh 14 | RUN /install/install_buildifier.sh 15 | RUN /install/install_hadoop.sh 16 | 17 | # Set up the master bazelrc configuration file. 18 | COPY install/.bazelrc /etc/bazel.bazelrc 19 | -------------------------------------------------------------------------------- /tensorflow/java/maven/libtensorflow_jni/pom.xml: -------------------------------------------------------------------------------- 1 | 3 | 4 | 4.0.0 5 | Platform-dependent native code for the TensorFlow Java library. 6 | 7 | org.tensorflow 8 | parentpom 9 | 1.4.0 10 | ../ 11 | 12 | libtensorflow_jni 13 | jar 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.preprocessing.text.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.preprocessing.text" 2 | tf_module { 3 | member { 4 | name: "Tokenizer" 5 | mtype: "" 6 | } 7 | member_method { 8 | name: "one_hot" 9 | argspec: "args=[\'text\', \'n\', \'filters\', \'lower\', \'split\'], varargs=None, keywords=None, defaults=[\'!\"#$%&()*+,-./:;<=>?@[\\\\]^_`{|}~\\t\\n\', \'True\', \' \'], " 10 | } 11 | member_method { 12 | name: "text_to_word_sequence" 13 | argspec: "args=[\'text\', \'filters\', \'lower\', \'split\'], varargs=None, keywords=None, defaults=[\'!\"#$%&()*+,-./:;<=>?@[\\\\]^_`{|}~\\t\\n\', \'True\', \' \'], " 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/tests/README.txt: -------------------------------------------------------------------------------- 1 | TensorFlow API backwards compatibility test 2 | This test ensures all changes to the public API of TensorFlow are intended. 3 | 4 | If this test fails, it means a change has been made to the public API. Backwards 5 | incompatible changes are not allowed. You can run the test as follows to update 6 | test goldens and package them with your change. 7 | 8 | $ bazel build tensorflow/tools/api/tests:api_compatibility_test 9 | $ bazel-bin/tensorflow/tools/api/tests/api_compatibility_test \ 10 | --update_goldens True 11 | 12 | You will need an API approval to make changes to the public TensorFlow API. This 13 | includes additions to the API. 14 | -------------------------------------------------------------------------------- /tensorflow/core/util/example_proto_fast_parsing_test.proto: -------------------------------------------------------------------------------- 1 | // Protocol message for the fast Example parse unit test. 2 | syntax = "proto3"; 3 | 4 | import "tensorflow/core/example/feature.proto"; 5 | option cc_enable_arenas = true; 6 | 7 | package tensorflow; 8 | 9 | // This message is parallel to Example, but with additional fields to test 10 | // unknown fields handling in example_proto_fast_parsing_test.cc. 11 | message ExampleWithExtras { 12 | Features features = 1; 13 | 14 | string extra1 = 1337; 15 | int64 extra2 = 1338; 16 | fixed32 extra3 = 1339; 17 | fixed64 extra4 = 1340; 18 | double extra5 = 1341; 19 | repeated float extra6 = 1342; 20 | Features extra7 = 1343; 21 | }; 22 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.inputs.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.inputs" 2 | tf_module { 3 | member_method { 4 | name: "numpy_input_fn" 5 | argspec: "args=[\'x\', \'y\', \'batch_size\', \'num_epochs\', \'shuffle\', \'queue_capacity\', \'num_threads\'], varargs=None, keywords=None, defaults=[\'None\', \'128\', \'1\', \'None\', \'1000\', \'1\'], " 6 | } 7 | member_method { 8 | name: "pandas_input_fn" 9 | argspec: "args=[\'x\', \'y\', \'batch_size\', \'num_epochs\', \'shuffle\', \'queue_capacity\', \'num_threads\', \'target_column\'], varargs=None, keywords=None, defaults=[\'None\', \'128\', \'1\', \'None\', \'1000\', \'1\', \'target\'], " 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-worker-session-creator.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.WorkerSessionCreator" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'scaffold\', \'master\', \'config\'], varargs=None, keywords=None, defaults=[\'None\', \'\', \'None\'], " 9 | } 10 | member_method { 11 | name: "create_session" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/summary.md: -------------------------------------------------------------------------------- 1 | # Summary Operations 2 | [TOC] 3 | 4 | Summaries provide a way to export condensed information about a model, which is 5 | then accessible in tools such as @{$summaries_and_tensorboard$TensorBoard}. 6 | 7 | ## Generation of Summaries 8 | 9 | ### Class for writing Summaries 10 | * @{tf.summary.FileWriter} 11 | * @{tf.summary.FileWriterCache} 12 | 13 | ### Summary Ops 14 | * @{tf.summary.tensor_summary} 15 | * @{tf.summary.scalar} 16 | * @{tf.summary.histogram} 17 | * @{tf.summary.audio} 18 | * @{tf.summary.image} 19 | * @{tf.summary.merge} 20 | * @{tf.summary.merge_all} 21 | 22 | ## Utilities 23 | * @{tf.summary.get_summary_description} 24 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_Z.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ZerosLike" 3 | endpoint { 4 | name: "ZerosLike" 5 | } 6 | summary: "Returns a tensor of zeros with the same shape and type as x." 7 | } 8 | op { 9 | graph_op_name: "Zeta" 10 | endpoint { 11 | name: "Zeta" 12 | } 13 | summary: "Compute the Hurwitz zeta function \\\\(\\zeta(x, q)\\\\)." 14 | description: <" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'min_value\', \'max_value\', \'rate\', \'axis\'], varargs=None, keywords=None, defaults=[\'0.0\', \'1.0\', \'1.0\', \'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.constraints.min_max_norm.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.constraints.min_max_norm" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'min_value\', \'max_value\', \'rate\', \'axis\'], varargs=None, keywords=None, defaults=[\'0.0\', \'1.0\', \'1.0\', \'0\'], " 9 | } 10 | member_method { 11 | name: "get_config" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /third_party/mpi_collectives/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//visibility:public"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE.txt"]) 6 | 7 | filegroup( 8 | name = "all_files", 9 | srcs = glob( 10 | ["**/*"], 11 | exclude = [ 12 | "**/METADATA", 13 | "**/OWNERS", 14 | ], 15 | ), 16 | visibility = ["//tensorflow:__subpackages__"], 17 | ) 18 | 19 | cc_library( 20 | name = "mpi", 21 | srcs = select({ 22 | "//tensorflow:darwin": ["libmpi.dylib"], 23 | "//conditions:default": ["libmpi.so"], 24 | }), 25 | hdrs = [ 26 | "mpi.h", 27 | "mpi_portable_platform", 28 | ], 29 | ) 30 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/sqlite/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(sqlite) 4 | 5 | set(SQLITE_SRCS 6 | "sqlite3.c" 7 | ) 8 | 9 | set(SQLITE_INCLUDES 10 | "sqlite3.h" 11 | ) 12 | 13 | include_directories("${CMAKE_CURRENT_SOURCE_DIR}") 14 | 15 | add_library(sqlite ${SQLITE_SRCS}) 16 | 17 | # C++11 18 | target_compile_features(sqlite PRIVATE 19 | cxx_rvalue_references 20 | ) 21 | 22 | install(TARGETS sqlite 23 | LIBRARY DESTINATION lib COMPONENT RuntimeLibraries 24 | ARCHIVE DESTINATION lib COMPONENT Development) 25 | 26 | foreach(SQLITE_INCLUDE ${SQLITE_INCLUDES}) 27 | install(FILES ${SQLITE_INCLUDE} DESTINATION include COMPONENT Development) 28 | endforeach() 29 | -------------------------------------------------------------------------------- /tensorflow/docs_src/api_guides/python/spectral_ops.md: -------------------------------------------------------------------------------- 1 | # Spectral Functions 2 | 3 | [TOC] 4 | 5 | The @{tf.spectral} module supports several spectral decomposition operations 6 | that you can use to transform Tensors of real and complex signals. 7 | 8 | ## Discrete Fourier Transforms 9 | 10 | * @{tf.spectral.fft} 11 | * @{tf.spectral.ifft} 12 | * @{tf.spectral.fft2d} 13 | * @{tf.spectral.ifft2d} 14 | * @{tf.spectral.fft3d} 15 | * @{tf.spectral.ifft3d} 16 | * @{tf.spectral.rfft} 17 | * @{tf.spectral.irfft} 18 | * @{tf.spectral.rfft2d} 19 | * @{tf.spectral.irfft2d} 20 | * @{tf.spectral.rfft3d} 21 | * @{tf.spectral.irfft3d} 22 | 23 | ## Discrete Cosine Transforms 24 | 25 | * @{tf.spectral.dct} 26 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/word2vec/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # TensorFlow model for word2vec 3 | 4 | package(default_visibility = ["//tensorflow:internal"]) 5 | 6 | licenses(["notice"]) # Apache 2.0 7 | 8 | exports_files(["LICENSE"]) 9 | 10 | py_binary( 11 | name = "word2vec_basic", 12 | srcs = [ 13 | "word2vec_basic.py", 14 | ], 15 | srcs_version = "PY2AND3", 16 | deps = [ 17 | "//tensorflow:tensorflow_py", 18 | "//third_party/py/numpy", 19 | ], 20 | ) 21 | 22 | filegroup( 23 | name = "all_files", 24 | srcs = glob( 25 | ["**/*"], 26 | exclude = [ 27 | "**/METADATA", 28 | "**/OWNERS", 29 | ], 30 | ), 31 | ) 32 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.applications.inception_v3.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.applications.inception_v3" 2 | tf_module { 3 | member_method { 4 | name: "InceptionV3" 5 | argspec: "args=[\'include_top\', \'weights\', \'input_tensor\', \'input_shape\', \'pooling\', \'classes\'], varargs=None, keywords=None, defaults=[\'True\', \'imagenet\', \'None\', \'None\', \'None\', \'1000\'], " 6 | } 7 | member_method { 8 | name: "decode_predictions" 9 | argspec: "args=[\'preds\', \'top\'], varargs=None, keywords=None, defaults=[\'5\'], " 10 | } 11 | member_method { 12 | name: "preprocess_input" 13 | argspec: "args=[\'x\'], varargs=None, keywords=None, defaults=None" 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/Dockerfile.cpu: -------------------------------------------------------------------------------- 1 | FROM ubuntu:14.04 2 | 3 | LABEL maintainer="Jan Prach " 4 | 5 | # Copy and run the install scripts. 6 | COPY install/*.sh /install/ 7 | RUN /install/install_bootstrap_deb_packages.sh 8 | RUN add-apt-repository -y ppa:openjdk-r/ppa && \ 9 | add-apt-repository -y ppa:george-edison55/cmake-3.x 10 | RUN /install/install_deb_packages.sh 11 | RUN /install/install_pip_packages.sh 12 | RUN /install/install_bazel.sh 13 | RUN /install/install_proto3.sh 14 | RUN /install/install_buildifier.sh 15 | RUN /install/install_auditwheel.sh 16 | RUN /install/install_golang.sh 17 | 18 | # Set up the master bazelrc configuration file. 19 | COPY install/.bazelrc /etc/bazel.bazelrc 20 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.applications.vgg16.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.applications.vgg16" 2 | tf_module { 3 | member_method { 4 | name: "VGG16" 5 | argspec: "args=[\'include_top\', \'weights\', \'input_tensor\', \'input_shape\', \'pooling\', \'classes\'], varargs=None, keywords=None, defaults=[\'True\', \'imagenet\', \'None\', \'None\', \'None\', \'1000\'], " 6 | } 7 | member_method { 8 | name: "decode_predictions" 9 | argspec: "args=[\'preds\', \'top\'], varargs=None, keywords=None, defaults=[\'5\'], " 10 | } 11 | member_method { 12 | name: "preprocess_input" 13 | argspec: "args=[\'x\', \'data_format\'], varargs=None, keywords=None, defaults=[\'None\'], " 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.applications.vgg19.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.applications.vgg19" 2 | tf_module { 3 | member_method { 4 | name: "VGG19" 5 | argspec: "args=[\'include_top\', \'weights\', \'input_tensor\', \'input_shape\', \'pooling\', \'classes\'], varargs=None, keywords=None, defaults=[\'True\', \'imagenet\', \'None\', \'None\', \'None\', \'1000\'], " 6 | } 7 | member_method { 8 | name: "decode_predictions" 9 | argspec: "args=[\'preds\', \'top\'], varargs=None, keywords=None, defaults=[\'5\'], " 10 | } 11 | member_method { 12 | name: "preprocess_input" 13 | argspec: "args=[\'x\', \'data_format\'], varargs=None, keywords=None, defaults=[\'None\'], " 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/tools/dist_test/local/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM jpetazzo/dind 2 | 3 | LABEL maintainer="Shanqing Cai " 4 | 5 | RUN apt-get update 6 | 7 | RUN apt-get install -y --no-install-recommends \ 8 | build-essential \ 9 | git \ 10 | software-properties-common 11 | 12 | # Install the latest golang 13 | RUN wget https://storage.googleapis.com/golang/go1.4.2.linux-amd64.tar.gz 14 | RUN tar -C /usr/local -xzf go1.4.2.linux-amd64.tar.gz 15 | RUN rm -f go1.4.2.linux-amd64.tar.gz 16 | RUN echo 'PATH=/usr/local/go/bin:${PATH}' >> /root/.bashrc 17 | 18 | ADD start_local_k8s_cluster.sh /var/k8s/start_local_k8s_cluster.sh 19 | ADD ../scripts /var/k8s/dist_test/scripts 20 | ADD ../python /var/k8s/dist_test/python 21 | -------------------------------------------------------------------------------- /third_party/mkl/mkl.BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # 3-Clause BSD 2 | 3 | exports_files(["license.txt"]) 4 | 5 | filegroup( 6 | name = "LICENSE", 7 | srcs = [ 8 | "license.txt", 9 | ], 10 | visibility = ["//visibility:public"], 11 | ) 12 | 13 | cc_library( 14 | name = "mkl_headers", 15 | srcs = glob(["include/*"]), 16 | includes = ["include"], 17 | visibility = ["//visibility:public"], 18 | ) 19 | 20 | filegroup( 21 | name = "libmklml_intel.so", 22 | srcs = ["lib/libmklml_intel.so"], 23 | visibility = ["//visibility:public"], 24 | ) 25 | 26 | filegroup( 27 | name = "libiomp5.so", 28 | srcs = ["lib/libiomp5.so"], 29 | visibility = ["//visibility:public"], 30 | ) 31 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/farmhash/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(farmhash) 4 | 5 | set(FARMHASH_SRCS 6 | "src/farmhash.h" 7 | "src/farmhash.cc" 8 | ) 9 | 10 | set(FARMHASH_INCLUDES 11 | "src/farmhash.h" 12 | ) 13 | 14 | include_directories("${CMAKE_CURRENT_SOURCE_DIR}") 15 | 16 | add_library(farmhash ${FARMHASH_SRCS}) 17 | add_definitions(-DFARMHASH_NO_BUILTIN_EXPECT) 18 | 19 | install(TARGETS farmhash 20 | LIBRARY DESTINATION lib COMPONENT RuntimeLibraries 21 | ARCHIVE DESTINATION lib COMPONENT Development) 22 | 23 | foreach(FARMHASH_INCLUDE ${FARMHASH_INCLUDES}) 24 | install(FILES ${FARMHASH_INCLUDE} DESTINATION include COMPONENT Development) 25 | endforeach() 26 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.applications.resnet50.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.applications.resnet50" 2 | tf_module { 3 | member_method { 4 | name: "ResNet50" 5 | argspec: "args=[\'include_top\', \'weights\', \'input_tensor\', \'input_shape\', \'pooling\', \'classes\'], varargs=None, keywords=None, defaults=[\'True\', \'imagenet\', \'None\', \'None\', \'None\', \'1000\'], " 6 | } 7 | member_method { 8 | name: "decode_predictions" 9 | argspec: "args=[\'preds\', \'top\'], varargs=None, keywords=None, defaults=[\'5\'], " 10 | } 11 | member_method { 12 | name: "preprocess_input" 13 | argspec: "args=[\'x\', \'data_format\'], varargs=None, keywords=None, defaults=[\'None\'], " 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/remote/Dockerfile.gpu: -------------------------------------------------------------------------------- 1 | FROM nvidia-cuda-clang:latest 2 | 3 | RUN apt-get update && apt-get --no-install-recommends install -y \ 4 | binutils \ 5 | binutils-gold \ 6 | curl \ 7 | libstdc++-4.9-dev \ 8 | python \ 9 | python-dev \ 10 | python-numpy \ 11 | python-pip \ 12 | unzip \ 13 | zip && \ 14 | rm -rf /var/lib/apt/lists/* 15 | 16 | RUN curl -fSsL -O https://bootstrap.pypa.io/get-pip.py && \ 17 | python get-pip.py && \ 18 | rm get-pip.py 19 | 20 | # Set up grpc 21 | RUN pip install --upgrade enum34 futures mock numpy six backports.weakref && \ 22 | pip install --pre 'protobuf>=3.0.0a3' && \ 23 | pip install 'grpcio>=1.1.3' 24 | 25 | WORKDIR /botexec 26 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-fixed-len-feature.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.FixedLenFeature" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "default_value" 8 | mtype: "" 9 | } 10 | member { 11 | name: "dtype" 12 | mtype: "" 13 | } 14 | member { 15 | name: "shape" 16 | mtype: "" 17 | } 18 | member_method { 19 | name: "__init__" 20 | } 21 | member_method { 22 | name: "count" 23 | } 24 | member_method { 25 | name: "index" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.-train-spec.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.TrainSpec" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "hooks" 8 | mtype: "" 9 | } 10 | member { 11 | name: "input_fn" 12 | mtype: "" 13 | } 14 | member { 15 | name: "max_steps" 16 | mtype: "" 17 | } 18 | member_method { 19 | name: "__init__" 20 | } 21 | member_method { 22 | name: "count" 23 | } 24 | member_method { 25 | name: "index" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/contrib/eager/python/examples/linear_regression/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | 3 | package(default_visibility = ["//tensorflow:internal"]) 4 | 5 | load("//tensorflow:tensorflow.bzl", "cuda_py_test") 6 | 7 | py_binary( 8 | name = "linear_regression", 9 | srcs = ["linear_regression.py"], 10 | srcs_version = "PY2AND3", 11 | deps = [ 12 | "//tensorflow:tensorflow_py", 13 | "//tensorflow/contrib/eager/python:tfe", 14 | ], 15 | ) 16 | 17 | cuda_py_test( 18 | name = "linear_regression_test", 19 | size = "small", 20 | srcs = ["linear_regression_test.py"], 21 | additional_deps = [ 22 | ":linear_regression", 23 | "//tensorflow:tensorflow_py", 24 | ], 25 | ) 26 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/layers/BUILD: -------------------------------------------------------------------------------- 1 | # Example Estimator model 2 | 3 | package( 4 | default_visibility = ["//visibility:public"], 5 | ) 6 | 7 | licenses(["notice"]) # Apache 2.0 8 | 9 | exports_files(["LICENSE"]) 10 | 11 | py_binary( 12 | name = "cnn_mnist", 13 | srcs = [ 14 | "cnn_mnist.py", 15 | ], 16 | srcs_version = "PY2AND3", 17 | deps = [ 18 | "//tensorflow:tensorflow_py", 19 | "//third_party/py/numpy", 20 | ], 21 | ) 22 | 23 | filegroup( 24 | name = "all_files", 25 | srcs = glob( 26 | ["**/*"], 27 | exclude = [ 28 | "**/METADATA", 29 | "**/OWNERS", 30 | ], 31 | ), 32 | visibility = ["//tensorflow:__subpackages__"], 33 | ) 34 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.ones_initializer.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.ones_initializer" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/monitors/iris_test.csv: -------------------------------------------------------------------------------- 1 | 30,4,setosa,versicolor,virginica 2 | 5.9,3.0,4.2,1.5,1 3 | 6.9,3.1,5.4,2.1,2 4 | 5.1,3.3,1.7,0.5,0 5 | 6.0,3.4,4.5,1.6,1 6 | 5.5,2.5,4.0,1.3,1 7 | 6.2,2.9,4.3,1.3,1 8 | 5.5,4.2,1.4,0.2,0 9 | 6.3,2.8,5.1,1.5,2 10 | 5.6,3.0,4.1,1.3,1 11 | 6.7,2.5,5.8,1.8,2 12 | 7.1,3.0,5.9,2.1,2 13 | 4.3,3.0,1.1,0.1,0 14 | 5.6,2.8,4.9,2.0,2 15 | 5.5,2.3,4.0,1.3,1 16 | 6.0,2.2,4.0,1.0,1 17 | 5.1,3.5,1.4,0.2,0 18 | 5.7,2.6,3.5,1.0,1 19 | 4.8,3.4,1.9,0.2,0 20 | 5.1,3.4,1.5,0.2,0 21 | 5.7,2.5,5.0,2.0,2 22 | 5.4,3.4,1.7,0.2,0 23 | 5.6,3.0,4.5,1.5,1 24 | 6.3,2.9,5.6,1.8,2 25 | 6.3,2.5,4.9,1.5,1 26 | 5.8,2.7,3.9,1.2,1 27 | 6.1,3.0,4.6,1.4,1 28 | 5.2,4.1,1.5,0.1,0 29 | 6.7,3.1,4.7,1.5,1 30 | 6.7,3.3,5.7,2.5,2 31 | 6.4,2.9,4.3,1.3,1 32 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.initializers.ones.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.initializers.ones" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.initializers.zeros.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.initializers.zeros" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.nn.rnn_cell.-l-s-t-m-state-tuple.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.nn.rnn_cell.LSTMStateTuple" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "c" 8 | mtype: "" 9 | } 10 | member { 11 | name: "dtype" 12 | mtype: "" 13 | } 14 | member { 15 | name: "h" 16 | mtype: "" 17 | } 18 | member_method { 19 | name: "__init__" 20 | } 21 | member_method { 22 | name: "count" 23 | } 24 | member_method { 25 | name: "index" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.zeros_initializer.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.zeros_initializer" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/build_info/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Contains script to generate tensorflow/python/platform/build_info.py 3 | package(default_visibility = ["//tensorflow:internal"]) 4 | 5 | licenses(["notice"]) # Apache 2.0 6 | 7 | exports_files( 8 | glob(["gen/*"]) + [ 9 | "gen_build_info.py", 10 | ], 11 | ) 12 | 13 | # ----------------------------------------------------------------------------- 14 | # Google-internal targets. These must be at the end for syncrepo. 15 | 16 | filegroup( 17 | name = "all_files", 18 | srcs = glob( 19 | ["**/*"], 20 | exclude = [ 21 | "**/METADATA", 22 | "**/OWNERS", 23 | ], 24 | ), 25 | visibility = ["//tensorflow:__subpackages__"], 26 | ) 27 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/gif/unistd.h: -------------------------------------------------------------------------------- 1 | /* Copyright 2016 The TensorFlow Authors. All Rights Reserved. 2 | 3 | Licensed under the Apache License, Version 2.0 (the "License"); 4 | you may not use this file except in compliance with the License. 5 | You may obtain a copy of the License at 6 | 7 | http://www.apache.org/licenses/LICENSE-2.0 8 | 9 | Unless required by applicable law or agreed to in writing, software 10 | distributed under the License is distributed on an "AS IS" BASIS, 11 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | See the License for the specific language governing permissions and 13 | limitations under the License. 14 | ==============================================================================*/ 15 | -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/grpc/rand.h: -------------------------------------------------------------------------------- 1 | /* Copyright 2017 The TensorFlow Authors. All Rights Reserved. 2 | 3 | Licensed under the Apache License, Version 2.0 (the "License"); 4 | you may not use this file except in compliance with the License. 5 | You may obtain a copy of the License at 6 | 7 | http://www.apache.org/licenses/LICENSE-2.0 8 | 9 | Unless required by applicable law or agreed to in writing, software 10 | distributed under the License is distributed on an "AS IS" BASIS, 11 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | See the License for the specific language governing permissions and 13 | limitations under the License. 14 | ==============================================================================*/ 15 | -------------------------------------------------------------------------------- /tensorflow/contrib/decision_trees/proto/generic_tree_model_extensions.proto: -------------------------------------------------------------------------------- 1 | // Messages in this file are not part of the basic standard established by 2 | // generic_tree_model.proto (see the toplevel comment in that file). 3 | 4 | syntax = "proto3"; 5 | 6 | package tensorflow.decision_trees; 7 | 8 | import "tensorflow/contrib/decision_trees/proto/generic_tree_model.proto"; 9 | 10 | // Used in generic_tree_model.BinaryNode.left_child_test. 11 | // Tests whether the feature's value belongs to the specified list, 12 | // (or does not belong if inverse=True). 13 | message MatchingValuesTest { 14 | // When the feature is missing, the test's outcome is undefined. 15 | FeatureId feature_id = 1; 16 | repeated Value value = 2; 17 | bool inverse = 3; 18 | } 19 | -------------------------------------------------------------------------------- /third_party/sycl/crosstool/BUILD.tpl: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | 3 | package(default_visibility = ["//visibility:public"]) 4 | 5 | cc_toolchain_suite( 6 | name = "toolchain", 7 | toolchains = { 8 | "local|compiler": ":cc-compiler-local", 9 | }, 10 | ) 11 | 12 | cc_toolchain( 13 | name = "cc-compiler-local", 14 | all_files = ":empty", 15 | compiler_files = ":empty", 16 | cpu = "local", 17 | dwp_files = ":empty", 18 | dynamic_runtime_libs = [":empty"], 19 | linker_files = ":empty", 20 | objcopy_files = ":empty", 21 | static_runtime_libs = [":empty"], 22 | strip_files = ":empty", 23 | supports_param_files = 1, 24 | ) 25 | 26 | filegroup( 27 | name = "empty", 28 | srcs = [], 29 | ) 30 | -------------------------------------------------------------------------------- /tensorflow/contrib/data/kernels/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Contains kernels for datasets and iterators. 3 | package(default_visibility = ["//tensorflow:internal"]) 4 | 5 | licenses(["notice"]) # Apache 2.0 6 | 7 | exports_files(["LICENSE"]) 8 | 9 | cc_library( 10 | name = "prefetching_kernels", 11 | srcs = ["prefetching_kernels.cc"], 12 | deps = [ 13 | "//tensorflow/core:framework_headers_lib", 14 | "//third_party/eigen3", 15 | "@protobuf_archive//:protobuf_headers", 16 | ], 17 | alwayslink = 1, 18 | ) 19 | 20 | filegroup( 21 | name = "all_files", 22 | srcs = glob( 23 | ["**/*"], 24 | exclude = [ 25 | "**/METADATA", 26 | "**/OWNERS", 27 | ], 28 | ), 29 | ) 30 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.initializers.-ones.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.initializers.Ones" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/install/.bazelrc: -------------------------------------------------------------------------------- 1 | # Running bazel inside a `docker build` command causes trouble, cf: 2 | # https://github.com/bazelbuild/bazel/issues/134 3 | # The easiest solution is to set up a bazelrc file forcing --batch. 4 | startup --batch 5 | 6 | # Similarly, we need to workaround sandboxing issues: 7 | # https://github.com/bazelbuild/bazel/issues/418 8 | build --verbose_failures --spawn_strategy=standalone --genrule_strategy=standalone 9 | test --spawn_strategy=standalone 10 | 11 | # Force bazel output to use colors (good for jenkins) and print useful errors. 12 | common --color=yes 13 | 14 | # Configure tests - increase timeout, print errors and timeout warnings 15 | test --verbose_failures --test_output=errors --test_verbose_timeout_warnings 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-predict-output.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.PredictOutput" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "outputs" 8 | mtype: "" 9 | } 10 | member_method { 11 | name: "__init__" 12 | argspec: "args=[\'self\', \'outputs\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "as_signature_def" 16 | argspec: "args=[\'self\', \'receiver_tensors\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.initializers.-zeros.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.initializers.Zeros" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'dtype\'], varargs=None, keywords=None, defaults=[\"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-session-run-args.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.SessionRunArgs" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "feed_dict" 8 | mtype: "" 9 | } 10 | member { 11 | name: "fetches" 12 | mtype: "" 13 | } 14 | member { 15 | name: "options" 16 | mtype: "" 17 | } 18 | member_method { 19 | name: "__init__" 20 | } 21 | member_method { 22 | name: "count" 23 | } 24 | member_method { 25 | name: "index" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/contrib/batching/test_util/BUILD: -------------------------------------------------------------------------------- 1 | # Description: Utilities to aid testing. 2 | 3 | package( 4 | default_visibility = ["//tensorflow:internal"], 5 | ) 6 | 7 | licenses(["notice"]) # Apache 2.0 8 | 9 | exports_files(["LICENSE"]) 10 | 11 | filegroup( 12 | name = "all_files", 13 | srcs = glob( 14 | ["**/*"], 15 | exclude = [ 16 | "**/METADATA", 17 | "**/OWNERS", 18 | ], 19 | ), 20 | ) 21 | 22 | cc_library( 23 | name = "fake_clock_env", 24 | testonly = 1, 25 | srcs = ["fake_clock_env.cc"], 26 | hdrs = ["fake_clock_env.h"], 27 | visibility = ["//visibility:public"], 28 | deps = [ 29 | "//tensorflow/core:lib", 30 | "//tensorflow/core:tensorflow", 31 | ], 32 | ) 33 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.estimator.export.-regression-output.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.estimator.export.RegressionOutput" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "value" 8 | mtype: "" 9 | } 10 | member_method { 11 | name: "__init__" 12 | argspec: "args=[\'self\', \'value\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "as_signature_def" 16 | argspec: "args=[\'self\', \'receiver_tensors\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-chief-session-creator.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.ChiefSessionCreator" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'scaffold\', \'master\', \'config\', \'checkpoint_dir\', \'checkpoint_filename_with_path\'], varargs=None, keywords=None, defaults=[\'None\', \'\', \'None\', \'None\', \'None\'], " 9 | } 10 | member_method { 11 | name: "create_session" 12 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /tensorflow/contrib/eager/python/examples/rnn_colorbot/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | 3 | package(default_visibility = ["//tensorflow:internal"]) 4 | 5 | load("//tensorflow:tensorflow.bzl", "cuda_py_test") 6 | 7 | py_binary( 8 | name = "rnn_colorbot", 9 | srcs = ["rnn_colorbot.py"], 10 | srcs_version = "PY2AND3", 11 | deps = [ 12 | "//tensorflow:tensorflow_py", 13 | "//tensorflow/contrib/eager/python:tfe", 14 | "@six_archive//:six", 15 | ], 16 | ) 17 | 18 | cuda_py_test( 19 | name = "rnn_colorbot_test", 20 | srcs = ["rnn_colorbot_test.py"], 21 | additional_deps = [ 22 | ":rnn_colorbot", 23 | "//tensorflow/contrib/eager/python:tfe", 24 | "//tensorflow:tensorflow_py", 25 | ], 26 | ) 27 | -------------------------------------------------------------------------------- /tensorflow/core/framework/tensor_description.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | option java_outer_classname = "TensorDescriptionProtos"; 6 | option java_multiple_files = true; 7 | option java_package = "org.tensorflow.framework"; 8 | 9 | import "tensorflow/core/framework/types.proto"; 10 | import "tensorflow/core/framework/tensor_shape.proto"; 11 | import "tensorflow/core/framework/allocation_description.proto"; 12 | 13 | message TensorDescription { 14 | // Data type of tensor elements 15 | DataType dtype = 1; 16 | 17 | // Shape of the tensor. 18 | TensorShapeProto shape = 2; 19 | 20 | // Information about the size and allocator used for the data 21 | AllocationDescription allocation_description = 4; 22 | }; 23 | -------------------------------------------------------------------------------- /tensorflow/docs_src/deploy/index.md: -------------------------------------------------------------------------------- 1 | # Deploy 2 | 3 | This section focuses on deploying real-world models. It contains 4 | the following documents: 5 | 6 | * @{$distributed$Distributed TensorFlow}, which explains how to create 7 | a cluster of TensorFlow servers. 8 | * @{$hadoop$How to run TensorFlow on Hadoop}, which has a highly 9 | self-explanatory title. 10 | * The entire document set for [TensorFlow serving](/serving), an open-source, 11 | flexible, high-performance serving system for machine-learned models 12 | designed for production environments. TensorFlow Serving provides 13 | out-of-the-box integration with TensorFlow models. 14 | [Source code for TensorFlow Serving](https://github.com/tensorflow/serving) 15 | is available on Github. 16 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.train.-session-run-values.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.train.SessionRunValues" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member { 7 | name: "options" 8 | mtype: "" 9 | } 10 | member { 11 | name: "results" 12 | mtype: "" 13 | } 14 | member { 15 | name: "run_metadata" 16 | mtype: "" 17 | } 18 | member_method { 19 | name: "__init__" 20 | } 21 | member_method { 22 | name: "count" 23 | } 24 | member_method { 25 | name: "index" 26 | } 27 | } 28 | -------------------------------------------------------------------------------- /tensorflow/python/data/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//tensorflow:internal"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE"]) 6 | 7 | py_library( 8 | name = "data", 9 | srcs = ["__init__.py"], 10 | srcs_version = "PY2AND3", 11 | deps = [ 12 | "//tensorflow/python:util", 13 | "//tensorflow/python/data/ops:dataset_ops", 14 | "//tensorflow/python/data/ops:iterator_ops", 15 | "//tensorflow/python/data/ops:readers", 16 | ], 17 | ) 18 | 19 | filegroup( 20 | name = "all_files", 21 | srcs = glob( 22 | ["**/*"], 23 | exclude = [ 24 | "**/METADATA", 25 | "**/OWNERS", 26 | ], 27 | ), 28 | visibility = ["//tensorflow:__subpackages__"], 29 | ) 30 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.-variable.-save-slice-info.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.Variable.SaveSliceInfo" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | member { 6 | name: "spec" 7 | mtype: "" 8 | } 9 | member_method { 10 | name: "__init__" 11 | argspec: "args=[\'self\', \'full_name\', \'full_shape\', \'var_offset\', \'var_shape\', \'save_slice_info_def\', \'import_scope\'], varargs=None, keywords=None, defaults=[\'None\', \'None\', \'None\', \'None\', \'None\', \'None\'], " 12 | } 13 | member_method { 14 | name: "to_proto" 15 | argspec: "args=[\'self\', \'export_scope\'], varargs=None, keywords=None, defaults=[\'None\'], " 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.initializers.identity.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.initializers.identity" 2 | tf_class { 3 | is_instance: "" 4 | is_instance: "" 5 | is_instance: "" 6 | member_method { 7 | name: "__init__" 8 | argspec: "args=[\'self\', \'gain\', \'dtype\'], varargs=None, keywords=None, defaults=[\'1.0\', \"\"], " 9 | } 10 | member_method { 11 | name: "from_config" 12 | argspec: "args=[\'cls\', \'config\'], varargs=None, keywords=None, defaults=None" 13 | } 14 | member_method { 15 | name: "get_config" 16 | argspec: "args=[\'self\'], varargs=None, keywords=None, defaults=None" 17 | } 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/tools/api/golden/tensorflow.keras.applications.mobilenet.pbtxt: -------------------------------------------------------------------------------- 1 | path: "tensorflow.keras.applications.mobilenet" 2 | tf_module { 3 | member_method { 4 | name: "MobileNet" 5 | argspec: "args=[\'input_shape\', \'alpha\', \'depth_multiplier\', \'dropout\', \'include_top\', \'weights\', \'input_tensor\', \'pooling\', \'classes\'], varargs=None, keywords=None, defaults=[\'None\', \'1.0\', \'1\', \'0.001\', \'True\', \'imagenet\', \'None\', \'None\', \'1000\'], " 6 | } 7 | member_method { 8 | name: "decode_predictions" 9 | argspec: "args=[\'preds\', \'top\'], varargs=None, keywords=None, defaults=[\'5\'], " 10 | } 11 | member_method { 12 | name: "preprocess_input" 13 | argspec: "args=[\'x\'], varargs=None, keywords=None, defaults=None" 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/contrib/input_pipeline/kernels/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Contains kernels for the input pipeline. 3 | 4 | licenses(["notice"]) # Apache 2.0 5 | 6 | exports_files(["LICENSE"]) 7 | 8 | package(default_visibility = ["//tensorflow:__subpackages__"]) 9 | 10 | cc_library( 11 | name = "input_pipeline_kernels", 12 | srcs = ["input_pipeline_kernels.cc"], 13 | deps = [ 14 | "//tensorflow/core:framework_headers_lib", 15 | "//third_party/eigen3", 16 | "@protobuf_archive//:protobuf_headers", 17 | ], 18 | alwayslink = 1, 19 | ) 20 | 21 | filegroup( 22 | name = "all_files", 23 | srcs = glob( 24 | ["**/*"], 25 | exclude = [ 26 | "**/METADATA", 27 | "**/OWNERS", 28 | ], 29 | ), 30 | ) 31 | -------------------------------------------------------------------------------- /tensorflow/examples/benchmark/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Examples of adding a benchmark to TensorFlow. 3 | 4 | load( 5 | "//tensorflow/tools/test:performance.bzl", 6 | "tf_py_logged_benchmark", 7 | ) 8 | 9 | licenses(["notice"]) # Apache 2.0 10 | 11 | exports_files(["LICENSE"]) 12 | 13 | py_test( 14 | name = "sample_benchmark", 15 | srcs = ["sample_benchmark.py"], 16 | srcs_version = "PY2AND3", 17 | deps = [ 18 | "//tensorflow:tensorflow_py", 19 | ], 20 | ) 21 | 22 | tf_py_logged_benchmark( 23 | name = "sample_logged_benchmark", 24 | target = "//tensorflow/examples/benchmark:sample_benchmark", 25 | ) 26 | 27 | filegroup( 28 | name = "all_files", 29 | srcs = glob(["**/*"]), 30 | visibility = ["//tensorflow:__subpackages__"], 31 | ) 32 | -------------------------------------------------------------------------------- /tensorflow/go/lib.go: -------------------------------------------------------------------------------- 1 | /* 2 | Copyright 2016 The TensorFlow Authors. All Rights Reserved. 3 | 4 | Licensed under the Apache License, Version 2.0 (the "License"); 5 | you may not use this file except in compliance with the License. 6 | You may obtain a copy of the License at 7 | 8 | http://www.apache.org/licenses/LICENSE-2.0 9 | 10 | Unless required by applicable law or agreed to in writing, software 11 | distributed under the License is distributed on an "AS IS" BASIS, 12 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 13 | See the License for the specific language governing permissions and 14 | limitations under the License. 15 | */ 16 | 17 | package tensorflow 18 | 19 | // #cgo LDFLAGS: -ltensorflow 20 | // #cgo CFLAGS: -I${SRCDIR}/../../ 21 | import "C" 22 | -------------------------------------------------------------------------------- /tensorflow/tools/gcs_test/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM ubuntu:16.04 2 | 3 | LABEL maintainer="Shanqing Cai " 4 | 5 | RUN apt-get update 6 | RUN apt-get install -y \ 7 | curl \ 8 | libcurl4-openssl-dev \ 9 | python \ 10 | python-pip 11 | 12 | # Install Google Cloud SDK 13 | RUN curl -O https://dl.google.com/dl/cloudsdk/channels/rapid/install_google_cloud_sdk.bash 14 | RUN chmod +x install_google_cloud_sdk.bash 15 | RUN ./install_google_cloud_sdk.bash --disable-prompts --install-dir=/var/gcloud 16 | 17 | # Install TensorFlow pip from build context. 18 | COPY tensorflow-*.whl / 19 | RUN pip install /tensorflow-*.whl 20 | 21 | # Copy test files 22 | RUN mkdir -p /gcs-smoke/python 23 | COPY gcs_smoke_wrapper.sh /gcs-smoke/ 24 | COPY python/gcs_smoke.py /gcs-smoke/python/ 25 | -------------------------------------------------------------------------------- /tensorflow/docs_src/community/index.md: -------------------------------------------------------------------------------- 1 | # Community 2 | 3 | This section contains the following documents: 4 | 5 | * @{$welcome$Welcome to the TensorFlow Community}, which explains how 6 | you can get involved, where to report issues, and where to join 7 | like-minded TensorFlow enthusiasts online. 8 | * @{$documentation$Writing TensorFlow Documentation}, which explains 9 | TensorFlow's documentation conventions. If you are modifying 10 | TensorFlow source code or documentation, please read this guide. 11 | * @{$style_guide$TensorFlow Style Guide}, which identifies coding style 12 | conventions that TensorFlow developers and users should follow. 13 | * @{$community/benchmarks$Benchmarks}, Benchmarks, a guide for defining and 14 | running a TensorFlow benchmark. 15 | --------------------------------------------------------------------------------