├── .gitmodules ├── third_party ├── gpus │ ├── BUILD │ ├── cuda │ │ ├── BUILD │ │ └── platform.bzl.tpl │ └── crosstool │ │ └── BUILD ├── sycl │ ├── crosstool │ │ └── BUILD │ ├── 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 ├── BUILD ├── llvm │ └── BUILD ├── linenoise.BUILD ├── six.BUILD ├── werkzeug.BUILD ├── mkl │ ├── build_defs.bzl │ └── BUILD ├── hadoop │ └── BUILD ├── nanopb.BUILD ├── py │ └── numpy │ │ └── BUILD └── farmhash.BUILD ├── tensorflow ├── g3doc │ ├── __init__.py │ ├── how_tos │ │ ├── __init__.py │ │ ├── adding_an_op │ │ │ └── __init__.py │ │ └── leftnav_files │ ├── tutorials │ │ ├── __init__.py │ │ ├── syntaxnet │ │ │ └── index.md │ │ └── deep_cnn │ │ │ └── cifar_tensorboard.html │ ├── get_started │ │ └── leftnav_files │ ├── api_docs │ │ ├── python │ │ │ └── functions_and_classes │ │ │ │ ├── shard8 │ │ │ │ ├── tf.contrib.learn.TaskType.md │ │ │ │ ├── tf.no_regularizer.md │ │ │ │ ├── tf.train.do_quantize_training_on_graphdef.md │ │ │ │ ├── tf.contrib.rnn.LSTMStateTuple.__new__.md │ │ │ │ ├── tf.train.Scaffold.get_or_default.md │ │ │ │ ├── tf.contrib.metrics.confusion_matrix.md │ │ │ │ ├── tf.FixedLenSequenceFeature.__new__.md │ │ │ │ ├── tf.ones_initializer.md │ │ │ │ ├── tf.python_io.TFRecordOptions.md │ │ │ │ ├── tf.acos.md │ │ │ │ ├── tf.atan.md │ │ │ │ ├── tf.nn.relu6.md │ │ │ │ ├── tf.is_inf.md │ │ │ │ ├── tf.rsqrt.md │ │ │ │ ├── tf.image.transpose_image.md │ │ │ │ ├── tf.reset_default_graph.md │ │ │ │ ├── tf.contrib.learn.extract_pandas_labels.md │ │ │ │ ├── tf.contrib.framework.get_variable_full_name.md │ │ │ │ ├── tf.zeta.md │ │ │ │ └── tf.assert_proper_iterable.md │ │ │ │ ├── shard1 │ │ │ │ ├── tf.contrib.learn.PredictionKey.md │ │ │ │ ├── tf.divide.md │ │ │ │ ├── tf.Variable.from_proto.md │ │ │ │ ├── tf.contrib.layers.summarize_tensors.md │ │ │ │ ├── tf.contrib.graph_editor.reroute_ios.md │ │ │ │ ├── tf.test.get_temp_dir.md │ │ │ │ ├── tf.all_variables.md │ │ │ │ ├── tf.contrib.learn.monitors.SummaryWriterCache.get.md │ │ │ │ ├── tf.read_file.md │ │ │ │ ├── tf.erf.md │ │ │ │ ├── tf.log1p.md │ │ │ │ ├── tf.contrib.framework.get_variables_by_name.md │ │ │ │ ├── tf.contrib.framework.get_local_variables.md │ │ │ │ ├── tf.contrib.graph_editor.get_name_scope_ops.md │ │ │ │ ├── tf.errors.AlreadyExistsError.md │ │ │ │ ├── tf.negative.md │ │ │ │ ├── tf.AggregationMethod.md │ │ │ │ └── tf.contrib.layers.make_place_holder_tensors_for_base_features.md │ │ │ │ ├── shard4 │ │ │ │ ├── tf.python_io.TFRecordCompressionType.md │ │ │ │ ├── tf.summary.SummaryDescription.RegisterExtension.md │ │ │ │ ├── tf.contrib.graph_editor.reroute_outputs.md │ │ │ │ ├── tf.contrib.learn.monitors.SummaryWriterCache.clear.md │ │ │ │ ├── tf.initialize_variables.md │ │ │ │ ├── tf.contrib.framework.add_arg_scope.md │ │ │ │ ├── tf.contrib.graph_editor.sgv_scope.md │ │ │ │ ├── tf.floor.md │ │ │ │ ├── tf.contrib.learn.run_feeds.md │ │ │ │ ├── tf.log.md │ │ │ │ ├── tf.contrib.framework.load_variable.md │ │ │ │ ├── tf.nn.softplus.md │ │ │ │ ├── tf.contrib.graph_editor.get_consuming_ops.md │ │ │ │ ├── tf.contrib.layers.check_feature_columns.md │ │ │ │ ├── tf.train.match_filenames_once.md │ │ │ │ ├── tf.errors.FailedPreconditionError.md │ │ │ │ ├── tf.broadcast_static_shape.md │ │ │ │ ├── tf.contrib.layers.one_hot_column.md │ │ │ │ ├── tf.self_adjoint_eigvals.md │ │ │ │ ├── tf.fixed_size_partitioner.md │ │ │ │ ├── tf.decode_base64.md │ │ │ │ ├── tf.contrib.learn.infer_real_valued_columns_from_input.md │ │ │ │ └── tf.contrib.bayesflow.variational_inference.ELBOForms.md │ │ │ │ ├── shard5 │ │ │ │ ├── tf.test.main.md │ │ │ │ ├── tf.train.NewCheckpointReader.md │ │ │ │ ├── tf.summary.SummaryDescription.FromString.md │ │ │ │ ├── tf.errors.raise_exception_on_not_ok_status.md │ │ │ │ ├── tf.contrib.graph_editor.can_be_regex.md │ │ │ │ ├── tf.model_variables.md │ │ │ │ ├── tf.contrib.layers.summarize_collection.md │ │ │ │ ├── tf.no_op.md │ │ │ │ ├── tf.errors.UnavailableError.md │ │ │ │ ├── tf.summary.FileWriterCache.get.md │ │ │ │ ├── tf.variable_op_scope.md │ │ │ │ ├── tf.logical_not.md │ │ │ │ ├── tf.contrib.framework.arg_scoped_arguments.md │ │ │ │ ├── tf.contrib.framework.list_variables.md │ │ │ │ ├── tf.container.md │ │ │ │ ├── tf.cos.md │ │ │ │ ├── tf.tan.md │ │ │ │ ├── tf.asin.md │ │ │ │ ├── tf.verify_tensor_all_finite.md │ │ │ │ ├── tf.contrib.graph_editor.make_regex.md │ │ │ │ ├── tf.to_int64.md │ │ │ │ ├── tf.broadcast_dynamic_shape.md │ │ │ │ ├── tf.contrib.graph_editor.detach_control_outputs.md │ │ │ │ ├── tf.image.rot90.md │ │ │ │ ├── tf.contrib.layers.sum_regularizer.md │ │ │ │ ├── tf.logical_and.md │ │ │ │ ├── tf.errors.PermissionDeniedError.md │ │ │ │ ├── tf.image.flip_up_down.md │ │ │ │ └── tf.image.flip_left_right.md │ │ │ │ ├── shard0 │ │ │ │ ├── tf.is_numeric_tensor.md │ │ │ │ ├── tf.VarLenFeature.__new__.md │ │ │ │ ├── tf.train.SessionRunArgs.__new__.md │ │ │ │ ├── tf.contrib.graph_editor.swap_ios.md │ │ │ │ ├── tf.contrib.graph_editor.swap_inputs.md │ │ │ │ ├── tf.summary.FileWriterCache.clear.md │ │ │ │ ├── tf.errors.DeadlineExceededError.md │ │ │ │ ├── tf.zeros_initializer.md │ │ │ │ ├── tf.contrib.learn.extract_pandas_matrix.md │ │ │ │ ├── tf.contrib.util.ops_used_by_graph_def.md │ │ │ │ ├── tf.is_nan.md │ │ │ │ ├── tf.errors.DataLossError.md │ │ │ │ ├── tf.is_finite.md │ │ │ │ ├── tf.sqrt.md │ │ │ │ ├── tf.device.md │ │ │ │ ├── tf.add_to_collection.md │ │ │ │ ├── tf.summary.merge_all.md │ │ │ │ ├── tf.add_n.md │ │ │ │ ├── tf.fft.md │ │ │ │ ├── tf.contrib.losses.get_losses.md │ │ │ │ ├── tf.add_check_numerics_ops.md │ │ │ │ ├── tf.image.grayscale_to_rgb.md │ │ │ │ └── tf.contrib.graph_editor.filter_ops.md │ │ │ │ ├── shard3 │ │ │ │ ├── tf.logical_xor.md │ │ │ │ ├── tf.test.gpu_device_name.md │ │ │ │ ├── tf.contrib.bayesflow.variational_inference.ELBOForms.check_form.md │ │ │ │ ├── tf.contrib.graph_editor.swap_outputs.md │ │ │ │ ├── tf.contrib.graph_editor.reroute_inputs.md │ │ │ │ ├── tf.contrib.metrics.streaming_true_negatives_at_thresholds.md │ │ │ │ ├── tf.contrib.framework.add_model_variable.md │ │ │ │ ├── tf.train.assert_global_step.md │ │ │ │ ├── tf.errors.UnauthenticatedError.md │ │ │ │ ├── tf.test.test_src_dir_path.md │ │ │ │ ├── tf.ceil.md │ │ │ │ ├── tf.exp.md │ │ │ │ ├── tf.contrib.layers.summarize_activation.md │ │ │ │ ├── tf.contrib.losses.add_loss.md │ │ │ │ ├── tf.nn.softsign.md │ │ │ │ ├── tf.to_double.md │ │ │ │ ├── tf.contrib.graph_editor.copy_op_handler.md │ │ │ │ ├── tf.contrib.framework.local_variable.md │ │ │ │ ├── tf.contrib.framework.get_model_variables.md │ │ │ │ ├── tf.contrib.losses.get_regularization_losses.md │ │ │ │ ├── tf.contrib.graph_editor.op_type.md │ │ │ │ └── tf.errors.OutOfRangeError.md │ │ │ │ ├── shard2 │ │ │ │ ├── tf.get_variable_scope.md │ │ │ │ ├── tf.contrib.layers.infer_real_valued_columns.md │ │ │ │ ├── tf.test.is_built_with_cuda.md │ │ │ │ ├── tf.train.SessionCreator.md │ │ │ │ ├── tf.contrib.learn.ModeKeys.md │ │ │ │ ├── tf.SparseTensorValue.__new__.md │ │ │ │ ├── tf.contrib.metrics.streaming_false_negatives_at_thresholds.md │ │ │ │ ├── tf.SparseFeature.__new__.md │ │ │ │ ├── tf.initialize_all_variables.md │ │ │ │ ├── tf.initialize_local_variables.md │ │ │ │ ├── tf.global_variables_initializer.md │ │ │ │ ├── tf.local_variables_initializer.md │ │ │ │ ├── tf.identity.md │ │ │ │ ├── tf.is_variable_initialized.md │ │ │ │ ├── tf.sin.md │ │ │ │ ├── tf.errors.ResourceExhaustedError.md │ │ │ │ ├── tf.train.Saver.from_proto.md │ │ │ │ ├── tf.tables_initializer.md │ │ │ │ ├── tf.digamma.md │ │ │ │ ├── tf.contrib.framework.with_same_shape.md │ │ │ │ ├── tf.nn.relu.md │ │ │ │ ├── tf.to_int32.md │ │ │ │ ├── tf.contrib.framework.load_checkpoint.md │ │ │ │ ├── tf.contrib.learn.ProblemType.md │ │ │ │ ├── tf.contrib.framework.get_unique_variable.md │ │ │ │ ├── tf.contrib.framework.assert_scalar_int.md │ │ │ │ ├── tf.write_file.md │ │ │ │ ├── tf.contrib.crf.crf_binary_score.md │ │ │ │ └── tf.FIFOQueue.from_list.md │ │ │ │ ├── shard6 │ │ │ │ ├── tf.contrib.framework.assert_scalar.md │ │ │ │ ├── tf.op_scope.md │ │ │ │ ├── tf.summary.TaggedRunMetadata.RegisterExtension.md │ │ │ │ ├── tf.contrib.learn.ExportStrategy.__new__.md │ │ │ │ ├── tf.train.QueueRunner.from_proto.md │ │ │ │ ├── tf.contrib.metrics.streaming_false_positives_at_thresholds.md │ │ │ │ ├── tf.contrib.layers.summarize_activations.md │ │ │ │ ├── tf.errors.InternalError.md │ │ │ │ ├── tf.erfc.md │ │ │ │ ├── tf.contrib.graph_editor.detach_control_inputs.md │ │ │ │ ├── tf.contrib.graph_editor.get_tensors.md │ │ │ │ ├── tf.contrib.learn.RunConfig.get_task_id.md │ │ │ │ ├── tf.trainable_variables.md │ │ │ │ ├── tf.reciprocal.md │ │ │ │ ├── tf.to_float.md │ │ │ │ ├── tf.contrib.framework.create_global_step.md │ │ │ │ ├── tf.errors.NotFoundError.md │ │ │ │ ├── tf.python_io.tf_record_iterator.md │ │ │ │ ├── tf.errors.AbortedError.md │ │ │ │ ├── tf.moving_average_variables.md │ │ │ │ ├── tf.contrib.graph_editor.assign_renamed_collections_handler.md │ │ │ │ ├── tf.contrib.layers.bucketized_column.md │ │ │ │ ├── tf.contrib.crf.crf_unary_score.md │ │ │ │ ├── tf.initialize_all_tables.md │ │ │ │ ├── tf.contrib.graph_editor.replace_t_with_placeholder_handler.md │ │ │ │ └── tf.errors.UnimplementedError.md │ │ │ │ ├── shard9 │ │ │ │ ├── tf.summary.TaggedRunMetadata.FromString.md │ │ │ │ ├── tf.train.NanLossDuringTrainingError.md │ │ │ │ ├── tf.contrib.bayesflow.stochastic_tensor.get_current_value_type.md │ │ │ │ ├── tf.FixedLenFeature.__new__.md │ │ │ │ ├── tf.contrib.learn.InputFnOps.__new__.md │ │ │ │ ├── tf.train.SessionRunValues.__new__.md │ │ │ │ ├── tf.test.is_gpu_available.md │ │ │ │ ├── tf.contrib.graph_editor.make_view_from_scope.md │ │ │ │ ├── tf.contrib.framework.is_tensor.md │ │ │ │ ├── tf.expm1.md │ │ │ │ ├── tf.contrib.framework.get_or_create_global_step.md │ │ │ │ ├── tf.contrib.graph_editor.get_generating_ops.md │ │ │ │ ├── tf.to_bfloat16.md │ │ │ │ ├── tf.tanh.md │ │ │ │ ├── tf.errors.UnknownError.md │ │ │ │ ├── tf.contrib.distributions.softplus_inverse.md │ │ │ │ └── tf.contrib.metrics.aggregate_metrics.md │ │ │ │ └── shard7 │ │ │ │ ├── tf.errors.error_code_from_exception_type.md │ │ │ │ ├── tf.errors.exception_type_from_error_code.md │ │ │ │ ├── tf.contrib.metrics.streaming_true_positives_at_thresholds.md │ │ │ │ ├── tf.contrib.framework.has_arg_scope.md │ │ │ │ ├── tf.lgamma.md │ │ │ │ ├── tf.contrib.util.make_ndarray.md │ │ │ │ ├── tf.DeviceSpec.from_string.md │ │ │ │ ├── tf.square.md │ │ │ │ ├── tf.contrib.framework.get_variables_by_suffix.md │ │ │ │ ├── tf.logical_or.md │ │ │ │ ├── tf.ifft.md │ │ │ │ └── tf.summary.FileWriterCache.md │ │ └── cc │ │ │ ├── StructState.md │ │ │ ├── ClassThread.md │ │ │ ├── StructTensorShapeDim.md │ │ │ └── StructThreadOptions.md │ ├── resources │ │ └── leftnav_files │ ├── extras │ │ └── README.txt │ ├── experimental │ │ ├── leftnav_files │ │ └── index.md │ └── images │ │ └── getting_started.dot ├── tools │ ├── __init__.py │ ├── dist_test │ │ ├── __init__.py │ │ └── python │ │ │ └── BUILD │ ├── docker │ │ ├── __init__.py │ │ └── notebooks │ │ │ └── BUILD │ ├── git │ │ └── .gitignore │ ├── swig │ │ └── .gitignore │ ├── pip_package │ │ ├── README │ │ └── MANIFEST.in │ ├── proto_text │ │ └── placeholder.txt │ ├── ci_build │ │ ├── windows │ │ │ ├── cpu │ │ │ │ ├── pip │ │ │ │ │ └── run.bat │ │ │ │ └── bazel │ │ │ │ │ └── run_cc_test_windows.bat │ │ │ └── gpu │ │ │ │ ├── pip │ │ │ │ └── run.bat │ │ │ │ └── bazel │ │ │ │ └── run_cc_test_windows.bat │ │ ├── pep8 │ │ ├── Dockerfile.tensorboard │ │ ├── Dockerfile.cmake │ │ └── gpu_build │ │ │ └── BUILD │ └── tfprof │ │ ├── internal │ │ └── testdata │ │ │ ├── ckpt │ │ │ ├── run_meta │ │ │ └── tfprof_log │ │ └── tfprof_log.proto ├── examples │ ├── __init__.py │ ├── android │ │ ├── __init__.py │ │ ├── jni │ │ │ └── __init__.py │ │ ├── sample_images │ │ │ ├── detect1.jpg │ │ │ ├── stylize1.jpg │ │ │ └── classify1.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 │ │ ├── deepdream │ │ │ └── pilatus800.jpg │ │ └── input_fn │ │ │ └── boston_predict.csv │ ├── image_retraining │ │ └── __init__.py │ ├── how_tos │ │ ├── reading_data │ │ │ └── __init__.py │ │ └── __init__.py │ ├── udacity │ │ ├── .gitignore │ │ └── Dockerfile │ ├── label_image │ │ └── data │ │ │ └── grace_hopper.jpg │ └── multibox_detector │ │ └── data │ │ └── surfers.jpg ├── python │ ├── lib │ │ ├── __init__.py │ │ ├── core │ │ │ └── __init__.py │ │ └── io │ │ │ └── __init__.py │ ├── ops │ │ ├── __init__.py │ │ ├── cloud │ │ │ └── __init__.py │ │ └── losses │ │ │ └── __init__.py │ ├── client │ │ └── __init__.py │ ├── layers │ │ └── __init__.py │ ├── summary │ │ ├── __init__.py │ │ └── impl │ │ │ └── __init__.py │ ├── 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 │ ├── framework │ │ ├── __init__.py │ │ └── cpp_shape_inference.proto │ └── kernel_tests │ │ └── __init__.py ├── tensorboard │ ├── TAG │ ├── __init__.py │ ├── backend │ │ └── __init__.py │ ├── scripts │ │ └── __init__.py │ ├── .bowerrc │ ├── components │ │ ├── tf_backend │ │ │ └── test │ │ │ │ └── data │ │ │ │ ├── example.json │ │ │ │ ├── scalars.json │ │ │ │ ├── images_run_run1_tag_im1.json │ │ │ │ ├── scalars_run_run1_tag_cross_entropy__281_29.json │ │ │ │ ├── audio_run_run1_tag_audio1.json │ │ │ │ ├── individualImage_index_0_tag_im1_run_run1.png │ │ │ │ ├── run_metadata_run_step99_tag_train.pbtxt │ │ │ │ └── histograms_run_run1_tag_histo1.json │ │ ├── tf_audio_dashboard │ │ │ └── test │ │ │ │ └── data │ │ │ │ └── runs.json │ │ ├── tf_imports │ │ │ └── README.md │ │ ├── tf_tensorboard │ │ │ └── test │ │ │ │ └── data │ │ │ │ ├── graph_run_run1.pbtxt │ │ │ │ ├── runs.json │ │ │ │ └── graph_run_run2.pbtxt │ │ ├── tf_imports_google │ │ │ └── README.md │ │ ├── tf_scalar_dashboard │ │ │ └── demo │ │ │ │ └── data │ │ │ │ └── runs.json │ │ ├── vz_projector │ │ │ └── BUILD │ │ └── BUILD │ ├── demo │ │ └── data │ │ │ ├── scalars_run_run1_tag_bar_2Fsquare.json │ │ │ ├── scalars_run_run1_tag_foo_2Fsquare.json │ │ │ ├── scalars_run_run2_tag_bar_2Fsquare.json │ │ │ ├── scalars_run_run2_tag_foo_2Fsquare.json │ │ │ ├── graph_run_run1.pbtxt │ │ │ ├── images_run_run1_tag_im1_2Fimage_2F0.json │ │ │ ├── images_run_run1_tag_im2_2Fimage_2F0.json │ │ │ ├── images_run_run2_tag_im1_2Fimage_2F0.json │ │ │ ├── audio_run_run1_tag_au1_2Faudio_2F0.json │ │ │ ├── audio_run_run2_tag_au2_2Faudio_2F0.json │ │ │ ├── scalars_run_run1_tag_foo_2Fsin.json │ │ │ ├── scalars_run_run2_tag_foo_2Fcos.json │ │ │ ├── scalars_run_run1_tag_foo_2Fcos.json │ │ │ ├── individualAudio_index_0_tag_au1_2Faudio_2F0_run_run1.wav │ │ │ ├── individualAudio_index_0_tag_au2_2Faudio_2F0_run_run2.wav │ │ │ ├── individualImage_tag_im1_2Fimage_2F0_index_0_run_run1.png │ │ │ ├── individualImage_tag_im1_2Fimage_2F0_index_0_run_run2.png │ │ │ ├── individualImage_tag_im2_2Fimage_2F0_index_0_run_run1.png │ │ │ ├── graph_run_run2.pbtxt │ │ │ ├── runs.json │ │ │ ├── histograms_run_run2_tag_histo2.json │ │ │ ├── histograms_run_run1_tag_histo1.json │ │ │ └── histograms_run_run2_tag_histo1.json │ ├── wct.conf.json │ ├── CHANGES │ ├── tsconfig.json │ ├── lib │ │ └── BUILD │ └── app │ │ └── BUILD ├── contrib │ ├── ndlstm │ │ └── __init__.py │ ├── specs │ │ └── __init__.py │ ├── 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 │ │ └── README.md │ ├── tfprof │ │ ├── python │ │ │ └── tools │ │ │ │ └── tfprof │ │ │ │ └── __init__.py │ │ └── BUILD │ ├── makefile │ │ ├── .gitignore │ │ └── Dockerfile │ ├── 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 │ │ │ └── gemmlowp │ │ │ └── CMakeLists.txt │ ├── learn │ │ └── python │ │ │ └── learn │ │ │ ├── datasets │ │ │ └── data │ │ │ │ ├── text_test.csv │ │ │ │ └── text_train.csv │ │ │ └── estimators │ │ │ └── g3doc │ │ │ └── svm.png │ ├── android │ │ ├── cmake │ │ │ └── src │ │ │ │ └── main │ │ │ │ ├── res │ │ │ │ └── values │ │ │ │ │ └── strings.xml │ │ │ │ └── AndroidManifest.xml │ │ └── jni │ │ │ └── version_script.lds │ ├── factorization │ │ └── g3doc │ │ │ ├── gmm.png │ │ │ ├── kmeans.png │ │ │ ├── wals.png │ │ │ └── gmm.md │ ├── ios_examples │ │ ├── .gitignore │ │ ├── camera │ │ │ ├── squarePNG.png │ │ │ └── data │ │ │ │ └── grace_hopper.jpg │ │ ├── simple │ │ │ └── data │ │ │ │ └── grace_hopper.jpg │ │ └── benchmark │ │ │ └── data │ │ │ └── grace_hopper.jpg │ ├── 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 │ ├── pi_examples │ │ ├── .gitignore │ │ └── label_image │ │ │ └── data │ │ │ └── grace_hopper.jpg │ ├── framework │ │ └── README.md │ ├── benchmark_tools │ │ ├── README.md │ │ └── gce │ │ │ └── README.md │ ├── linear_optimizer │ │ └── kernels │ │ │ └── g3doc │ │ │ ├── newton.png │ │ │ ├── mod_newton.png │ │ │ └── newton_compare_experiment.png │ ├── graph_editor │ │ └── README.md │ ├── opt │ │ └── README.md │ ├── labeled_tensor │ │ └── README.md │ └── integrate │ │ └── README.md ├── 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_tfgather.config.pbtxt │ │ ├── test_graph_tfmatmul.config.pbtxt │ │ └── test_graph_tfmatmulandadd.config.pbtxt │ │ └── test_graph_tfadd.config.pbtxt ├── tf_exported_symbols.lds ├── 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 │ │ └── README.md ├── opensource_only │ └── eigen.threadpool ├── go │ └── genop │ │ └── .gitignore ├── java │ ├── config │ │ ├── exported_symbols.lds │ │ └── version_script.lds │ └── src │ │ └── main │ │ └── java │ │ └── org │ │ └── tensorflow │ │ └── examples │ │ └── .gitignore ├── core │ ├── lib │ │ ├── gif │ │ │ └── testdata │ │ │ │ ├── scan.gif │ │ │ │ └── optimized.gif │ │ ├── jpeg │ │ │ └── testdata │ │ │ │ ├── corrupt.jpg │ │ │ │ ├── bad_huffman.jpg │ │ │ │ ├── corrupt34_2.jpg │ │ │ │ ├── corrupt34_3.jpg │ │ │ │ ├── corrupt34_4.jpg │ │ │ │ ├── jpeg_merge_test1.jpg │ │ │ │ └── jpeg_merge_test1_cmyk.jpg │ │ ├── png │ │ │ └── testdata │ │ │ │ ├── lena_gray.png │ │ │ │ └── lena_rgba.png │ │ └── io │ │ │ └── table_format.txt │ ├── platform │ │ ├── cloud │ │ │ └── testdata │ │ │ │ ├── application_default_credentials.json │ │ │ │ └── service_account_public_key.txt │ │ └── default │ │ │ └── gpu │ │ │ └── BUILD │ ├── kernels │ │ └── cloud │ │ │ └── bigquery_table_partition.proto │ ├── framework │ │ └── reader_base.proto │ └── distributed_runtime │ │ └── README.md ├── tf_version_script.lds └── .clang-format ├── .mention-bot ├── .gitignore ├── AUTHORS ├── models.BUILD └── ADOPTERS.md /.gitmodules: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/g3doc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/TAG: -------------------------------------------------------------------------------- 1 | 46 2 | -------------------------------------------------------------------------------- /third_party/gpus/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/ndlstm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/specs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/g3doc/how_tos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/g3doc/tutorials/__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/summary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/user_ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/dist_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/docker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/sycl/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /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/framework/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/cloud/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/summary/impl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/protobuf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/backend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/git/.gitignore: -------------------------------------------------------------------------------- 1 | gen 2 | -------------------------------------------------------------------------------- /tensorflow/contrib/training/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/image_retraining/__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/examples/how_tos/reading_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/word2vec/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/g3doc/how_tos/adding_an_op/__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 | -------------------------------------------------------------------------------- /tensorflow/contrib/seq2seq/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/contrib/tfprof/python/tools/tfprof/__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 | -------------------------------------------------------------------------------- /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/tensorboard/.bowerrc: -------------------------------------------------------------------------------- 1 | { 2 | "directory" : "components" 3 | } -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Eigenvalues: -------------------------------------------------------------------------------- 1 | #include "Eigen/Eigenvalues" 2 | -------------------------------------------------------------------------------- /tensorflow/examples/udacity/.gitignore: -------------------------------------------------------------------------------- 1 | notMNIST_large* 2 | notMNIST_small* 3 | -------------------------------------------------------------------------------- /tensorflow/g3doc/get_started/leftnav_files: -------------------------------------------------------------------------------- 1 | index.md 2 | os_setup.md 3 | basic_usage.md -------------------------------------------------------------------------------- /tensorflow/tf_exported_symbols.lds: -------------------------------------------------------------------------------- 1 | *tensorflow* 2 | *perftools*gputools* 3 | *tf_* 4 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/opensource_only/eigen.threadpool: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/CXX11/ThreadPool" 2 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard8/tf.contrib.learn.TaskType.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/go/genop/.gitignore: -------------------------------------------------------------------------------- 1 | # .pb.go files generated by generate.sh 2 | internal/proto/* 3 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.PredictionKey.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /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/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/gemmlowp/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(gemmlowp) -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/example.json: -------------------------------------------------------------------------------- 1 | { 2 | "foo": 3, 3 | "bar": "zoidberg" 4 | } 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/learn/python/learn/datasets/data/text_test.csv: -------------------------------------------------------------------------------- 1 | 2,"Sergey Brin","Sergey Brin is the co-founder of Google." 2 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/service/llvm_ir/README.md: -------------------------------------------------------------------------------- 1 | Common utilites and abstractions for handling and emitting LLVM IR for XLA 2 | backends. 3 | -------------------------------------------------------------------------------- /tensorflow/core/lib/gif/testdata/scan.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/gif/testdata/scan.gif -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.python_io.TFRecordCompressionType.md: -------------------------------------------------------------------------------- 1 | The type of compression for the record. 2 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_audio_dashboard/test/data/runs.json: -------------------------------------------------------------------------------- 1 | {"run1": {"audio": ["foo", "bar"]}, "run2": {"audio": ["bar", "zod"]}} 2 | -------------------------------------------------------------------------------- /tensorflow/tf_version_script.lds: -------------------------------------------------------------------------------- 1 | tensorflow { 2 | global: 3 | *tensorflow*; 4 | *perftools*gputools*; 5 | local: 6 | *; 7 | }; 8 | -------------------------------------------------------------------------------- /tensorflow/tools/pip_package/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include README 2 | recursive-include * *.py 3 | recursive-include * *.so 4 | recursive-include * *.csv 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run1_tag_bar_2Fsquare.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 0.0], [10.0, 1, 1.0], [20.0, 2, 4.0], [30.0, 3, 9.0], [40.0, 4, 16.0]] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run1_tag_foo_2Fsquare.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 0.0], [10.0, 1, 1.0], [20.0, 2, 4.0], [30.0, 3, 9.0], [40.0, 4, 16.0]] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run2_tag_bar_2Fsquare.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 0.0], [10.0, 1, 1.0], [20.0, 2, 4.0], [30.0, 3, 9.0], [40.0, 4, 16.0]] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run2_tag_foo_2Fsquare.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 0.0], [10.0, 1, 2.0], [20.0, 2, 8.0], [30.0, 3, 18.0], [40.0, 4, 32.0]] -------------------------------------------------------------------------------- /tensorflow/contrib/android/cmake/src/main/res/values/strings.xml: -------------------------------------------------------------------------------- 1 | 2 | TensorFlowInference 3 | 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/gmm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/factorization/g3doc/gmm.png -------------------------------------------------------------------------------- /tensorflow/contrib/ios_examples/.gitignore: -------------------------------------------------------------------------------- 1 | project.xcworkspace 2 | xcuserdata 3 | imagenet_comp_graph_label_strings.txt 4 | tensorflow_inception_graph.pb 5 | -------------------------------------------------------------------------------- /tensorflow/core/lib/gif/testdata/optimized.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/gif/testdata/optimized.gif -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/corrupt.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/png/testdata/lena_gray.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/png/testdata/lena_gray.png -------------------------------------------------------------------------------- /tensorflow/core/lib/png/testdata/lena_rgba.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/png/testdata/lena_rgba.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.test.main.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.main(argv=None)` {#main} 2 | 3 | Runs all unit tests. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_imports/README.md: -------------------------------------------------------------------------------- 1 | This file acts as import routers for third party javascript libraries, 2 | e.g. Plottable and D3. 3 | -------------------------------------------------------------------------------- /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/tools/tfprof/internal/testdata/ckpt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tools/tfprof/internal/testdata/ckpt -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/kmeans.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/factorization/g3doc/kmeans.png -------------------------------------------------------------------------------- /tensorflow/contrib/factorization/g3doc/wals.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/factorization/g3doc/wals.png -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_10khz.ogg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/mono_10khz.ogg -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_10khz.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/mono_10khz.wav -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_16khz.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/mono_16khz.mp3 -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/bad_huffman.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/bad_huffman.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/corrupt34_2.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/corrupt34_3.jpg -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/corrupt34_4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/corrupt34_4.jpg -------------------------------------------------------------------------------- /tensorflow/examples/how_tos/__init__.py: -------------------------------------------------------------------------------- 1 | from __future__ import absolute_import 2 | from __future__ import division 3 | from __future__ import print_function 4 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.is_numeric_tensor.md: -------------------------------------------------------------------------------- 1 | ### `tf.is_numeric_tensor(tensor)` {#is_numeric_tensor} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/resources/leftnav_files: -------------------------------------------------------------------------------- 1 | bib.md 2 | uses.md 3 | faq.md 4 | glossary.md 5 | dims_types.md 6 | versions.md 7 | data_versions.md 8 | roadmap.md 9 | -------------------------------------------------------------------------------- /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/ffmpeg/testdata/stereo_48khz.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/stereo_48khz.mp3 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/test_sound1.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/test_sound1.mp3 -------------------------------------------------------------------------------- /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/tensorboard/wct.conf.json: -------------------------------------------------------------------------------- 1 | { 2 | "suites": [ 3 | "components/tf_*/test", 4 | "components/vz_*/test" 5 | ], 6 | "plugins": ["local"] 7 | } 8 | -------------------------------------------------------------------------------- /tensorflow/tools/tfprof/internal/testdata/run_meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tools/tfprof/internal/testdata/run_meta -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_16khz_mp3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/mono_16khz_mp3.mp4 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/mono_32khz_aac.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/mono_32khz_aac.mp4 -------------------------------------------------------------------------------- /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/ios_examples/camera/squarePNG.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ios_examples/camera/squarePNG.png -------------------------------------------------------------------------------- /tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/detect1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/sample_images/detect1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/stylize1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/sample_images/stylize1.jpg -------------------------------------------------------------------------------- /tensorflow/examples/label_image/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/label_image/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/examples/multibox_detector/data/surfers.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/multibox_detector/data/surfers.jpg -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/deepdream/pilatus800.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/tutorials/deepdream/pilatus800.jpg -------------------------------------------------------------------------------- /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/tools/tfprof/internal/testdata/tfprof_log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tools/tfprof/internal/testdata/tfprof_log -------------------------------------------------------------------------------- /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/ffmpeg/testdata/stereo_48khz_aac.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/stereo_48khz_aac.mp4 -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/testdata/stereo_48khz_mp3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ffmpeg/testdata/stereo_48khz_mp3.mp4 -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/tile.9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-hdpi/tile.9.png -------------------------------------------------------------------------------- /tensorflow/examples/android/sample_images/classify1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/sample_images/classify1.jpg -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/scalars.json: -------------------------------------------------------------------------------- 1 | {"run1": {"cross_entropy (1)": [[0, 0, 0.0], [10.0, 1, 1.0], [20.0, 2, 4.0], [30.0, 3, 9.0], [40.0, 4, 16.0]]}} -------------------------------------------------------------------------------- /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/core/lib/jpeg/testdata/jpeg_merge_test1_cmyk.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/core/lib/jpeg/testdata/jpeg_merge_test1_cmyk.jpg -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.divide.md: -------------------------------------------------------------------------------- 1 | ### `tf.divide(x, y, name=None)` {#divide} 2 | 3 | Computes Python style division of `x` by `y`. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.train.NewCheckpointReader.md: -------------------------------------------------------------------------------- 1 | ### `tf.train.NewCheckpointReader(filepattern)` {#NewCheckpointReader} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/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/tensorboard/components/tf_backend/test/data/images_run_run1_tag_im1.json: -------------------------------------------------------------------------------- 1 | [{"wall_time": 0, "step": 0, "query": "index=0&tag=im1&run=run1", "width": 1, "height": 1}] 2 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/scalars_run_run1_tag_cross_entropy__281_29.json: -------------------------------------------------------------------------------- 1 | [[0, 0, 0.0], [10.0, 1, 1.0], [20.0, 2, 4.0], [30.0, 3, 9.0], [40.0, 4, 16.0]] -------------------------------------------------------------------------------- /tensorflow/contrib/ios_examples/camera/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ios_examples/camera/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/contrib/ios_examples/simple/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ios_examples/simple/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/newton.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/linear_optimizer/kernels/g3doc/newton.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-hdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-mdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-mdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.logical_xor.md: -------------------------------------------------------------------------------- 1 | ### `tf.logical_xor(x, y, name='LogicalXor')` {#logical_xor} 2 | 3 | x ^ y = (x | y) & ~(x & y). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/audio_run_run1_tag_audio1.json: -------------------------------------------------------------------------------- 1 | [{"wall_time": 0, "step": 0, "query": "index=0&tag=audio1&run=run1", "content_type": "audio/wav"}] 2 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/graph_run_run1.pbtxt: -------------------------------------------------------------------------------- 1 | node { 2 | name: "a" 3 | op: "matmul" 4 | } 5 | node { 6 | name: "b" 7 | op: "matmul" 8 | input: "a:0" 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/contrib/ios_examples/benchmark/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/ios_examples/benchmark/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/contrib/learn/python/learn/estimators/g3doc/svm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/learn/python/learn/estimators/g3doc/svm.png -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/mod_newton.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/linear_optimizer/kernels/g3doc/mod_newton.png -------------------------------------------------------------------------------- /tensorflow/contrib/pi_examples/label_image/data/grace_hopper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/pi_examples/label_image/data/grace_hopper.jpg -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-hdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-hdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-mdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-mdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xhdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-xhdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xxhdpi/ic_launcher.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-xxhdpi/ic_launcher.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.get_variable_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.get_variable_scope()` {#get_variable_scope} 2 | 3 | Returns the current variable scope. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/images_run_run1_tag_im1_2Fimage_2F0.json: -------------------------------------------------------------------------------- 1 | [{"wall_time": 1459200389.088045, "width": 4, "height": 4, "step": 0, "query": "tag=im1%2Fimage%2F0&index=0&run=run1"}] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/images_run_run1_tag_im2_2Fimage_2F0.json: -------------------------------------------------------------------------------- 1 | [{"wall_time": 1459200389.093653, "width": 4, "height": 4, "step": 0, "query": "tag=im2%2Fimage%2F0&index=0&run=run1"}] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/images_run_run2_tag_im1_2Fimage_2F0.json: -------------------------------------------------------------------------------- 1 | [{"wall_time": 1459200389.117463, "width": 4, "height": 4, "step": 0, "query": "tag=im1%2Fimage%2F0&index=0&run=run2"}] -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xhdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-xhdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/examples/android/res/drawable-xxhdpi/ic_action_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/examples/android/res/drawable-xxhdpi/ic_action_info.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.framework.assert_scalar.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.assert_scalar(tensor, name=None)` {#assert_scalar} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/audio_run_run1_tag_au1_2Faudio_2F0.json: -------------------------------------------------------------------------------- 1 | [{"query": "index=0&tag=au1%2Faudio%2F0&run=run1", "step": 0, "wall_time": 1461795049.203407, "content_type": "audio/wav"}] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/audio_run_run2_tag_au2_2Faudio_2F0.json: -------------------------------------------------------------------------------- 1 | [{"query": "index=0&tag=au2%2Faudio%2F0&run=run2", "step": 0, "wall_time": 1461795049.212815, "content_type": "audio/wav"}] -------------------------------------------------------------------------------- /tensorflow/contrib/seq2seq/README.md: -------------------------------------------------------------------------------- 1 | # TensorFlow contrib seq2seq layers and losses 2 | 3 | ## Layers 4 | 5 | Information to be added. 6 | 7 | ## Losses 8 | 9 | Information to be added. 10 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.no_regularizer.md: -------------------------------------------------------------------------------- 1 | ### `tf.no_regularizer(_)` {#no_regularizer} 2 | 3 | Use this function to prevent regularization of variables. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/python/debug/examples/README.md: -------------------------------------------------------------------------------- 1 | Hi, there! 2 | 3 | The documentation of **TensorFlow Debugger (tfdbg)** has moved to 4 | [this new location](../../../g3doc/how_tos/debugger/index.md). 5 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard5/tf.summary.SummaryDescription.FromString.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.SummaryDescription.FromString(s)` {#SummaryDescription.FromString} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.summary.TaggedRunMetadata.FromString.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.TaggedRunMetadata.FromString(s)` {#TaggedRunMetadata.FromString} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run1_tag_foo_2Fsin.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 0.0], [10.0, 1, 0.8414709568023682], [20.0, 2, 0.9092974066734314], [30.0, 3, 0.14112000167369843], [40.0, 4, -0.756802499294281]] -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run2_tag_foo_2Fcos.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 2.0], [10.0, 1, 1.0806045532226562], [20.0, 2, -0.832293689250946], [30.0, 3, -1.979984998703003], [40.0, 4, -1.3072872161865234]] -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/cc/saved_model/testdata/half_plus_two/00000123/saved_model.pb -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.errors.raise_exception_on_not_ok_status.md: -------------------------------------------------------------------------------- 1 | ### `tf.errors.raise_exception_on_not_ok_status()` {#raise_exception_on_not_ok_status} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.errors.error_code_from_exception_type.md: -------------------------------------------------------------------------------- 1 | ### `tf.errors.error_code_from_exception_type(cls)` {#error_code_from_exception_type} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/experimental/leftnav_files: -------------------------------------------------------------------------------- 1 | ### XLA 2 | xla/index.md 3 | xla/jit.md 4 | xla/tfcompile.md 5 | xla/developing_new_backend.md 6 | xla/operation_semantics.md 7 | xla/shapes.md 8 | xla/broadcasting.md -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_tensorboard/test/data/graph_run_run1.pbtxt: -------------------------------------------------------------------------------- 1 | node { 2 | name: "a" 3 | op: "matmul" 4 | } 5 | node { 6 | name: "b" 7 | op: "matmul" 8 | input: "a:0" 9 | } 10 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/scalars_run_run1_tag_foo_2Fcos.json: -------------------------------------------------------------------------------- 1 | [[0.0, 0, 1.0], [10.0, 1, 0.5403022766113281], [20.0, 2, -0.416146844625473], [30.0, 3, -0.9899924993515015], [40.0, 4, -0.6536436080932617]] -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.layers.infer_real_valued_columns.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.infer_real_valued_columns(features)` {#infer_real_valued_columns} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.errors.exception_type_from_error_code.md: -------------------------------------------------------------------------------- 1 | ### `tf.errors.exception_type_from_error_code(error_code)` {#exception_type_from_error_code} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/linear_optimizer/kernels/g3doc/newton_compare_experiment.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/linear_optimizer/kernels/g3doc/newton_compare_experiment.png -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export.meta -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.VarLenFeature.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.VarLenFeature.__new__(_cls, dtype)` {#VarLenFeature.__new__} 2 | 3 | Create new instance of VarLenFeature(dtype,) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.train.SessionRunArgs.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.train.SessionRunArgs.__new__(cls, fetches, feed_dict=None, options=None)` {#SessionRunArgs.__new__} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.test.is_built_with_cuda.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.is_built_with_cuda()` {#is_built_with_cuda} 2 | 3 | Returns whether TensorFlow was built with CUDA (GPU) support. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.test.gpu_device_name.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.gpu_device_name()` {#gpu_device_name} 2 | 3 | Returns the name of a GPU device if available or the empty string. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.op_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.op_scope(values, name, default_name=None)` {#op_scope} 2 | 3 | DEPRECATED. Same as name_scope above, just different argument order. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.index -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.train.do_quantize_training_on_graphdef.md: -------------------------------------------------------------------------------- 1 | ### `tf.train.do_quantize_training_on_graphdef(input_graph, num_bits)` {#do_quantize_training_on_graphdef} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/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/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.meta -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.graph_editor.swap_ios.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.swap_ios(sgv0, sgv1)` {#swap_ios} 2 | 3 | Swap the inputs and outputs of sgv1 to sgv0 (see _reroute). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.train.SessionCreator.md: -------------------------------------------------------------------------------- 1 | A factory for tf.Session. 2 | - - - 3 | 4 | #### `tf.train.SessionCreator.create_session()` {#SessionCreator.create_session} 5 | 6 | 7 | 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.train.NanLossDuringTrainingError.md: -------------------------------------------------------------------------------- 1 | 2 | - - - 3 | 4 | #### `tf.train.NanLossDuringTrainingError.__str__()` {#NanLossDuringTrainingError.__str__} 5 | 6 | 7 | 8 | 9 | -------------------------------------------------------------------------------- /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/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.index -------------------------------------------------------------------------------- /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/contrib/session_bundle/testdata/half_plus_two/00000123/export-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/contrib/session_bundle/testdata/half_plus_two/00000123/export-00000-of-00001 -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.graph_editor.can_be_regex.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.can_be_regex(obj)` {#can_be_regex} 2 | 3 | Return True if obj can be turned into a regular expression. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.summary.TaggedRunMetadata.RegisterExtension.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.TaggedRunMetadata.RegisterExtension(extension_handle)` {#TaggedRunMetadata.RegisterExtension} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.bayesflow.stochastic_tensor.get_current_value_type.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.bayesflow.stochastic_tensor.get_current_value_type()` {#get_current_value_type} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_imports_google/README.md: -------------------------------------------------------------------------------- 1 | This file acts as import routers for third party javascript libraries, 2 | e.g. Plottable and D3 from `g3/third_party`; it exists to facilitate development 3 | inside google. 4 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/individualAudio_index_0_tag_au1_2Faudio_2F0_run_run1.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/demo/data/individualAudio_index_0_tag_au1_2Faudio_2F0_run_run1.wav -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/individualAudio_index_0_tag_au2_2Faudio_2F0_run_run2.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/demo/data/individualAudio_index_0_tag_au2_2Faudio_2F0_run_run2.wav -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/individualImage_tag_im1_2Fimage_2F0_index_0_run_run1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/demo/data/individualImage_tag_im1_2Fimage_2F0_index_0_run_run1.png -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/individualImage_tag_im1_2Fimage_2F0_index_0_run_run2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/demo/data/individualImage_tag_im1_2Fimage_2F0_index_0_run_run2.png -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/individualImage_tag_im2_2Fimage_2F0_index_0_run_run1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/demo/data/individualImage_tag_im2_2Fimage_2F0_index_0_run_run1.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.graph_editor.swap_inputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.swap_inputs(sgv0, sgv1)` {#swap_inputs} 2 | 3 | Swap all the inputs of sgv0 and sgv1 (see reroute_inputs). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.summary.FileWriterCache.clear.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.FileWriterCache.clear()` {#FileWriterCache.clear} 2 | 3 | Clear cached summary writers. Currently only used for unit tests. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.Variable.from_proto.md: -------------------------------------------------------------------------------- 1 | #### `tf.Variable.from_proto(variable_def, import_scope=None)` {#Variable.from_proto} 2 | 3 | Returns a `Variable` object created from `variable_def`. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.layers.summarize_tensors.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.summarize_tensors(tensors, summarizer=summarize_tensor)` {#summarize_tensors} 2 | 3 | Summarize a set of tensors. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.bayesflow.variational_inference.ELBOForms.check_form.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.bayesflow.variational_inference.ELBOForms.check_form(form)` {#ELBOForms.check_form} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.summary.SummaryDescription.RegisterExtension.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.SummaryDescription.RegisterExtension(extension_handle)` {#SummaryDescription.RegisterExtension} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.contrib.rnn.LSTMStateTuple.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.rnn.LSTMStateTuple.__new__(_cls, c, h)` {#LSTMStateTuple.__new__} 2 | 3 | Create new instance of LSTMStateTuple(c, h) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.graph_editor.reroute_ios.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.reroute_ios(sgv0, sgv1)` {#reroute_ios} 2 | 3 | Re-route the inputs and outputs of sgv0 to sgv1 (see _reroute). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.graph_editor.swap_outputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.swap_outputs(sgv0, sgv1)` {#swap_outputs} 2 | 3 | Swap all the outputs of sgv0 and sgv1 (see _reroute_outputs). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.graph_editor.reroute_inputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.reroute_inputs(sgv0, sgv1)` {#reroute_inputs} 2 | 3 | Re-route all the inputs of sgv0 to sgv1 (see reroute_inputs). 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/individualImage_index_0_tag_im1_run_run1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lukeiwanski/tensorflow-opencl/HEAD/tensorflow/tensorboard/components/tf_backend/test/data/individualImage_index_0_tag_im1_run_run1.png -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.graph_editor.reroute_outputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.reroute_outputs(sgv0, sgv1)` {#reroute_outputs} 2 | 3 | Re-route all the outputs of sgv0 to sgv1 (see _reroute_outputs). 4 | 5 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.learn.ModeKeys.md: -------------------------------------------------------------------------------- 1 | Standard names for model modes. 2 | 3 | The following standard keys are defined: 4 | 5 | * `TRAIN`: training mode. 6 | * `EVAL`: evaluation mode. 7 | * `INFER`: inference mode. 8 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.model_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.model_variables()` {#model_variables} 2 | 3 | Returns all variables in the MODEL_VARIABLES collection. 4 | 5 | ##### Returns: 6 | 7 | A list of local Variable objects. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.learn.ExportStrategy.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.learn.ExportStrategy.__new__(_cls, name, export_fn)` {#ExportStrategy.__new__} 2 | 3 | Create new instance of ExportStrategy(name, export_fn) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_tensorboard/test/data/runs.json: -------------------------------------------------------------------------------- 1 | {"run2": {"graph": true, "histograms": [], "scalars": [], "compressedHistograms": [], "images": []}, "run1": {"graph": true, "histograms": [], "scalars": [], "compressedHistograms": [], "images": []}} 2 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard8/tf.train.Scaffold.get_or_default.md: -------------------------------------------------------------------------------- 1 | #### `tf.train.Scaffold.get_or_default(arg_name, collection_key, default_constructor)` {#Scaffold.get_or_default} 2 | 3 | Get from cache or create a default operation. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.FixedLenFeature.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.FixedLenFeature.__new__(_cls, shape, dtype, default_value=None)` {#FixedLenFeature.__new__} 2 | 3 | Create new instance of FixedLenFeature(shape, dtype, default_value) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfadd_with_ckpt.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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/g3doc/api_docs/python/functions_and_classes/shard2/tf.SparseTensorValue.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.SparseTensorValue.__new__(_cls, indices, values, dense_shape)` {#SparseTensorValue.__new__} 2 | 3 | Create new instance of SparseTensorValue(indices, values, dense_shape) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.train.QueueRunner.from_proto.md: -------------------------------------------------------------------------------- 1 | #### `tf.train.QueueRunner.from_proto(queue_runner_def, import_scope=None)` {#QueueRunner.from_proto} 2 | 3 | Returns a `QueueRunner` object created from `queue_runner_def`. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/graph_run_run2.pbtxt: -------------------------------------------------------------------------------- 1 | node { 2 | name: "a" 3 | op: "matmul" 4 | } 5 | node { 6 | name: "b" 7 | op: "matmul" 8 | input: "a:0" 9 | } 10 | node { 11 | name: "c" 12 | op: "matmul" 13 | input: "a:0" 14 | input: "b:0" 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.learn.monitors.SummaryWriterCache.clear.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.learn.monitors.SummaryWriterCache.clear()` {#SummaryWriterCache.clear} 2 | 3 | Clear cached summary writers. Currently only used for unit tests. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.learn.InputFnOps.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.learn.InputFnOps.__new__(_cls, features, labels, default_inputs)` {#InputFnOps.__new__} 2 | 3 | Create new instance of InputFnOps(features, labels, default_inputs) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.metrics.streaming_false_negatives_at_thresholds.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.streaming_false_negatives_at_thresholds(predictions, labels, thresholds, weights=None)` {#streaming_false_negatives_at_thresholds} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.metrics.streaming_true_negatives_at_thresholds.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.streaming_true_negatives_at_thresholds(predictions, labels, thresholds, weights=None)` {#streaming_true_negatives_at_thresholds} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.metrics.streaming_false_positives_at_thresholds.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.streaming_false_positives_at_thresholds(predictions, labels, thresholds, weights=None)` {#streaming_false_positives_at_thresholds} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.contrib.metrics.streaming_true_positives_at_thresholds.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.streaming_true_positives_at_thresholds(predictions, labels, thresholds, weights=None)` {#streaming_true_positives_at_thresholds} 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.train.SessionRunValues.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.train.SessionRunValues.__new__(_cls, results, options, run_metadata)` {#SessionRunValues.__new__} 2 | 3 | Create new instance of SessionRunValues(results, options, run_metadata) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.contrib.metrics.confusion_matrix.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.confusion_matrix(labels, predictions, num_classes=None, dtype=tf.int32, name=None, weights=None)` {#confusion_matrix} 2 | 3 | Deprecated. Use tf.confusion_matrix instead. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_tensorboard/test/data/graph_run_run2.pbtxt: -------------------------------------------------------------------------------- 1 | node { 2 | name: "a" 3 | op: "matmul" 4 | } 5 | node { 6 | name: "b" 7 | op: "matmul" 8 | input: "a:0" 9 | } 10 | node { 11 | name: "c" 12 | op: "matmul" 13 | input: "a:0" 14 | input: "b:0" 15 | } 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.layers.summarize_activations.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.summarize_activations(name_filter=None, summarizer=summarize_activation)` {#summarize_activations} 2 | 3 | Summarize activations, using `summarize_activation` to summarize. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.FixedLenSequenceFeature.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.FixedLenSequenceFeature.__new__(_cls, shape, dtype, allow_missing=False)` {#FixedLenSequenceFeature.__new__} 2 | 3 | Create new instance of FixedLenSequenceFeature(shape, dtype, allow_missing) 4 | 5 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.SparseFeature.__new__.md: -------------------------------------------------------------------------------- 1 | #### `tf.SparseFeature.__new__(_cls, index_key, value_key, dtype, size, already_sorted=False)` {#SparseFeature.__new__} 2 | 3 | Create new instance of SparseFeature(index_key, value_key, dtype, size, already_sorted) 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.layers.summarize_collection.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.summarize_collection(collection, name_filter=None, summarizer=summarize_tensor)` {#summarize_collection} 2 | 3 | Summarize a graph collection of tensors, possibly filtered by name. 4 | 5 | -------------------------------------------------------------------------------- /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 | -------------------------------------------------------------------------------- /.mention-bot: -------------------------------------------------------------------------------- 1 | { 2 | "maxReviewers": 2, 3 | "numFilesToCheck": 10, 4 | "userBlacklist": ["tensorflower-gardener"], 5 | "requiredOrgs": ["tensorflow"], 6 | "skipAlreadyAssignedPR": true, 7 | "skipAlreadyMentionedPR": true, 8 | "skipTitle": "Branch", 9 | "delayed": true, 10 | "delayedUntil": "10m" 11 | } 12 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.framework.add_model_variable.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.add_model_variable(var)` {#add_model_variable} 2 | 3 | Adds a variable to the `GraphKeys.MODEL_VARIABLES` collection. 4 | 5 | ##### Args: 6 | 7 | 8 | * `var`: a variable. 9 | 10 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.test.get_temp_dir.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.get_temp_dir()` {#get_temp_dir} 2 | 3 | Returns a temporary directory for use during tests. 4 | 5 | There is no need to delete the directory after the test. 6 | 7 | ##### Returns: 8 | 9 | The temporary directory. 10 | 11 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store 2 | .ipynb_checkpoints 3 | node_modules 4 | /bazel-* 5 | /third_party/py/numpy/numpy_include 6 | /tools/bazel.rc 7 | /tools/python_bin_path.sh 8 | /tools/git/gen 9 | /util/python/python_include 10 | /util/python/python_lib 11 | /pip_test 12 | /_python_build 13 | *.pyc 14 | __pycache__ 15 | *.swp 16 | .vscode/ -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.all_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.all_variables(*args, **kwargs)` {#all_variables} 2 | 3 | See `tf.global_variables`. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-03-02. 6 | Instructions for updating: 7 | Please use tf.global_variables instead. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/CHANGES: -------------------------------------------------------------------------------- 1 | --- 2 --- 2 | Begin tracking TensorBoard changes. 3 | 4 | --- 3 --- 5 | Change default # of scalar values to 1000 6 | Fix bug where TensorBoard discards all values after a restart. 7 | 8 | --- 4 --- 9 | Fix another case where TensorBoard discards values after a restart. 10 | Add a "toggle all runs" button. -------------------------------------------------------------------------------- /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.txt 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.train.assert_global_step.md: -------------------------------------------------------------------------------- 1 | ### `tf.train.assert_global_step(global_step_tensor)` {#assert_global_step} 2 | 3 | Asserts `global_step_tensor` is a scalar int `Variable` or `Tensor`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `global_step_tensor`: `Tensor` to test. 9 | 10 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.no_op.md: -------------------------------------------------------------------------------- 1 | ### `tf.no_op(name=None)` {#no_op} 2 | 3 | Does nothing. Only useful as a placeholder for control edges. 4 | 5 | ##### Args: 6 | 7 | 8 | * `name`: A name for the operation (optional). 9 | 10 | ##### Returns: 11 | 12 | The created Operation. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/contrib/labeled_tensor/README.md: -------------------------------------------------------------------------------- 1 | # Labels for TensorFlow 2 | 3 | LabeledTensor is a library for adding semantically meaningful dimension and 4 | coordinate labels to tensors in Tensorflow. 5 | 6 | Maintainers: 7 | - Stephan Hoyer (shoyer@google.com, github.com/shoyer) 8 | - Eric Christiansen (ericmc@google.com, github.com/emchristiansen) 9 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test_graph_tfadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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/g3doc/api_docs/python/functions_and_classes/shard4/tf.initialize_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.initialize_variables(*args, **kwargs)` {#initialize_variables} 2 | 3 | See `tf.variables_initializer`. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-03-02. 6 | Instructions for updating: 7 | Use `tf.variables_initializer` instead. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.errors.UnavailableError.md: -------------------------------------------------------------------------------- 1 | Raised when the runtime is currently unavailable. 2 | 3 | This exception is not currently used. 4 | 5 | - - - 6 | 7 | #### `tf.errors.UnavailableError.__init__(node_def, op, message)` {#UnavailableError.__init__} 8 | 9 | Creates an `UnavailableError`. 10 | 11 | 12 | -------------------------------------------------------------------------------- /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_tfadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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/g3doc/api_docs/python/functions_and_classes/shard5/tf.summary.FileWriterCache.get.md: -------------------------------------------------------------------------------- 1 | #### `tf.summary.FileWriterCache.get(logdir)` {#FileWriterCache.get} 2 | 3 | Returns the FileWriter for the specified directory. 4 | 5 | ##### Args: 6 | 7 | 8 | * `logdir`: str, name of the directory. 9 | 10 | ##### Returns: 11 | 12 | A `FileWriter`. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.contrib.framework.has_arg_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.has_arg_scope(func)` {#has_arg_scope} 2 | 3 | Checks whether a func has been decorated with @add_arg_scope or not. 4 | 5 | ##### Args: 6 | 7 | 8 | * `func`: function to check. 9 | 10 | ##### Returns: 11 | 12 | a boolean. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfgather.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.initialize_all_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.initialize_all_variables(*args, **kwargs)` {#initialize_all_variables} 2 | 3 | See `tf.global_variables_initializer`. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-03-02. 6 | Instructions for updating: 7 | Use `tf.global_variables_initializer` instead. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.initialize_local_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.initialize_local_variables(*args, **kwargs)` {#initialize_local_variables} 2 | 3 | See `tf.local_variables_initializer`. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-03-02. 6 | Instructions for updating: 7 | Use `tf.local_variables_initializer` instead. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.errors.UnauthenticatedError.md: -------------------------------------------------------------------------------- 1 | The request does not have valid authentication credentials. 2 | 3 | This exception is not currently used. 4 | 5 | - - - 6 | 7 | #### `tf.errors.UnauthenticatedError.__init__(node_def, op, message)` {#UnauthenticatedError.__init__} 8 | 9 | Creates an `UnauthenticatedError`. 10 | 11 | 12 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.variable_op_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.variable_op_scope(values, name_or_scope, default_name=None, initializer=None, regularizer=None, caching_device=None, partitioner=None, custom_getter=None, reuse=None, dtype=None, use_resource=None)` {#variable_op_scope} 2 | 3 | Deprecated: context manager for defining an op that creates variables. 4 | 5 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/tsconfig.json: -------------------------------------------------------------------------------- 1 | { 2 | "compilerOptions": { 3 | "noImplicitAny": false, 4 | "noEmitOnError": true, 5 | "target": "ES5", 6 | "module": "commonjs" 7 | }, 8 | "compileOnSave": false, 9 | "exclude": [ 10 | "node_modules", 11 | "typings/main.d.ts", 12 | "typings/main", 13 | "lib", 14 | "components/**/deps.d.ts" 15 | ] 16 | } 17 | -------------------------------------------------------------------------------- /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/contrib/makefile/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM ubuntu:16.04 2 | 3 | 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 | zlib1g-dev 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.logical_not.md: -------------------------------------------------------------------------------- 1 | ### `tf.logical_not(x, name=None)` {#logical_not} 2 | 3 | Returns the truth value of NOT x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` of type `bool`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` of type `bool`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/how_tos/leftnav_files: -------------------------------------------------------------------------------- 1 | variables/index.md 2 | summaries_and_tensorboard/index.md 3 | graph_viz/index.md 4 | embedding_viz/index.md 5 | reading_data/index.md 6 | threading_and_queues/index.md 7 | distributed/index.md 8 | adding_an_op/index.md 9 | new_data_formats/index.md 10 | using_gpu/index.md 11 | variable_scope/index.md 12 | hadoop/index.md 13 | language_bindings/index.md 14 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/platform.bzl.tpl: -------------------------------------------------------------------------------- 1 | CUDA_VERSION = "%{cuda_version}" 2 | CUDNN_VERSION = "%{cudnn_version}" 3 | PLATFORM = "%{platform}" 4 | 5 | def cuda_sdk_version(): 6 | return CUDA_VERSION 7 | 8 | def cudnn_sdk_version(): 9 | return CUDNN_VERSION 10 | 11 | def readlink_command(): 12 | if PLATFORM == "Darwin": 13 | return "greadlink" 14 | else: 15 | return "readlink" 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/cc/StructState.md: -------------------------------------------------------------------------------- 1 | # `struct tensorflow::Status::State` 2 | 3 | 4 | 5 | 6 | 7 | ###Member Details 8 | 9 | #### `tensorflow::error::Code tensorflow::Status::State::code` {#tensorflow_error_Code_tensorflow_Status_State_code} 10 | 11 | 12 | 13 | 14 | 15 | #### `string tensorflow::Status::State::msg` {#string_tensorflow_Status_State_msg} 16 | 17 | 18 | 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.errors.DeadlineExceededError.md: -------------------------------------------------------------------------------- 1 | Raised when a deadline expires before an operation could complete. 2 | 3 | This exception is not currently used. 4 | 5 | - - - 6 | 7 | #### `tf.errors.DeadlineExceededError.__init__(node_def, op, message)` {#DeadlineExceededError.__init__} 8 | 9 | Creates a `DeadlineExceededError`. 10 | 11 | 12 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.global_variables_initializer.md: -------------------------------------------------------------------------------- 1 | ### `tf.global_variables_initializer()` {#global_variables_initializer} 2 | 3 | Returns an Op that initializes global variables. 4 | 5 | This is just a shortcut for `variable_initializers(global_variables())` 6 | 7 | ##### Returns: 8 | 9 | An Op that initializes global variables in the graph. 10 | 11 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.local_variables_initializer.md: -------------------------------------------------------------------------------- 1 | ### `tf.local_variables_initializer()` {#local_variables_initializer} 2 | 3 | Returns an Op that initializes all local variables. 4 | 5 | This is just a shortcut for `variable_initializers(local_variables())` 6 | 7 | ##### Returns: 8 | 9 | An Op that initializes all local variables in the graph. 10 | 11 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.test.is_gpu_available.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.is_gpu_available(cuda_only=False)` {#is_gpu_available} 2 | 3 | Returns whether TensorFlow can access a GPU. 4 | 5 | ##### Args: 6 | 7 | 8 | * `cuda_only`: limit the search to CUDA gpus. 9 | 10 | ##### Returns: 11 | 12 | True iff a gpu device of the requested kind is available. 13 | 14 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.monitors.SummaryWriterCache.get.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.learn.monitors.SummaryWriterCache.get(logdir)` {#SummaryWriterCache.get} 2 | 3 | Returns the FileWriter for the specified directory. 4 | 5 | ##### Args: 6 | 7 | 8 | * `logdir`: str, name of the directory. 9 | 10 | ##### Returns: 11 | 12 | A `FileWriter`. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.ones_initializer.md: -------------------------------------------------------------------------------- 1 | Initializer that generates tensors initialized to 1. 2 | - - - 3 | 4 | #### `tf.ones_initializer.__call__(shape, dtype=None, partition_info=None)` {#ones_initializer.__call__} 5 | 6 | 7 | 8 | 9 | - - - 10 | 11 | #### `tf.ones_initializer.__init__(dtype=tf.float32)` {#ones_initializer.__init__} 12 | 13 | 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfmatmul.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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/g3doc/api_docs/python/functions_and_classes/shard0/tf.zeros_initializer.md: -------------------------------------------------------------------------------- 1 | Initializer that generates tensors initialized to 0. 2 | - - - 3 | 4 | #### `tf.zeros_initializer.__call__(shape, dtype=None, partition_info=None)` {#zeros_initializer.__call__} 5 | 6 | 7 | 8 | 9 | - - - 10 | 11 | #### `tf.zeros_initializer.__init__(dtype=tf.float32)` {#zeros_initializer.__init__} 12 | 13 | 14 | 15 | 16 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/cc/ClassThread.md: -------------------------------------------------------------------------------- 1 | # `class tensorflow::Thread` 2 | 3 | Represents a thread used to run a Tensorflow function. 4 | 5 | 6 | 7 | ###Member Details 8 | 9 | #### `tensorflow::Thread::Thread()` {#tensorflow_Thread_Thread} 10 | 11 | 12 | 13 | 14 | 15 | #### `tensorflow::Thread::~Thread()` {#tensorflow_Thread_Thread} 16 | 17 | Blocks until the thread of control stops running. 18 | 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.read_file.md: -------------------------------------------------------------------------------- 1 | ### `tf.read_file(filename, name=None)` {#read_file} 2 | 3 | Reads and outputs the entire contents of the input filename. 4 | 5 | ##### Args: 6 | 7 | 8 | * `filename`: A `Tensor` of type `string`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` of type `string`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.framework.add_arg_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.add_arg_scope(func)` {#add_arg_scope} 2 | 3 | Decorates a function with args so it can be used within an arg_scope. 4 | 5 | ##### Args: 6 | 7 | 8 | * `func`: function to decorate. 9 | 10 | ##### Returns: 11 | 12 | A tuple with the decorated function func_with_args(). 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.graph_editor.sgv_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.sgv_scope(scope, graph)` {#sgv_scope} 2 | 3 | Make a subgraph from a name scope. 4 | 5 | ##### Args: 6 | 7 | 8 | * `scope`: the name of the scope. 9 | * `graph`: the `tf.Graph`. 10 | 11 | ##### Returns: 12 | 13 | A subgraph view representing the given scope. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.identity.md: -------------------------------------------------------------------------------- 1 | ### `tf.identity(input, name=None)` {#identity} 2 | 3 | Return a tensor with the same shape and contents as the input tensor or value. 4 | 5 | ##### Args: 6 | 7 | 8 | * `input`: A `Tensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `input`. 14 | 15 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.framework.arg_scoped_arguments.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.arg_scoped_arguments(func)` {#arg_scoped_arguments} 2 | 3 | Returns the list kwargs that arg_scope can set for a func. 4 | 5 | ##### Args: 6 | 7 | 8 | * `func`: function which has been decorated with @add_arg_scope. 9 | 10 | ##### Returns: 11 | 12 | a list of kwargs names. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.learn.extract_pandas_matrix.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.learn.extract_pandas_matrix(data)` {#extract_pandas_matrix} 2 | 3 | Extracts numpy matrix from pandas DataFrame. 4 | 5 | ##### Args: 6 | 7 | 8 | * `data`: `pandas.DataFrame` containing the data to be extracted. 9 | 10 | ##### Returns: 11 | 12 | A numpy `ndarray` of the DataFrame's values. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.is_variable_initialized.md: -------------------------------------------------------------------------------- 1 | ### `tf.is_variable_initialized(variable)` {#is_variable_initialized} 2 | 3 | Tests if a variable has been initialized. 4 | 5 | ##### Args: 6 | 7 | 8 | * `variable`: A `Variable`. 9 | 10 | ##### Returns: 11 | 12 | Returns a scalar boolean Tensor, `True` if the variable has been 13 | initialized, `False` otherwise. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.framework.list_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.list_variables(checkpoint_dir)` {#list_variables} 2 | 3 | Returns list of all variables in the latest checkpoint. 4 | 5 | ##### Args: 6 | 7 | 8 | * `checkpoint_dir`: Directory with checkpoints file or path to checkpoint. 9 | 10 | ##### Returns: 11 | 12 | List of tuples `(name, shape)`. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.python_io.TFRecordOptions.md: -------------------------------------------------------------------------------- 1 | Options used for manipulating TFRecord files. 2 | - - - 3 | 4 | #### `tf.python_io.TFRecordOptions.__init__(compression_type)` {#TFRecordOptions.__init__} 5 | 6 | 7 | 8 | 9 | - - - 10 | 11 | #### `tf.python_io.TFRecordOptions.get_compression_type_string(cls, options)` {#TFRecordOptions.get_compression_type_string} 12 | 13 | 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.sin.md: -------------------------------------------------------------------------------- 1 | ### `tf.sin(x, name=None)` {#sin} 2 | 3 | Computes sin of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.test.test_src_dir_path.md: -------------------------------------------------------------------------------- 1 | ### `tf.test.test_src_dir_path(relative_path)` {#test_src_dir_path} 2 | 3 | Creates an absolute test srcdir path given a relative path. 4 | 5 | ##### Args: 6 | 7 | 8 | * `relative_path`: a path relative to tensorflow root. 9 | e.g. "core/platform". 10 | 11 | ##### Returns: 12 | 13 | An absolute path to the linked in runfiles. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.container.md: -------------------------------------------------------------------------------- 1 | ### `tf.container(container_name)` {#container} 2 | 3 | Wrapper for `Graph.container()` using the default graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `container_name`: The container string to use in the context. 9 | 10 | ##### Returns: 11 | 12 | A context manager that specifies the default container to use for newly 13 | created stateful ops. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.cos.md: -------------------------------------------------------------------------------- 1 | ### `tf.cos(x, name=None)` {#cos} 2 | 3 | Computes cos of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 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 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/cloud/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/g3doc/api_docs/python/functions_and_classes/shard3/tf.ceil.md: -------------------------------------------------------------------------------- 1 | ### `tf.ceil(x, name=None)` {#ceil} 2 | 3 | Returns element-wise smallest integer in not less than x. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.floor.md: -------------------------------------------------------------------------------- 1 | ### `tf.floor(x, name=None)` {#floor} 2 | 3 | Returns element-wise largest integer not greater than x. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.errors.InternalError.md: -------------------------------------------------------------------------------- 1 | Raised when the system experiences an internal error. 2 | 3 | This exception is raised when some invariant expected by the runtime 4 | has been broken. Catching this exception is not recommended. 5 | 6 | - - - 7 | 8 | #### `tf.errors.InternalError.__init__(node_def, op, message)` {#InternalError.__init__} 9 | 10 | Creates an `InternalError`. 11 | 12 | 13 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.graph_editor.make_view_from_scope.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.make_view_from_scope(scope, graph)` {#make_view_from_scope} 2 | 3 | Make a subgraph from a name scope. 4 | 5 | ##### Args: 6 | 7 | 8 | * `scope`: the name of the scope. 9 | * `graph`: the `tf.Graph`. 10 | 11 | ##### Returns: 12 | 13 | A subgraph view representing the given scope. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/Dockerfile.tensorboard: -------------------------------------------------------------------------------- 1 | FROM ubuntu:16.04 2 | 3 | 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_tensorboard_packages.sh 12 | -------------------------------------------------------------------------------- /third_party/werkzeug.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Werkzeug provides utilities for making WSGI applications 3 | 4 | licenses(["notice"]) # BSD 3-Clause 5 | 6 | exports_files(["LICENSE"]) 7 | 8 | # Note: this library includes test code. Consider creating a testonly target. 9 | py_library( 10 | name = "werkzeug", 11 | srcs = glob(["werkzeug/*.py"]), 12 | srcs_version = "PY2AND3", 13 | visibility = ["//visibility:public"], 14 | ) 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/cc/StructTensorShapeDim.md: -------------------------------------------------------------------------------- 1 | # `struct tensorflow::TensorShapeDim` 2 | 3 | Represents the value of one dimension in a TensorShape . 4 | 5 | 6 | 7 | ###Member Details 8 | 9 | #### `int64 tensorflow::TensorShapeDim::size` {#int64_tensorflow_TensorShapeDim_size} 10 | 11 | 12 | 13 | 14 | 15 | #### `tensorflow::TensorShapeDim::TensorShapeDim(int64 s)` {#tensorflow_TensorShapeDim_TensorShapeDim} 16 | 17 | 18 | 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.erfc.md: -------------------------------------------------------------------------------- 1 | ### `tf.erfc(x, name=None)` {#erfc} 2 | 3 | Computes the complementary error function of `x` element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.errors.ResourceExhaustedError.md: -------------------------------------------------------------------------------- 1 | Some resource has been exhausted. 2 | 3 | For example, this error might be raised if a per-user quota is 4 | exhausted, or perhaps the entire file system is out of space. 5 | 6 | - - - 7 | 8 | #### `tf.errors.ResourceExhaustedError.__init__(node_def, op, message)` {#ResourceExhaustedError.__init__} 9 | 10 | Creates a `ResourceExhaustedError`. 11 | 12 | 13 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.graph_editor.detach_control_inputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.detach_control_inputs(sgv)` {#detach_control_inputs} 2 | 3 | Detach all the external control inputs of the subgraph sgv. 4 | 5 | ##### Args: 6 | 7 | 8 | * `sgv`: the subgraph view to be detached. This argument is converted to a 9 | subgraph using the same rules as the function subgraph.make_view. 10 | 11 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/CXX11/Tensor: -------------------------------------------------------------------------------- 1 | #ifdef _WIN32 2 | #define sleep(seconds) Sleep(1000*seconds) 3 | #endif // _WIN32 4 | #include "unsupported/Eigen/CXX11/Tensor" 5 | 6 | #ifdef _WIN32 7 | // On Windows, Eigen will include Windows.h, which defines various 8 | // macros that conflict with TensorFlow symbols. Undefine them here to 9 | // prevent clashes. 10 | #undef DeleteFile 11 | #undef ERROR 12 | #undef LoadLibrary 13 | #endif // _WIN32 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.tan.md: -------------------------------------------------------------------------------- 1 | ### `tf.tan(x, name=None)` {#tan} 2 | 3 | Computes tan of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.lgamma.md: -------------------------------------------------------------------------------- 1 | ### `tf.lgamma(x, name=None)` {#lgamma} 2 | 3 | Computes the log of the absolute value of `Gamma(x)` element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/examples/android/res/values-v14/styles.xml: -------------------------------------------------------------------------------- 1 | 2 | 3 | 8 | 11 | 12 | 13 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.train.Saver.from_proto.md: -------------------------------------------------------------------------------- 1 | #### `tf.train.Saver.from_proto(saver_def, import_scope=None)` {#Saver.from_proto} 2 | 3 | Returns a `Saver` object created from `saver_def`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `saver_def`: a `SaveDef` protocol buffer. 9 | * `import_scope`: Optional `string`. Name scope to use. 10 | 11 | ##### Returns: 12 | 13 | A `Saver` built from saver_def. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.exp.md: -------------------------------------------------------------------------------- 1 | ### `tf.exp(x, name=None)` {#exp} 2 | 3 | Computes exponential of x element-wise. \\(y = e^x\\). 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.learn.run_feeds.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.learn.run_feeds(*args, **kwargs)` {#run_feeds} 2 | 3 | See run_feeds_iter(). Returns a `list` instead of an iterator. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-02-15. 6 | Instructions for updating: 7 | graph_actions.py will be deleted. Use tf.train.* utilities instead. You can use learn/estimators/estimator.py as an example. 8 | 9 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.asin.md: -------------------------------------------------------------------------------- 1 | ### `tf.asin(x, name=None)` {#asin} 2 | 3 | Computes asin of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.acos.md: -------------------------------------------------------------------------------- 1 | ### `tf.acos(x, name=None)` {#acos} 2 | 3 | Computes acos of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.atan.md: -------------------------------------------------------------------------------- 1 | ### `tf.atan(x, name=None)` {#atan} 2 | 3 | Computes atan of x element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `x`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/tools/ci_build/Dockerfile.cmake: -------------------------------------------------------------------------------- 1 | FROM ubuntu:16.04 2 | 3 | MAINTAINER Shanqing Cai 4 | 5 | # Copy and run the install scripts. 6 | COPY install/*.sh /install/ 7 | RUN /install/install_bootstrap_deb_packages.sh 8 | RUN /install/install_deb_packages.sh 9 | 10 | RUN pip install --upgrade numpy 11 | 12 | # Install golang 13 | RUN add-apt-repository -y ppa:ubuntu-lxc/lxd-stable 14 | RUN apt-get update 15 | RUN apt-get install -y golang 16 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/service/cpu/build_defs.bzl: -------------------------------------------------------------------------------- 1 | """build_defs for service/cpu.""" 2 | 3 | def runtime_copts(): 4 | """Returns copts used for CPU runtime libraries.""" 5 | return (["-DEIGEN_AVOID_STL_ARRAY"] + 6 | select({ 7 | "//tensorflow:android_arm": ["-mfpu=neon"], 8 | "//conditions:default": []}) + 9 | select({ 10 | "//tensorflow:android": ["-O2"], 11 | "//conditions:default": []})) 12 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.graph_editor.get_tensors.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.get_tensors(graph)` {#get_tensors} 2 | 3 | get all the tensors which are input or output of an op in the graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `graph`: a `tf.Graph`. 9 | 10 | ##### Returns: 11 | 12 | A list of `tf.Tensor`. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `TypeError`: if graph is not a `tf.Graph`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.framework.is_tensor.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.is_tensor(x)` {#is_tensor} 2 | 3 | Check for tensor types. 4 | 5 | Check whether an object is a tensor. Equivalent to 6 | `isinstance(x, [tf.Tensor, tf.SparseTensor, tf.Variable])`. 7 | 8 | ##### Args: 9 | 10 | 11 | * `x`: An python object to check. 12 | 13 | ##### Returns: 14 | 15 | `True` if `x` is a tensor, `False` if not. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_scalar_dashboard/demo/data/runs.json: -------------------------------------------------------------------------------- 1 | { 2 | "alpha": { 3 | "scalars": [ 4 | "d1", 5 | "d2", 6 | "d3", 7 | "d4" 8 | ], 9 | "histograms": [], 10 | "images": [], 11 | "audio": [] 12 | }, 13 | "beta": { 14 | "scalars": [ 15 | "d1", 16 | "d2", 17 | "d3", 18 | "d4" 19 | ], 20 | "histograms": [], 21 | "images": [], 22 | "audio": [] 23 | } 24 | } 25 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.tables_initializer.md: -------------------------------------------------------------------------------- 1 | ### `tf.tables_initializer(name='init_all_tables')` {#tables_initializer} 2 | 3 | Returns an Op that initializes all tables of the default graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `name`: Optional name for the initialization op. 9 | 10 | ##### Returns: 11 | 12 | An Op that initializes all tables. Note that if there are 13 | not tables the returned Op is a NoOp. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.verify_tensor_all_finite.md: -------------------------------------------------------------------------------- 1 | ### `tf.verify_tensor_all_finite(t, msg, name=None)` {#verify_tensor_all_finite} 2 | 3 | Assert that the tensor does not contain any NaN's or Inf's. 4 | 5 | ##### Args: 6 | 7 | 8 | * `t`: Tensor to check. 9 | * `msg`: Message to log on failure. 10 | * `name`: A name for this operation (optional). 11 | 12 | ##### Returns: 13 | 14 | Same tensor as `t`. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.graph_editor.make_regex.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.make_regex(obj)` {#make_regex} 2 | 3 | Return a compiled regular expression. 4 | 5 | ##### Args: 6 | 7 | 8 | * `obj`: a string or a regular expression. 9 | 10 | ##### Returns: 11 | 12 | A compiled regular expression. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `ValueError`: if obj could not be converted to a regular expression. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/lib/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # BUILD rules for the static resources in TensorBoard. 3 | 4 | package(default_visibility = [ 5 | "//tensorflow:internal", 6 | ]) 7 | 8 | licenses(["notice"]) # Apache 2.0 9 | 10 | exports_files([ 11 | "LICENSE", 12 | ]) 13 | 14 | filegroup( 15 | name = "all_files", 16 | srcs = glob( 17 | [ 18 | "**/*", 19 | ], 20 | ), 21 | visibility = ["//tensorflow:__subpackages__"], 22 | ) 23 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.log.md: -------------------------------------------------------------------------------- 1 | ### `tf.log(x, name=None)` {#log} 2 | 3 | Computes natural logarithm of x element-wise. 4 | 5 | I.e., \\(y = \log_e x\\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.nn.relu6.md: -------------------------------------------------------------------------------- 1 | ### `tf.nn.relu6(features, name=None)` {#relu6} 2 | 3 | Computes Rectified Linear 6: `min(max(features, 0), 6)`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `features`: A `Tensor` with type `float`, `double`, `int32`, `int64`, `uint8`, 9 | `int16`, or `int8`. 10 | * `name`: A name for the operation (optional). 11 | 12 | ##### Returns: 13 | 14 | A `Tensor` with the same type as `features`. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.erf.md: -------------------------------------------------------------------------------- 1 | ### `tf.erf(x, name=None)` {#erf} 2 | 3 | Computes the Gauss error function of `x` element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` of `SparseTensor`. Must be one of the following types: `half`, 9 | `float32`, `float64`. 10 | * `name`: A name for the operation (optional). 11 | 12 | ##### Returns: 13 | 14 | A `Tensor` or `SparseTensor`, respectively. Has the same type as `x`. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.framework.load_variable.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.load_variable(checkpoint_dir, name)` {#load_variable} 2 | 3 | Returns a Tensor with the contents of the given variable in the checkpoint. 4 | 5 | ##### Args: 6 | 7 | 8 | * `checkpoint_dir`: Directory with checkpoints file or path to checkpoint. 9 | * `name`: Name of the tensor to return. 10 | 11 | ##### Returns: 12 | 13 | `Tensor` object. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/runs.json: -------------------------------------------------------------------------------- 1 | {"run1": {"scalars": ["foo/sin", "foo/cos", "foo/square", "bar/square"], "run_metadata": [], "compressedHistograms": ["histo1"], "images": ["im1/image/0", "im2/image/0"], "histograms": ["histo1"], "graph": true, "audio": ["au1/audio/0"]}, "run2": {"scalars": ["foo/cos", "foo/square", "bar/square"], "run_metadata": [], "compressedHistograms": ["histo2", "histo1"], "images": ["im1/image/0"], "histograms": ["histo2", "histo1"], "graph": true, "audio": ["au2/audio/0"]}} -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.util.ops_used_by_graph_def.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.util.ops_used_by_graph_def(graph_def)` {#ops_used_by_graph_def} 2 | 3 | Collect the list of ops used by a graph. 4 | 5 | Does not validate that the ops are all registered. 6 | 7 | ##### Args: 8 | 9 | 10 | * `graph_def`: A `GraphDef` proto, as from `graph.as_graph_def()`. 11 | 12 | ##### Returns: 13 | 14 | A list of strings, each naming an op used by the graph. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.is_nan.md: -------------------------------------------------------------------------------- 1 | ### `tf.is_nan(x, name=None)` {#is_nan} 2 | 3 | Returns which elements of x are NaN. 4 | 5 | @compatibility(numpy) 6 | Equivalent to np.isnan 7 | @end_compatibility 8 | 9 | ##### Args: 10 | 11 | 12 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 13 | * `name`: A name for the operation (optional). 14 | 15 | ##### Returns: 16 | 17 | A `Tensor` of type `bool`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.is_inf.md: -------------------------------------------------------------------------------- 1 | ### `tf.is_inf(x, name=None)` {#is_inf} 2 | 3 | Returns which elements of x are Inf. 4 | 5 | @compatibility(numpy) 6 | Equivalent to np.isinf 7 | @end_compatibility 8 | 9 | ##### Args: 10 | 11 | 12 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 13 | * `name`: A name for the operation (optional). 14 | 15 | ##### Returns: 16 | 17 | A `Tensor` of type `bool`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.expm1.md: -------------------------------------------------------------------------------- 1 | ### `tf.expm1(x, name=None)` {#expm1} 2 | 3 | Computes exponential of x - 1 element-wise. 4 | 5 | I.e., \\(y = (\exp x) - 1\\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /third_party/mkl/build_defs.bzl: -------------------------------------------------------------------------------- 1 | # Macros for building MKL code. 2 | 3 | def if_mkl(if_true, if_false = []): 4 | """Shorthand for select()'ing on whether we're building with MKL. 5 | 6 | Returns a select statement which evaluates to if_true if we're building 7 | with MKL enabled. Otherwise, the select statement evaluates to if_false. 8 | 9 | """ 10 | return select({ 11 | "//third_party/mkl:using_mkl": if_true, 12 | "//conditions:default": if_false 13 | }) 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.digamma.md: -------------------------------------------------------------------------------- 1 | ### `tf.digamma(x, name=None)` {#digamma} 2 | 3 | Computes Psi, the derivative of Lgamma (the log of the absolute value of 4 | 5 | `Gamma(x)`), element-wise. 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.learn.RunConfig.get_task_id.md: -------------------------------------------------------------------------------- 1 | #### `tf.contrib.learn.RunConfig.get_task_id()` {#RunConfig.get_task_id} 2 | 3 | Returns task index from `TF_CONFIG` environmental variable. 4 | 5 | If you have a ClusterConfig instance, you can just access its task_id 6 | property instead of calling this function and re-parsing the environmental 7 | variable. 8 | 9 | ##### Returns: 10 | 11 | `TF_CONFIG['task']['index']`. Defaults to 0. 12 | 13 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.log1p.md: -------------------------------------------------------------------------------- 1 | ### `tf.log1p(x, name=None)` {#log1p} 2 | 3 | Computes natural logarithm of (1 + x) element-wise. 4 | 5 | I.e., \\(y = \log_e (1 + x)\\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.framework.with_same_shape.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.with_same_shape(expected_tensor, tensor)` {#with_same_shape} 2 | 3 | Assert tensors are the same shape, from the same graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `expected_tensor`: Tensor with expected shape. 9 | * `tensor`: Tensor of actual values. 10 | 11 | ##### Returns: 12 | 13 | Tuple of (actual_tensor, label_tensor), possibly with assert ops added. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.layers.summarize_activation.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.summarize_activation(op)` {#summarize_activation} 2 | 3 | Summarize an activation. 4 | 5 | This applies the given activation and adds useful summaries specific to the 6 | activation. 7 | 8 | ##### Args: 9 | 10 | 11 | * `op`: The tensor to summarize (assumed to be a layer activation). 12 | 13 | ##### Returns: 14 | 15 | The summary op created to summarize `op`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.trainable_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.trainable_variables()` {#trainable_variables} 2 | 3 | Returns all variables created with `trainable=True`. 4 | 5 | When passed `trainable=True`, the `Variable()` constructor automatically 6 | adds new variables to the graph collection 7 | `GraphKeys.TRAINABLE_VARIABLES`. This convenience function returns the 8 | contents of that collection. 9 | 10 | ##### Returns: 11 | 12 | A list of Variable objects. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.rsqrt.md: -------------------------------------------------------------------------------- 1 | ### `tf.rsqrt(x, name=None)` {#rsqrt} 2 | 3 | Computes reciprocal of square root of x element-wise. 4 | 5 | I.e., \\(y = 1 / \sqrt{x}\\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `complex64`, `complex128`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.framework.get_or_create_global_step.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_or_create_global_step(graph=None)` {#get_or_create_global_step} 2 | 3 | Returns and create (if necessary) the global step variable. 4 | 5 | ##### Args: 6 | 7 | 8 | * `graph`: The graph in which to create the global step. If missing, use default 9 | graph. 10 | 11 | ##### Returns: 12 | 13 | the tensor representing the global step variable. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/histograms_run_run2_tag_histo2.json: -------------------------------------------------------------------------------- 1 | [[400.0, 40, [-0.8286852465281818, 2.0954239138728523, 20.0, 13.546880465642861, 24.14836803774091, [-0.7580548669750213, -0.38900200905253046, -0.06996543062044111, 0.07696197368248522, 0.19961953895336082, 0.2656936063469233, 0.29226296698161564, 0.5177616740489182, 0.7580548669750213, 0.917246389039776, 1.109868130738129, 1.220854943811942, 1.624957930213695, 2.1628190051144287], [2.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 2.0, 1.0, 1.0, 1.0, 2.0, 3.0]]]] -------------------------------------------------------------------------------- /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 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.errors.DataLossError.md: -------------------------------------------------------------------------------- 1 | Raised when unrecoverable data loss or corruption is encountered. 2 | 3 | For example, this may be raised by running a 4 | [`tf.WholeFileReader.read()`](../../api_docs/python/io_ops.md#WholeFileReader) 5 | operation, if the file is truncated while it is being read. 6 | 7 | - - - 8 | 9 | #### `tf.errors.DataLossError.__init__(node_def, op, message)` {#DataLossError.__init__} 10 | 11 | Creates a `DataLossError`. 12 | 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.is_finite.md: -------------------------------------------------------------------------------- 1 | ### `tf.is_finite(x, name=None)` {#is_finite} 2 | 3 | Returns which elements of x are finite. 4 | 5 | @compatibility(numpy) 6 | Equivalent to np.isfinite 7 | @end_compatibility 8 | 9 | ##### Args: 10 | 11 | 12 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`. 13 | * `name`: A name for the operation (optional). 14 | 15 | ##### Returns: 16 | 17 | A `Tensor` of type `bool`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.nn.relu.md: -------------------------------------------------------------------------------- 1 | ### `tf.nn.relu(features, name=None)` {#relu} 2 | 3 | Computes rectified linear: `max(features, 0)`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `features`: A `Tensor`. Must be one of the following types: `float32`, `float64`, `int32`, `int64`, `uint8`, `int16`, `int8`, `uint16`, `half`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `features`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.to_int32.md: -------------------------------------------------------------------------------- 1 | ### `tf.to_int32(x, name='ToInt32')` {#to_int32} 2 | 3 | Casts a tensor to type `int32`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` or `SparseTensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` or `SparseTensor` with same shape as `x` with type `int32`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: If `x` cannot be cast to the `int32`. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.to_int64.md: -------------------------------------------------------------------------------- 1 | ### `tf.to_int64(x, name='ToInt64')` {#to_int64} 2 | 3 | Casts a tensor to type `int64`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` or `SparseTensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` or `SparseTensor` with same shape as `x` with type `int64`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: If `x` cannot be cast to the `int64`. 19 | 20 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard4/tf.nn.softplus.md: -------------------------------------------------------------------------------- 1 | ### `tf.nn.softplus(features, name=None)` {#softplus} 2 | 3 | Computes softplus: `log(exp(features) + 1)`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `features`: A `Tensor`. Must be one of the following types: `float32`, `float64`, `int32`, `int64`, `uint8`, `int16`, `int8`, `uint16`, `half`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `features`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.reciprocal.md: -------------------------------------------------------------------------------- 1 | ### `tf.reciprocal(x, name=None)` {#reciprocal} 2 | 3 | Computes the reciprocal of x element-wise. 4 | 5 | I.e., \\(y = 1 / x\\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor`. Must be one of the following types: `half`, `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor`. Has the same type as `x`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.contrib.util.make_ndarray.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.util.make_ndarray(tensor)` {#make_ndarray} 2 | 3 | Create a numpy ndarray from a tensor. 4 | 5 | Create a numpy ndarray with the same shape and data as the tensor. 6 | 7 | ##### Args: 8 | 9 | 10 | * `tensor`: A TensorProto. 11 | 12 | ##### Returns: 13 | 14 | A numpy array with the tensor contents. 15 | 16 | ##### Raises: 17 | 18 | 19 | * `TypeError`: if tensor has unsupported type. 20 | 21 | -------------------------------------------------------------------------------- /tensorflow/g3doc/experimental/index.md: -------------------------------------------------------------------------------- 1 | # Experimental 2 | 3 | Collected in this section is information about experimental features included in 4 | Tensorflow. These features are either not complete or not included as part of 5 | core Tensorflow. 6 | 7 | ### XLA 8 | 9 | [XLA](./xla/) is a domain-specific compiler for linear algebra that optimizes 10 | TensorFlow computations. The results are improvements in speed, memory usage, 11 | and portability on server and mobile platforms. 12 | 13 | [Learn more about XLA](./xla/) 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/tutorials/syntaxnet/index.md: -------------------------------------------------------------------------------- 1 | # SyntaxNet 2 | 3 | ## Introduction 4 | 5 | SyntaxNet is a neural-network Natural Language Processing framework for 6 | TensorFlow. 7 | 8 | ## Basic SyntaxNet Tutorial 9 | 10 | The [tutorial]( 11 | https://github.com/tensorflow/models/tree/master/syntaxnet#installation) 12 | shows you how to: 13 | 14 | * Install SyntaxNet. 15 | * Use the included, pretrained Parsey McParseface parser. 16 | * Train your own part-of-speech tagger. 17 | * Train your own parser. -------------------------------------------------------------------------------- /tensorflow/tensorboard/app/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Build rules for building the HTML/JS necessary for TensorBoard. 3 | package(default_visibility = ["//tensorflow:internal"]) 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 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.losses.add_loss.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.losses.add_loss(*args, **kwargs)` {#add_loss} 2 | 3 | Adds a externally defined loss to the collection of losses. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2016-12-30. 6 | Instructions for updating: 7 | Use tf.losses.add_loss instead. 8 | 9 | ##### Args: 10 | 11 | 12 | * `loss`: A loss `Tensor`. 13 | * `loss_collection`: Optional collection to add the loss to. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.nn.softsign.md: -------------------------------------------------------------------------------- 1 | ### `tf.nn.softsign(features, name=None)` {#softsign} 2 | 3 | Computes softsign: `features / (abs(features) + 1)`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `features`: A `Tensor`. Must be one of the following types: `float32`, `float64`, `int32`, `int64`, `uint8`, `int16`, `int8`, `uint16`, `half`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor`. Has the same type as `features`. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.to_double.md: -------------------------------------------------------------------------------- 1 | ### `tf.to_double(x, name='ToDouble')` {#to_double} 2 | 3 | Casts a tensor to type `float64`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` or `SparseTensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` or `SparseTensor` with same shape as `x` with type `float64`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: If `x` cannot be cast to the `float64`. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.to_float.md: -------------------------------------------------------------------------------- 1 | ### `tf.to_float(x, name='ToFloat')` {#to_float} 2 | 3 | Casts a tensor to type `float32`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` or `SparseTensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` or `SparseTensor` with same shape as `x` with type `float32`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: If `x` cannot be cast to the `float32`. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/vz_projector/BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Package for the Embedding Projector component. 3 | package(default_visibility = ["//tensorflow:internal"]) 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 | -------------------------------------------------------------------------------- /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/examples/udacity/Dockerfile: -------------------------------------------------------------------------------- 1 | FROM gcr.io/tensorflow/tensorflow:latest 2 | 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"] 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.graph_editor.get_consuming_ops.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.get_consuming_ops(ts)` {#get_consuming_ops} 2 | 3 | Return all the consuming ops of the tensors in ts. 4 | 5 | ##### Args: 6 | 7 | 8 | * `ts`: a list of `tf.Tensor` 9 | 10 | ##### Returns: 11 | 12 | A list of all the consuming `tf.Operation` of the tensors in `ts`. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `TypeError`: if ts cannot be converted to a list of `tf.Tensor`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.framework.create_global_step.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.create_global_step(graph=None)` {#create_global_step} 2 | 3 | Create global step tensor in graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `graph`: The graph in which to create the global step. If missing, use default 9 | graph. 10 | 11 | ##### Returns: 12 | 13 | Global step tensor. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: if global step key is already defined. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.errors.NotFoundError.md: -------------------------------------------------------------------------------- 1 | Raised when a requested entity (e.g., a file or directory) was not found. 2 | 3 | For example, running the 4 | [`tf.WholeFileReader.read()`](../../api_docs/python/io_ops.md#WholeFileReader) 5 | operation could raise `NotFoundError` if it receives the name of a file that 6 | does not exist. 7 | 8 | - - - 9 | 10 | #### `tf.errors.NotFoundError.__init__(node_def, op, message)` {#NotFoundError.__init__} 11 | 12 | Creates a `NotFoundError`. 13 | 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.DeviceSpec.from_string.md: -------------------------------------------------------------------------------- 1 | #### `tf.DeviceSpec.from_string(spec)` {#DeviceSpec.from_string} 2 | 3 | Construct a `DeviceSpec` from a string. 4 | 5 | ##### Args: 6 | 7 | 8 | * `spec`: a string of the form 9 | /job:/replica:/task:/device:CPU: 10 | or 11 | /job:/replica:/task:/device:GPU: 12 | as cpu and gpu are mutually exclusive. 13 | All entries are optional. 14 | 15 | ##### Returns: 16 | 17 | A DeviceSpec. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.graph_editor.copy_op_handler.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.copy_op_handler(info, op, copy_shape=True)` {#copy_op_handler} 2 | 3 | Copy a `tf.Operation`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `info`: Transform._TmpInfo instance. 9 | * `op`: the `tf.Operation` to be copied. 10 | * `copy_shape`: also copy the shape of the tensor 11 | 12 | ##### Returns: 13 | 14 | A `(op, op_outputs)` tuple containgin the transformed op and its outputs. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.layers.check_feature_columns.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.check_feature_columns(feature_columns)` {#check_feature_columns} 2 | 3 | Checks the validity of the set of FeatureColumns. 4 | 5 | ##### Args: 6 | 7 | 8 | * `feature_columns`: An iterable of instances or subclasses of FeatureColumn. 9 | 10 | ##### Raises: 11 | 12 | 13 | * `ValueError`: If `feature_columns` is a dict. 14 | * `ValueError`: If there are duplicate feature column keys. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.train.match_filenames_once.md: -------------------------------------------------------------------------------- 1 | ### `tf.train.match_filenames_once(pattern, name=None)` {#match_filenames_once} 2 | 3 | Save the list of files matching pattern, so it is only computed once. 4 | 5 | ##### Args: 6 | 7 | 8 | * `pattern`: A file pattern (glob), or 1D tensor of file patterns. 9 | * `name`: A name for the operations (optional). 10 | 11 | ##### Returns: 12 | 13 | A variable that is initialized to the list of files matching the pattern(s). 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.broadcast_dynamic_shape.md: -------------------------------------------------------------------------------- 1 | ### `tf.broadcast_dynamic_shape(shape_x, shape_y)` {#broadcast_dynamic_shape} 2 | 3 | Returns the broadcasted dynamic shape between `shape_x` and `shape_y`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `shape_x`: A rank 1 integer `Tensor`, representing the shape of x. 9 | * `shape_y`: A rank 1 integer `Tensor`, representing the shape of x. 10 | 11 | ##### Returns: 12 | 13 | A rank 1 integer `Tensor` representing the broadcasted shape. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.graph_editor.detach_control_outputs.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.detach_control_outputs(sgv, control_outputs)` {#detach_control_outputs} 2 | 3 | Detach all the external control outputs of the subgraph sgv. 4 | 5 | ##### Args: 6 | 7 | 8 | * `sgv`: the subgraph view to be detached. This argument is converted to a 9 | subgraph using the same rules as the function subgraph.make_view. 10 | * `control_outputs`: a util.ControlOutputs instance. 11 | 12 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.python_io.tf_record_iterator.md: -------------------------------------------------------------------------------- 1 | ### `tf.python_io.tf_record_iterator(path, options=None)` {#tf_record_iterator} 2 | 3 | An iterator that read the records from a TFRecords file. 4 | 5 | ##### Args: 6 | 7 | 8 | * `path`: The path to the TFRecords file. 9 | * `options`: (optional) A TFRecordOptions object. 10 | 11 | ##### Yields: 12 | 13 | Strings. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `IOError`: If `path` cannot be opened for reading. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.graph_editor.get_generating_ops.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.get_generating_ops(ts)` {#get_generating_ops} 2 | 3 | Return all the generating ops of the tensors in `ts`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `ts`: a list of `tf.Tensor` 9 | 10 | ##### Returns: 11 | 12 | A list of all the generating `tf.Operation` of the tensors in `ts`. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `TypeError`: if `ts` cannot be converted to a list of `tf.Tensor`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.to_bfloat16.md: -------------------------------------------------------------------------------- 1 | ### `tf.to_bfloat16(x, name='ToBFloat16')` {#to_bfloat16} 2 | 3 | Casts a tensor to type `bfloat16`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A `Tensor` or `SparseTensor`. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` or `SparseTensor` with same shape as `x` with type `bfloat16`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: If `x` cannot be cast to the `bfloat16`. 19 | 20 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.framework.load_checkpoint.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.load_checkpoint(filepattern)` {#load_checkpoint} 2 | 3 | Returns CheckpointReader for latest checkpoint. 4 | 5 | ##### Args: 6 | 7 | 8 | * `filepattern`: Directory with checkpoints file or path to checkpoint. 9 | 10 | ##### Returns: 11 | 12 | `CheckpointReader` object. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `ValueError`: if checkpoint_dir doesn't have 'checkpoint' file or checkpoints. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.learn.ProblemType.md: -------------------------------------------------------------------------------- 1 | Enum-like values for the type of problem that the model solves. 2 | 3 | These values are used when exporting the model to produce the appropriate 4 | signature function for serving. 5 | 6 | The following values are supported: 7 | UNSPECIFIED: Produces a predict signature_fn. 8 | CLASSIFICATION: Produces a classify signature_fn. 9 | LINEAR_REGRESSION: Produces a regression signature_fn. 10 | LOGISTIC_REGRESSION: Produces a classify signature_fn. 11 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.errors.FailedPreconditionError.md: -------------------------------------------------------------------------------- 1 | Operation was rejected because the system is not in a state to execute it. 2 | 3 | This exception is most commonly raised when running an operation 4 | that reads a [`tf.Variable`](../../api_docs/python/state_ops.md#Variable) 5 | before it has been initialized. 6 | 7 | - - - 8 | 9 | #### `tf.errors.FailedPreconditionError.__init__(node_def, op, message)` {#FailedPreconditionError.__init__} 10 | 11 | Creates a `FailedPreconditionError`. 12 | 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.image.rot90.md: -------------------------------------------------------------------------------- 1 | ### `tf.image.rot90(image, k=1, name=None)` {#rot90} 2 | 3 | Rotate an image counter-clockwise by 90 degrees. 4 | 5 | ##### Args: 6 | 7 | 8 | * `image`: A 3-D tensor of shape `[height, width, channels]`. 9 | * `k`: A scalar integer. The number of times the image is rotated by 90 degrees. 10 | * `name`: A name for this operation (optional). 11 | 12 | ##### Returns: 13 | 14 | A rotated 3-D tensor of the same type and shape as `image`. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.image.transpose_image.md: -------------------------------------------------------------------------------- 1 | ### `tf.image.transpose_image(image)` {#transpose_image} 2 | 3 | Transpose an image by swapping the first and second dimension. 4 | 5 | See also `transpose()`. 6 | 7 | ##### Args: 8 | 9 | 10 | * `image`: 3-D tensor of shape `[height, width, channels]` 11 | 12 | ##### Returns: 13 | 14 | A 3-D tensor of shape `[width, height, channels]` 15 | 16 | ##### Raises: 17 | 18 | 19 | * `ValueError`: if the shape of `image` not supported. 20 | 21 | -------------------------------------------------------------------------------- /tensorflow/compiler/aot/tests/test_graph_tfmatmulandadd.config.pbtxt: -------------------------------------------------------------------------------- 1 | # Text form of tensorflow.tfcompile.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/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" How To, which is available [in this 9 | repository](../../g3doc/how_tos/distributed/index.md), and will be available 10 | on the TensorFlow website after the next version is released. 11 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.sqrt.md: -------------------------------------------------------------------------------- 1 | ### `tf.sqrt(x, name=None)` {#sqrt} 2 | 3 | Computes square root of x element-wise. 4 | 5 | I.e., \(y = \sqrt{x} = x^{1/2}\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor` or `SparseTensor`. Must be one of the following types: `half`, 11 | `float32`, `float64`, `complex64`, `complex128`. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | A `Tensor` or `SparseTensor`, respectively. Has the same type as `x`. 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.framework.get_variables_by_name.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_variables_by_name(given_name, scope=None)` {#get_variables_by_name} 2 | 3 | Gets the list of variables that were given that name. 4 | 5 | ##### Args: 6 | 7 | 8 | * `given_name`: name given to the variable without any scope. 9 | * `scope`: an optional scope for filtering the variables to return. 10 | 11 | ##### Returns: 12 | 13 | a copied list of variables with the given name and scope. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.framework.get_unique_variable.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_unique_variable(var_op_name)` {#get_unique_variable} 2 | 3 | Gets the variable uniquely identified by that var_op_name. 4 | 5 | ##### Args: 6 | 7 | 8 | * `var_op_name`: the full name of the variable op, including the scope. 9 | 10 | ##### Returns: 11 | 12 | a tensorflow variable. 13 | 14 | ##### Raises: 15 | 16 | 17 | * `ValueError`: if no variable uniquely identified by the name exists. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.contrib.layers.sum_regularizer.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.sum_regularizer(regularizer_list, scope=None)` {#sum_regularizer} 2 | 3 | Returns a function that applies the sum of multiple regularizers. 4 | 5 | ##### Args: 6 | 7 | 8 | * `regularizer_list`: A list of regularizers to apply. 9 | * `scope`: An optional scope name 10 | 11 | ##### Returns: 12 | 13 | A function with signature `sum_reg(weights)` that applies the 14 | sum of all the input regularizers. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.square.md: -------------------------------------------------------------------------------- 1 | ### `tf.square(x, name=None)` {#square} 2 | 3 | Computes square of x element-wise. 4 | 5 | I.e., \(y = x * x = x^2\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor` or `SparseTensor`. Must be one of the following types: `half`, 11 | `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | A `Tensor` or `SparseTensor`. Has the same type as `x`. 17 | 18 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard0/tf.device.md: -------------------------------------------------------------------------------- 1 | ### `tf.device(device_name_or_function)` {#device} 2 | 3 | Wrapper for `Graph.device()` using the default graph. 4 | 5 | See 6 | [`Graph.device()`](../../api_docs/python/framework.md#Graph.device) 7 | for more details. 8 | 9 | ##### Args: 10 | 11 | 12 | * `device_name_or_function`: The device name or function to use in 13 | the context. 14 | 15 | ##### Returns: 16 | 17 | A context manager that specifies the default device to use for newly 18 | created ops. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.framework.local_variable.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.local_variable(initial_value, validate_shape=True, name=None)` {#local_variable} 2 | 3 | Create variable and add it to `GraphKeys.LOCAL_VARIABLES` collection. 4 | 5 | ##### Args: 6 | 7 | 8 | * `initial_value`: See variables.Variable.__init__. 9 | * `validate_shape`: See variables.Variable.__init__. 10 | * `name`: See variables.Variable.__init__. 11 | 12 | ##### Returns: 13 | 14 | New variable. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.broadcast_static_shape.md: -------------------------------------------------------------------------------- 1 | ### `tf.broadcast_static_shape(shape_x, shape_y)` {#broadcast_static_shape} 2 | 3 | Returns the broadcasted static shape between `shape_x` and `shape_y`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `shape_x`: A `TensorShape` 9 | * `shape_y`: A `TensorShape` 10 | 11 | ##### Returns: 12 | 13 | A `TensorShape` representing the broadcasted shape. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: If the two shapes can not be broadcasted. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.layers.one_hot_column.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.one_hot_column(sparse_id_column)` {#one_hot_column} 2 | 3 | Creates an `_OneHotColumn` for a one-hot or multi-hot repr in a DNN. 4 | 5 | ##### Args: 6 | 7 | 8 | * `sparse_id_column`: A _SparseColumn which is created by 9 | `sparse_column_with_*` 10 | or crossed_column functions. Note that `combiner` defined in 11 | `sparse_id_column` is ignored. 12 | 13 | ##### Returns: 14 | 15 | An _OneHotColumn. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.contrib.framework.get_variables_by_suffix.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_variables_by_suffix(suffix, scope=None)` {#get_variables_by_suffix} 2 | 3 | Gets the list of variables that end with the given suffix. 4 | 5 | ##### Args: 6 | 7 | 8 | * `suffix`: suffix for filtering the variables to return. 9 | * `scope`: an optional scope for filtering the variables to return. 10 | 11 | ##### Returns: 12 | 13 | a copied list of variables with the given name and prefix. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.tanh.md: -------------------------------------------------------------------------------- 1 | ### `tf.tanh(x, name=None)` {#tanh} 2 | 3 | Computes hyperbolic tangent of `x` element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `x`: A Tensor or SparseTensor with type `float`, `double`, `int32`, 9 | `complex64`, `int64`, or `qint32`. 10 | * `name`: A name for the operation (optional). 11 | 12 | ##### Returns: 13 | 14 | A Tensor or SparseTensor respectively with the same type as `x` if 15 | `x.dtype != qint32` otherwise the return type is `quint8`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/run_metadata_run_step99_tag_train.pbtxt: -------------------------------------------------------------------------------- 1 | step_stats { 2 | dev_stats { 3 | device: "/job:localhost/replica:0/task:0/cpu:0" 4 | node_stats { 5 | node_name: "_SOURCE" 6 | all_start_micros: 1459365298611334 7 | op_start_rel_micros: 29 8 | op_end_rel_micros: 30 9 | all_end_rel_micros: 52 10 | memory { 11 | allocator_name: "cpu" 12 | } 13 | timeline_label: "_SOURCE = NoOp()" 14 | scheduled_micros: 1459365298611291 15 | } 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.self_adjoint_eigvals.md: -------------------------------------------------------------------------------- 1 | ### `tf.self_adjoint_eigvals(tensor, name=None)` {#self_adjoint_eigvals} 2 | 3 | Computes the eigenvalues of one or more self-adjoint matrices. 4 | 5 | ##### Args: 6 | 7 | 8 | * `tensor`: `Tensor` of shape `[..., N, N]`. 9 | * `name`: string, optional name of the operation. 10 | 11 | ##### Returns: 12 | 13 | 14 | * `e`: Eigenvalues. Shape is `[..., N]`. The vector `e[..., :]` contains the `N` 15 | eigenvalues of `tensor[..., :, :]`. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.errors.AbortedError.md: -------------------------------------------------------------------------------- 1 | The operation was aborted, typically due to a concurrent action. 2 | 3 | For example, running a 4 | [`queue.enqueue()`](../../api_docs/python/io_ops.md#QueueBase.enqueue) 5 | operation may raise `AbortedError` if a 6 | [`queue.close()`](../../api_docs/python/io_ops.md#QueueBase.close) operation 7 | previously ran. 8 | 9 | - - - 10 | 11 | #### `tf.errors.AbortedError.__init__(node_def, op, message)` {#AbortedError.__init__} 12 | 13 | Creates an `AbortedError`. 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.framework.get_local_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_local_variables(scope=None, suffix=None)` {#get_local_variables} 2 | 3 | Gets the list of local variables, filtered by scope and/or suffix. 4 | 5 | ##### Args: 6 | 7 | 8 | * `scope`: an optional scope for filtering the variables to return. 9 | * `suffix`: an optional suffix for filtering the variables to return. 10 | 11 | ##### Returns: 12 | 13 | a list of variables in collection with scope and suffix. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.framework.get_model_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_model_variables(scope=None, suffix=None)` {#get_model_variables} 2 | 3 | Gets the list of model variables, filtered by scope and/or suffix. 4 | 5 | ##### Args: 6 | 7 | 8 | * `scope`: an optional scope for filtering the variables to return. 9 | * `suffix`: an optional suffix for filtering the variables to return. 10 | 11 | ##### Returns: 12 | 13 | a list of variables in collection with scope and suffix. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.graph_editor.get_name_scope_ops.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.get_name_scope_ops(ops, scope)` {#get_name_scope_ops} 2 | 3 | Get all the operations under the given scope path. 4 | 5 | ##### Args: 6 | 7 | 8 | * `ops`: an object convertible to a list of tf.Operation. 9 | * `scope`: a scope path. 10 | 11 | ##### Returns: 12 | 13 | A list of tf.Operation. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `TypeError`: if ops cannot be converted to a list of tf.Operation. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.errors.UnknownError.md: -------------------------------------------------------------------------------- 1 | Unknown error. 2 | 3 | An example of where this error may be returned is if a Status value 4 | received from another address space belongs to an error-space that 5 | is not known to this address space. Also errors raised by APIs that 6 | do not return enough error information may be converted to this 7 | error. 8 | 9 | - - - 10 | 11 | #### `tf.errors.UnknownError.__init__(node_def, op, message, error_code=2)` {#UnknownError.__init__} 12 | 13 | Creates an `UnknownError`. 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/tutorials/deep_cnn/cifar_tensorboard.html: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | TensorBoard Demo 5 | 6 | 7 | 17 | 18 | 19 | 20 | 21 | 22 | -------------------------------------------------------------------------------- /tensorflow/python/framework/cpp_shape_inference.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto3"; 2 | 3 | package tensorflow; 4 | option cc_enable_arenas = true; 5 | 6 | import "tensorflow/core/framework/types.proto"; 7 | import "tensorflow/core/framework/tensor_shape.proto"; 8 | 9 | message CppShapeInferenceResult { 10 | TensorShapeProto shape = 1; 11 | TensorShapeProto handle_shape = 2; 12 | DataType handle_dtype = 3; 13 | } 14 | 15 | message CppShapeInferenceInputsNeeded { 16 | repeated int32 input_tensors_needed = 1; 17 | repeated int32 input_tensors_as_shapes_needed = 2; 18 | } 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.add_to_collection.md: -------------------------------------------------------------------------------- 1 | ### `tf.add_to_collection(name, value)` {#add_to_collection} 2 | 3 | Wrapper for `Graph.add_to_collection()` using the default graph. 4 | 5 | See [`Graph.add_to_collection()`](../../api_docs/python/framework.md#Graph.add_to_collection) 6 | for more details. 7 | 8 | ##### Args: 9 | 10 | 11 | * `name`: The key for the collection. For example, the `GraphKeys` class 12 | contains many standard names for collections. 13 | * `value`: The value to add to the collection. 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.summary.merge_all.md: -------------------------------------------------------------------------------- 1 | ### `tf.summary.merge_all(key='summaries')` {#merge_all} 2 | 3 | Merges all summaries collected in the default graph. 4 | 5 | ##### Args: 6 | 7 | 8 | * `key`: `GraphKey` used to collect the summaries. Defaults to 9 | `GraphKeys.SUMMARIES`. 10 | 11 | ##### Returns: 12 | 13 | If no summaries were collected, returns None. Otherwise returns a scalar 14 | `Tensor` of type `string` containing the serialized `Summary` protocol 15 | buffer resulting from the merging. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.errors.AlreadyExistsError.md: -------------------------------------------------------------------------------- 1 | Raised when an entity that we attempted to create already exists. 2 | 3 | For example, running an operation that saves a file 4 | (e.g. [`tf.train.Saver.save()`](../../api_docs/python/train.md#Saver.save)) 5 | could potentially raise this exception if an explicit filename for an 6 | existing file was passed. 7 | 8 | - - - 9 | 10 | #### `tf.errors.AlreadyExistsError.__init__(node_def, op, message)` {#AlreadyExistsError.__init__} 11 | 12 | Creates an `AlreadyExistsError`. 13 | 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.negative.md: -------------------------------------------------------------------------------- 1 | ### `tf.negative(x, name=None)` {#negative} 2 | 3 | Computes numerical negative value element-wise. 4 | 5 | I.e., \(y = -x\). 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: A `Tensor` or `SparseTensor`. Must be one of the following types: `half`, 11 | `float32`, `float64`, `int32`, `int64`, `complex64`, `complex128`. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | A `Tensor` or `SparseTensor`, respectively. Has the same type as `x`. 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.fixed_size_partitioner.md: -------------------------------------------------------------------------------- 1 | ### `tf.fixed_size_partitioner(num_shards, axis=0)` {#fixed_size_partitioner} 2 | 3 | Partitioner to specify a fixed number of shards along given axis. 4 | 5 | ##### Args: 6 | 7 | 8 | * `num_shards`: `int`, number of shards to partition variable. 9 | * `axis`: `int`, axis to partition on. 10 | 11 | ##### Returns: 12 | 13 | A partition function usable as the `partitioner` argument to 14 | `variable_scope`, `get_variable`, and `get_partitioned_variable_list`. 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.moving_average_variables.md: -------------------------------------------------------------------------------- 1 | ### `tf.moving_average_variables()` {#moving_average_variables} 2 | 3 | Returns all variables that maintain their moving averages. 4 | 5 | If an `ExponentialMovingAverage` object is created and the `apply()` 6 | method is called on a list of variables, these variables will 7 | be added to the `GraphKeys.MOVING_AVERAGE_VARIABLES` collection. 8 | This convenience function returns the contents of that collection. 9 | 10 | ##### Returns: 11 | 12 | A list of Variable objects. 13 | 14 | -------------------------------------------------------------------------------- /third_party/nanopb.BUILD: -------------------------------------------------------------------------------- 1 | # Description: 2 | # Nanopb, a tiny ANSI C protobuf implementation for use on embedded devices. 3 | 4 | licenses(["notice"]) # zlib license 5 | 6 | exports_files(["LICENSE.txt"]) 7 | 8 | cc_library( 9 | name = "nanopb", 10 | srcs = [ 11 | "pb_common.c", 12 | "pb_decode.c", 13 | "pb_encode.c", 14 | ], 15 | hdrs = [ 16 | "pb.h", 17 | "pb_common.h", 18 | "pb_decode.h", 19 | "pb_encode.h", 20 | ], 21 | includes = ["."], 22 | visibility = ["//visibility:public"], 23 | ) 24 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/BUILD: -------------------------------------------------------------------------------- 1 | package(default_visibility = ["//tensorflow:internal"]) 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | exports_files(["LICENSE"]) 6 | 7 | filegroup( 8 | name = "all_files", 9 | srcs = glob( 10 | [ 11 | "tf_*/**/*", 12 | "vz_*/**/*", 13 | ], 14 | exclude = [ 15 | "**/tf_model_zoo/*", 16 | "**/METADATA", 17 | "**/OWNERS", 18 | ], 19 | ) + [ 20 | "BUILD", 21 | ], 22 | visibility = ["//tensorflow:__subpackages__"], 23 | ) 24 | -------------------------------------------------------------------------------- /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 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard7/tf.logical_or.md: -------------------------------------------------------------------------------- 1 | ### `tf.logical_or(x, y, name=None)` {#logical_or} 2 | 3 | Returns the truth value of x OR y element-wise. 4 | 5 | *NOTE*: `LogicalOr` supports broadcasting. More about broadcasting 6 | [here](http://docs.scipy.org/doc/numpy/user/basics.broadcasting.html) 7 | 8 | ##### Args: 9 | 10 | 11 | * `x`: A `Tensor` of type `bool`. 12 | * `y`: A `Tensor` of type `bool`. 13 | * `name`: A name for the operation (optional). 14 | 15 | ##### Returns: 16 | 17 | A `Tensor` of type `bool`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/images/getting_started.dot: -------------------------------------------------------------------------------- 1 | digraph Dependencies { 2 | node [shape = oval]; 3 | "predictions: MatMul()" -> "data: Concat()" 4 | "data: Concat()" -> data_left 5 | "data: Concat()" -> data_right 6 | "predictions: MatMul()" -> "weight_matrix: Reshape()" 7 | "weight_matrix: Reshape()" -> "new_weights: Add()" 8 | "new_weights: Add()" -> weights 9 | "new_weights: Add()" -> deltas 10 | "update: Assign()" -> weights 11 | "update: Assign()" -> "new_weights: Add()" 12 | "InitializeAllVariables()" -> weights 13 | "InitializeAllVariables()" -> init_value 14 | } -------------------------------------------------------------------------------- /tensorflow/examples/android/res/values/attrs.xml: -------------------------------------------------------------------------------- 1 | 2 | 3 | 9 | 10 | 11 | 12 | 13 | 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.add_n.md: -------------------------------------------------------------------------------- 1 | ### `tf.add_n(inputs, name=None)` {#add_n} 2 | 3 | Adds all input tensors element-wise. 4 | 5 | ##### Args: 6 | 7 | 8 | * `inputs`: A list of `Tensor` objects, each with same shape and type. 9 | * `name`: A name for the operation (optional). 10 | 11 | ##### Returns: 12 | 13 | A `Tensor` of same shape and type as the elements of `inputs`. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: If `inputs` don't all have same shape and dtype or the shape 19 | cannot be inferred. 20 | 21 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.losses.get_regularization_losses.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.losses.get_regularization_losses(*args, **kwargs)` {#get_regularization_losses} 2 | 3 | Gets the regularization losses. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2016-12-30. 6 | Instructions for updating: 7 | Use tf.losses.get_regularization_losses instead. 8 | 9 | ##### Args: 10 | 11 | 12 | * `scope`: an optional scope for filtering the losses to return. 13 | 14 | ##### Returns: 15 | 16 | A list of loss variables. 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.logical_and.md: -------------------------------------------------------------------------------- 1 | ### `tf.logical_and(x, y, name=None)` {#logical_and} 2 | 3 | Returns the truth value of x AND y element-wise. 4 | 5 | *NOTE*: `LogicalAnd` supports broadcasting. More about broadcasting 6 | [here](http://docs.scipy.org/doc/numpy/user/basics.broadcasting.html) 7 | 8 | ##### Args: 9 | 10 | 11 | * `x`: A `Tensor` of type `bool`. 12 | * `y`: A `Tensor` of type `bool`. 13 | * `name`: A name for the operation (optional). 14 | 15 | ##### Returns: 16 | 17 | A `Tensor` of type `bool`. 18 | 19 | -------------------------------------------------------------------------------- /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 | cc_library( 12 | name = "headers", 13 | hdrs = glob(["numpy_include/**/*.h"]), 14 | data = ["//util/python:python_checked"], 15 | includes = ["numpy_include"], 16 | ) 17 | 18 | genrule( 19 | name = "dummy", 20 | outs = ["tf_numpy_dummy.py"], 21 | cmd = "touch $@", 22 | visibility = ["//visibility:private"], 23 | ) 24 | -------------------------------------------------------------------------------- /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/contrib/tfprof/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | 3 | exports_files(["LICENSE"]) 4 | 5 | package(default_visibility = ["//tensorflow:__subpackages__"]) 6 | 7 | py_library( 8 | name = "tfprof", 9 | srcs = [ 10 | "__init__.py", 11 | ], 12 | srcs_version = "PY2AND3", 13 | visibility = ["//tensorflow:__subpackages__"], 14 | deps = [ 15 | "//tensorflow/contrib/tfprof/python/tools/tfprof:model_analyzer", 16 | "//tensorflow/contrib/tfprof/python/tools/tfprof:tfprof_logger", 17 | "//tensorflow/python:util", 18 | ], 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/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.framework.assert_scalar_int.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.assert_scalar_int(tensor, name=None)` {#assert_scalar_int} 2 | 3 | Assert `tensor` is 0-D, of type `tf.int32` or `tf.int64`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `tensor`: `Tensor` to test. 9 | * `name`: Name of the op and of the new `Tensor` if one is created. 10 | 11 | ##### Returns: 12 | 13 | `tensor`, for chaining. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: if `tensor` is not 0-D, of type `tf.int32` or `tf.int64`. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.contrib.graph_editor.op_type.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.op_type(op_types, op=None)` {#op_type} 2 | 3 | Check if an op is of the given type. 4 | 5 | ##### Args: 6 | 7 | 8 | * `op_types`: tuple of strings containing the types to check against. 9 | For instance: ("Add", "Const") 10 | * `op`: the operation to check (or None). 11 | 12 | ##### Returns: 13 | 14 | if op is not None, return True if the op is of the correct type. 15 | if op is None, return a lambda function which does the type checking. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.decode_base64.md: -------------------------------------------------------------------------------- 1 | ### `tf.decode_base64(input, name=None)` {#decode_base64} 2 | 3 | Decode web-safe base64-encoded strings. 4 | 5 | Input may or may not have padding at the end. See EncodeBase64 for padding. 6 | Web-safe means that input must use - and _ instead of + and /. 7 | 8 | ##### Args: 9 | 10 | 11 | * `input`: A `Tensor` of type `string`. Base64 strings to decode. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | A `Tensor` of type `string`. Decoded strings. 17 | 18 | -------------------------------------------------------------------------------- /third_party/mkl/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["restricted"]) # MPL2, portions GPL v3, LGPL v3, BSD-like TODO 2 | 3 | config_setting( 4 | name = "using_mkl", 5 | values = { 6 | "define": "using_mkl=true", 7 | }, 8 | visibility = ["//visibility:public"], 9 | ) 10 | 11 | load( 12 | "//third_party/mkl:build_defs.bzl", 13 | "if_mkl", 14 | ) 15 | 16 | cc_library( 17 | name = "intel_binary_blob", 18 | srcs = if_mkl([ 19 | "libmklml_intel.so", 20 | "libiomp5.so", 21 | ]), 22 | includes = ["."], 23 | visibility = ["//visibility:public"], 24 | ) 25 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.fft.md: -------------------------------------------------------------------------------- 1 | ### `tf.fft(input, name=None)` {#fft} 2 | 3 | Compute the 1-dimensional discrete Fourier Transform over the inner-most 4 | 5 | dimension of `input`. 6 | 7 | ##### Args: 8 | 9 | 10 | * `input`: A `Tensor` of type `complex64`. A complex64 tensor. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor` of type `complex64`. 16 | A complex64 tensor of the same shape as `input`. The inner-most 17 | dimension of `input` is replaced with its 1D Fourier Transform. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.AggregationMethod.md: -------------------------------------------------------------------------------- 1 | A class listing aggregation methods used to combine gradients. 2 | 3 | Computing partial derivatives can require aggregating gradient 4 | contributions. This class lists the various methods that can 5 | be used to combine gradients in the graph: 6 | 7 | * `ADD_N`: All of the gradient terms are summed as part of one 8 | operation using the "AddN" op. It has the property that all 9 | gradients must be ready before any aggregation is performed. 10 | * `DEFAULT`: The system-chosen default aggregation method. 11 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.reset_default_graph.md: -------------------------------------------------------------------------------- 1 | ### `tf.reset_default_graph()` {#reset_default_graph} 2 | 3 | Clears the default graph stack and resets the global default graph. 4 | 5 | NOTE: The default graph is a property of the current thread. This 6 | function applies only to the current thread. Calling this function while 7 | a `tf.Session` or `tf.InteractiveSession` is active will result in undefined 8 | behavior. Using any previously created `tf.Operation` or `tf.Tensor` objects 9 | after calling this function will result in undefined behavior. 10 | 11 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/histograms_run_run1_tag_histo1.json: -------------------------------------------------------------------------------- 1 | [[400.0, 40, [-0.3584790755077172, 3.0267252195784047, 20.0, 24.012225532303315, 48.29045006426564, [-0.35363819004775493, -0.29226296698161564, -0.19961953895336082, 0.3214892636797772, 0.5177616740489182, 0.56953784145381, 0.6264916255991911, 0.7580548669750213, 0.8338603536725235, 1.220854943811942, 1.3429404381931362, 1.47723448201245, 1.624957930213695, 1.7874537232350647, 1.9661990955585713, 2.379100905625872, 2.6170109961884593, 3.1665833053880363], [1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 1.0, 1.0, 2.0]]]] -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.learn.infer_real_valued_columns_from_input.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.learn.infer_real_valued_columns_from_input(x)` {#infer_real_valued_columns_from_input} 2 | 3 | Creates `FeatureColumn` objects for inputs defined by input `x`. 4 | 5 | This interprets all inputs as dense, fixed-length float values. 6 | 7 | ##### Args: 8 | 9 | 10 | * `x`: Real-valued matrix of shape [n_samples, n_features...]. Can be 11 | iterator that returns arrays of features. 12 | 13 | ##### Returns: 14 | 15 | List of `FeatureColumn` objects. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/demo/data/histograms_run_run2_tag_histo1.json: -------------------------------------------------------------------------------- 1 | [[400.0, 40, [-2.599286228987632, 3.5098048900144323, 20.0, 10.792285491200078, 66.66796979177158, [-2.379100905625872, -1.9661990955585713, -1.624957930213695, -1.47723448201245, -1.109868130738129, -1.0089710279437536, -0.42790220995778355, -0.2195814928486969, 0.47069243095356195, 0.7580548669750213, 0.917246389039776, 1.3429404381931362, 1.624957930213695, 1.7874537232350647, 2.1628190051144287, 2.6170109961884593, 2.8787120958073054, 3.8315657995195243], [1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 1.0, 1.0, 2.0, 1.0, 1.0]]]] -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.losses.get_losses.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.losses.get_losses(*args, **kwargs)` {#get_losses} 2 | 3 | Gets the list of losses from the loss_collection. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2016-12-30. 6 | Instructions for updating: 7 | Use tf.losses.get_losses instead. 8 | 9 | ##### Args: 10 | 11 | 12 | * `scope`: an optional scope for filtering the losses to return. 13 | * `loss_collection`: Optional losses collection. 14 | 15 | ##### Returns: 16 | 17 | a list of loss tensors. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.errors.PermissionDeniedError.md: -------------------------------------------------------------------------------- 1 | Raised when the caller does not have permission to run an operation. 2 | 3 | For example, running the 4 | [`tf.WholeFileReader.read()`](../../api_docs/python/io_ops.md#WholeFileReader) 5 | operation could raise `PermissionDeniedError` if it receives the name of a 6 | file for which the user does not have the read file permission. 7 | 8 | - - - 9 | 10 | #### `tf.errors.PermissionDeniedError.__init__(node_def, op, message)` {#PermissionDeniedError.__init__} 11 | 12 | Creates a `PermissionDeniedError`. 13 | 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/cc/StructThreadOptions.md: -------------------------------------------------------------------------------- 1 | # `struct tensorflow::ThreadOptions` 2 | 3 | Options to configure a Thread . 4 | 5 | Note that the options are all hints, and the underlying implementation may choose to ignore it. 6 | 7 | ###Member Details 8 | 9 | #### `size_t tensorflow::ThreadOptions::stack_size` {#size_t_tensorflow_ThreadOptions_stack_size} 10 | 11 | Thread stack size to use (in bytes). 12 | 13 | 14 | 15 | #### `size_t tensorflow::ThreadOptions::guard_size` {#size_t_tensorflow_ThreadOptions_guard_size} 16 | 17 | Guard area size to use near thread stacks to use (in bytes) 18 | 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard3/tf.errors.OutOfRangeError.md: -------------------------------------------------------------------------------- 1 | Raised when an operation iterates past the valid input range. 2 | 3 | This exception is raised in "end-of-file" conditions, such as when a 4 | [`queue.dequeue()`](../../api_docs/python/io_ops.md#QueueBase.dequeue) 5 | operation is blocked on an empty queue, and a 6 | [`queue.close()`](../../api_docs/python/io_ops.md#QueueBase.close) 7 | operation executes. 8 | 9 | - - - 10 | 11 | #### `tf.errors.OutOfRangeError.__init__(node_def, op, message)` {#OutOfRangeError.__init__} 12 | 13 | Creates an `OutOfRangeError`. 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.contrib.learn.extract_pandas_labels.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.learn.extract_pandas_labels(labels)` {#extract_pandas_labels} 2 | 3 | Extract data from pandas.DataFrame for labels. 4 | 5 | ##### Args: 6 | 7 | 8 | * `labels`: `pandas.DataFrame` or `pandas.Series` containing one column of 9 | labels to be extracted. 10 | 11 | ##### Returns: 12 | 13 | A numpy `ndarray` of labels from the DataFrame. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: if more than one column is found or type is not int, float or 19 | bool. 20 | 21 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.add_check_numerics_ops.md: -------------------------------------------------------------------------------- 1 | ### `tf.add_check_numerics_ops()` {#add_check_numerics_ops} 2 | 3 | Connect a `check_numerics` to every floating point tensor. 4 | 5 | `check_numerics` operations themselves are added for each `half`, `float`, 6 | or `double` tensor in the graph. For all ops in the graph, the 7 | `check_numerics` op for all of its (`half`, `float`, or `double`) inputs 8 | is guaranteed to run before the `check_numerics` op on any of its outputs. 9 | 10 | ##### Returns: 11 | 12 | A `group` op depending on all `check_numerics` ops added. 13 | 14 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.image.flip_up_down.md: -------------------------------------------------------------------------------- 1 | ### `tf.image.flip_up_down(image)` {#flip_up_down} 2 | 3 | Flip an image horizontally (upside down). 4 | 5 | Outputs the contents of `image` flipped along the first dimension, which is 6 | `height`. 7 | 8 | See also `reverse()`. 9 | 10 | ##### Args: 11 | 12 | 13 | * `image`: A 3-D tensor of shape `[height, width, channels].` 14 | 15 | ##### Returns: 16 | 17 | A 3-D tensor of the same type and shape as `image`. 18 | 19 | ##### Raises: 20 | 21 | 22 | * `ValueError`: if the shape of `image` not supported. 23 | 24 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.graph_editor.assign_renamed_collections_handler.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.assign_renamed_collections_handler(info, elem, elem_)` {#assign_renamed_collections_handler} 2 | 3 | Add the transformed elem to the (renamed) collections of elem. 4 | 5 | A collection is renamed only if is not a known key, as described in 6 | `tf.GraphKeys`. 7 | 8 | ##### Args: 9 | 10 | 11 | * `info`: Transform._TmpInfo instance. 12 | * `elem`: the original element (`tf.Tensor` or `tf.Operation`) 13 | * `elem_`: the transformed element 14 | 15 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.layers.bucketized_column.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.bucketized_column(source_column, boundaries)` {#bucketized_column} 2 | 3 | Creates a _BucketizedColumn for discretizing dense input. 4 | 5 | ##### Args: 6 | 7 | 8 | * `source_column`: A _RealValuedColumn defining dense column. 9 | * `boundaries`: A list of floats specifying the boundaries. It has to be sorted. 10 | 11 | ##### Returns: 12 | 13 | A _BucketizedColumn. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: if 'boundaries' is empty or not sorted. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.ifft.md: -------------------------------------------------------------------------------- 1 | ### `tf.ifft(input, name=None)` {#ifft} 2 | 3 | Compute the inverse 1-dimensional discrete Fourier Transform over the inner-most 4 | 5 | dimension of `input`. 6 | 7 | ##### Args: 8 | 9 | 10 | * `input`: A `Tensor` of type `complex64`. A complex64 tensor. 11 | * `name`: A name for the operation (optional). 12 | 13 | ##### Returns: 14 | 15 | A `Tensor` of type `complex64`. 16 | A complex64 tensor of the same shape as `input`. The inner-most 17 | dimension of `input` is replaced with its inverse 1D Fourier Transform. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.contrib.framework.get_variable_full_name.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.framework.get_variable_full_name(var)` {#get_variable_full_name} 2 | 3 | Returns the full name of a variable. 4 | 5 | For normal Variables, this is the same as the var.op.name. For 6 | sliced or PartitionedVariables, this name is the same for all the 7 | slices/partitions. In both cases, this is normally the name used in 8 | a checkpoint file. 9 | 10 | ##### Args: 11 | 12 | 13 | * `var`: A `Variable` object. 14 | 15 | ##### Returns: 16 | 17 | A string that is the full name. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.zeta.md: -------------------------------------------------------------------------------- 1 | ### `tf.zeta(x, q, name=None)` {#zeta} 2 | 3 | Compute the Hurwitz zeta function \\(\zeta(x, q)\\). 4 | 5 | The Hurwitz zeta function is defined as: 6 | 7 | ``` 8 | \zeta(x, q) = \sum_{n=0}^{\infty} (q + n)^{-x} 9 | ``` 10 | 11 | ##### Args: 12 | 13 | 14 | * `x`: A `Tensor`. Must be one of the following types: `float32`, `float64`. 15 | * `q`: A `Tensor`. Must have the same type as `x`. 16 | * `name`: A name for the operation (optional). 17 | 18 | ##### Returns: 19 | 20 | A `Tensor`. Has the same type as `x`. 21 | 22 | -------------------------------------------------------------------------------- /third_party/farmhash.BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # MIT 2 | 3 | exports_files(["COPYING"]) 4 | 5 | config_setting( 6 | name = "windows", 7 | values = { 8 | "cpu": "x64_windows_msvc", 9 | }, 10 | ) 11 | 12 | cc_library( 13 | name = "farmhash", 14 | srcs = ["src/farmhash.cc"], 15 | hdrs = ["src/farmhash.h"], 16 | # Disable __builtin_expect support on Windows 17 | copts = select({ 18 | ":windows": ["/DFARMHASH_OPTIONAL_BUILTIN_EXPECT"], 19 | "//conditions:default": [], 20 | }), 21 | includes = ["src/."], 22 | visibility = ["//visibility:public"], 23 | ) 24 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.write_file.md: -------------------------------------------------------------------------------- 1 | ### `tf.write_file(filename, contents, name=None)` {#write_file} 2 | 3 | Writes contents to the file at input filename. Creates file if not existing. 4 | 5 | ##### Args: 6 | 7 | 8 | * `filename`: A `Tensor` of type `string`. 9 | scalar. The name of the file to which we write the contents. 10 | * `contents`: A `Tensor` of type `string`. 11 | scalar. The content to be written to the output file. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | The created Operation. 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/tensorboard/components/tf_backend/test/data/histograms_run_run1_tag_histo1.json: -------------------------------------------------------------------------------- 1 | [[400.0, 40, [-0.3584790755077172, 3.0267252195784047, 20.0, 24.012225532303315, 48.29045006426564, [-0.35363819004775493, -0.29226296698161564, -0.19961953895336082, 0.3214892636797772, 0.5177616740489182, 0.56953784145381, 0.6264916255991911, 0.7580548669750213, 0.8338603536725235, 1.220854943811942, 1.3429404381931362, 1.47723448201245, 1.624957930213695, 1.7874537232350647, 1.9661990955585713, 2.379100905625872, 2.6170109961884593, 3.1665833053880363], [1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 1.0, 1.0, 2.0]]]] -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard5/tf.image.flip_left_right.md: -------------------------------------------------------------------------------- 1 | ### `tf.image.flip_left_right(image)` {#flip_left_right} 2 | 3 | Flip an image horizontally (left to right). 4 | 5 | Outputs the contents of `image` flipped along the second dimension, which is 6 | `width`. 7 | 8 | See also `reverse()`. 9 | 10 | ##### Args: 11 | 12 | 13 | * `image`: A 3-D tensor of shape `[height, width, channels].` 14 | 15 | ##### Returns: 16 | 17 | A 3-D tensor of the same type and shape as `image`. 18 | 19 | ##### Raises: 20 | 21 | 22 | * `ValueError`: if the shape of `image` not supported. 23 | 24 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.crf.crf_unary_score.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.crf.crf_unary_score(tag_indices, sequence_lengths, inputs)` {#crf_unary_score} 2 | 3 | Computes the unary scores of tag sequences. 4 | 5 | ##### Args: 6 | 7 | 8 | * `tag_indices`: A [batch_size, max_seq_len] matrix of tag indices. 9 | * `sequence_lengths`: A [batch_size] vector of true sequence lengths. 10 | * `inputs`: A [batch_size, max_seq_len, num_tags] tensor of unary potentials. 11 | 12 | ##### Returns: 13 | 14 | 15 | * `unary_scores`: A [batch_size] vector of unary scores. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.initialize_all_tables.md: -------------------------------------------------------------------------------- 1 | ### `tf.initialize_all_tables(*args, **kwargs)` {#initialize_all_tables} 2 | 3 | Returns an Op that initializes all tables of the default graph. (deprecated) 4 | 5 | THIS FUNCTION IS DEPRECATED. It will be removed after 2017-03-02. 6 | Instructions for updating: 7 | Use `tf.tables_initializer` instead. 8 | 9 | ##### Args: 10 | 11 | 12 | * `name`: Optional name for the initialization op. 13 | 14 | ##### Returns: 15 | 16 | An Op that initializes all tables. Note that if there are 17 | not tables the returned Op is a NoOp. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.image.grayscale_to_rgb.md: -------------------------------------------------------------------------------- 1 | ### `tf.image.grayscale_to_rgb(images, name=None)` {#grayscale_to_rgb} 2 | 3 | Converts one or more images from Grayscale to RGB. 4 | 5 | Outputs a tensor of the same `DType` and rank as `images`. The size of the 6 | last dimension of the output is 3, containing the RGB value of the pixels. 7 | 8 | ##### Args: 9 | 10 | 11 | * `images`: The Grayscale tensor to convert. Last dimension must be size 1. 12 | * `name`: A name for the operation (optional). 13 | 14 | ##### Returns: 15 | 16 | The converted grayscale image(s). 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.distributions.softplus_inverse.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.distributions.softplus_inverse(x, name=None)` {#softplus_inverse} 2 | 3 | Computes the inverse softplus, i.e., x = softplus_inverse(softplus(x)). 4 | 5 | Mathematically this op is equivalent to: 6 | 7 | ```none 8 | softplus_inverse = log(exp(x) - 1.) 9 | ``` 10 | 11 | ##### Args: 12 | 13 | 14 | * `x`: `Tensor`. Non-negative (not enforced), floating-point. 15 | * `name`: A name for the operation (optional). 16 | 17 | ##### Returns: 18 | 19 | `Tensor`. Has the same type/shape as input `x`. 20 | 21 | -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.layers.make_place_holder_tensors_for_base_features.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.layers.make_place_holder_tensors_for_base_features(feature_columns)` {#make_place_holder_tensors_for_base_features} 2 | 3 | Returns placeholder tensors for inference. 4 | 5 | ##### Args: 6 | 7 | 8 | * `feature_columns`: An iterable containing all the feature columns. All items 9 | should be instances of classes derived from _FeatureColumn. 10 | 11 | ##### Returns: 12 | 13 | A dict mapping feature keys to SparseTensors (sparse columns) or 14 | placeholder Tensors (dense columns). 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard8/tf.assert_proper_iterable.md: -------------------------------------------------------------------------------- 1 | ### `tf.assert_proper_iterable(values)` {#assert_proper_iterable} 2 | 3 | Static assert that values is a "proper" iterable. 4 | 5 | `Ops` that expect iterables of `Tensor` can call this to validate input. 6 | Useful since `Tensor`, `ndarray`, byte/text type are all iterables themselves. 7 | 8 | ##### Args: 9 | 10 | 11 | * `values`: Object to be checked. 12 | 13 | ##### Raises: 14 | 15 | 16 | * `TypeError`: If `values` is not iterable or is one of 17 | `Tensor`, `SparseTensor`, `np.array`, `tf.compat.bytes_or_text_types`. 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard2/tf.contrib.crf.crf_binary_score.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.crf.crf_binary_score(tag_indices, sequence_lengths, transition_params)` {#crf_binary_score} 2 | 3 | Computes the binary scores of tag sequences. 4 | 5 | ##### Args: 6 | 7 | 8 | * `tag_indices`: A [batch_size, max_seq_len] matrix of tag indices. 9 | * `sequence_lengths`: A [batch_size] vector of true sequence lengths. 10 | * `transition_params`: A [num_tags, num_tags] matrix of binary potentials. 11 | 12 | ##### Returns: 13 | 14 | 15 | * `binary_scores`: A [batch_size] vector of binary scores. 16 | 17 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.contrib.graph_editor.replace_t_with_placeholder_handler.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.replace_t_with_placeholder_handler(info, t)` {#replace_t_with_placeholder_handler} 2 | 3 | Transform a tensor into a placeholder tensor. 4 | 5 | This handler is typically used to transform a subgraph input tensor into a 6 | placeholder. 7 | 8 | ##### Args: 9 | 10 | 11 | * `info`: Transform._TmpInfo instance. 12 | * `t`: tensor whose input must be transformed into a place holder. 13 | 14 | ##### Returns: 15 | 16 | The tensor generated by the newly created place holder. 17 | 18 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard7/tf.summary.FileWriterCache.md: -------------------------------------------------------------------------------- 1 | Cache for file writers. 2 | 3 | This class caches file writers, one per directory. 4 | - - - 5 | 6 | #### `tf.summary.FileWriterCache.clear()` {#FileWriterCache.clear} 7 | 8 | Clear cached summary writers. Currently only used for unit tests. 9 | 10 | 11 | - - - 12 | 13 | #### `tf.summary.FileWriterCache.get(logdir)` {#FileWriterCache.get} 14 | 15 | Returns the FileWriter for the specified directory. 16 | 17 | ##### Args: 18 | 19 | 20 | * `logdir`: str, name of the directory. 21 | 22 | ##### Returns: 23 | 24 | A `FileWriter`. 25 | 26 | 27 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard9/tf.contrib.metrics.aggregate_metrics.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.metrics.aggregate_metrics(*value_update_tuples)` {#aggregate_metrics} 2 | 3 | Aggregates the metric value tensors and update ops into two lists. 4 | 5 | ##### Args: 6 | 7 | 8 | * `*value_update_tuples`: a variable number of tuples, each of which contain the 9 | pair of (value_tensor, update_op) from a streaming metric. 10 | 11 | ##### Returns: 12 | 13 | A list of value `Tensor` objects and a list of update ops. 14 | 15 | ##### Raises: 16 | 17 | 18 | * `ValueError`: if `value_update_tuples` is empty. 19 | 20 | -------------------------------------------------------------------------------- /tensorflow/tools/dist_test/python/BUILD: -------------------------------------------------------------------------------- 1 | # Python tools for running distributed benchmarks. 2 | 3 | licenses(["notice"]) # Apache 2.0 4 | 5 | py_library( 6 | name = "benchmark_util_lib", 7 | srcs = ["benchmark_util.py"], 8 | srcs_version = "PY2AND3", 9 | deps = [ 10 | "//tensorflow/core:protos_all_py", 11 | "//tensorflow/python:platform", 12 | ], 13 | ) 14 | 15 | py_test( 16 | name = "benchmark_util_test", 17 | srcs = ["benchmark_util_test.py"], 18 | srcs_version = "PY2AND3", 19 | deps = [ 20 | ":benchmark_util_lib", 21 | "//tensorflow/python:client_testlib", 22 | ], 23 | ) 24 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard0/tf.contrib.graph_editor.filter_ops.md: -------------------------------------------------------------------------------- 1 | ### `tf.contrib.graph_editor.filter_ops(ops, positive_filter)` {#filter_ops} 2 | 3 | Get the ops passing the given filter. 4 | 5 | ##### Args: 6 | 7 | 8 | * `ops`: an object convertible to a list of tf.Operation. 9 | * `positive_filter`: a function deciding where to keep an operation or not. 10 | If True, all the operations are returned. 11 | 12 | ##### Returns: 13 | 14 | A list of selected tf.Operation. 15 | 16 | ##### Raises: 17 | 18 | 19 | * `TypeError`: if ops cannot be converted to a list of tf.Operation. 20 | 21 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard4/tf.contrib.bayesflow.variational_inference.ELBOForms.md: -------------------------------------------------------------------------------- 1 | Constants to control the `elbo` calculation. 2 | 3 | `analytic_kl` uses the analytic KL divergence between the 4 | variational distribution(s) and the prior(s). 5 | 6 | `analytic_entropy` uses the analytic entropy of the variational 7 | distribution(s). 8 | 9 | `sample` uses the sample KL or the sample entropy is the joint is provided. 10 | 11 | See `elbo` for what is used with `default`. 12 | - - - 13 | 14 | #### `tf.contrib.bayesflow.variational_inference.ELBOForms.check_form(form)` {#ELBOForms.check_form} 15 | 16 | 17 | 18 | 19 | -------------------------------------------------------------------------------- /tensorflow/g3doc/api_docs/python/functions_and_classes/shard6/tf.errors.UnimplementedError.md: -------------------------------------------------------------------------------- 1 | Raised when an operation has not been implemented. 2 | 3 | Some operations may raise this error when passed otherwise-valid 4 | arguments that it does not currently support. For example, running 5 | the [`tf.nn.max_pool()`](../../api_docs/python/nn.md#max_pool) operation 6 | would raise this error if pooling was requested on the batch dimension, 7 | because this is not yet supported. 8 | 9 | - - - 10 | 11 | #### `tf.errors.UnimplementedError.__init__(node_def, op, message)` {#UnimplementedError.__init__} 12 | 13 | Creates an `UnimplementedError`. 14 | 15 | 16 | -------------------------------------------------------------------------------- /tensorflow/tools/tfprof/tfprof_log.proto: -------------------------------------------------------------------------------- 1 | syntax = "proto2"; 2 | 3 | package tensorflow.tfprof; 4 | 5 | message OpLogEntry { 6 | // op name. 7 | optional string name = 1; 8 | // float_ops is filled by tfprof Python API when called. It requires the 9 | // op has RegisterStatistics defined. Currently, Conv2D, MatMul, etc, are 10 | // implemented. 11 | optional int64 float_ops = 2; 12 | // User can define extra op type information for an op. This allows the user 13 | // to select a group of ops precisely using op_type as a key. 14 | repeated string types = 3; 15 | } 16 | 17 | message OpLog { 18 | repeated OpLogEntry log_entries = 1; 19 | } -------------------------------------------------------------------------------- /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/g3doc/api_docs/python/functions_and_classes/shard2/tf.FIFOQueue.from_list.md: -------------------------------------------------------------------------------- 1 | #### `tf.FIFOQueue.from_list(index, queues)` {#FIFOQueue.from_list} 2 | 3 | Create a queue using the queue reference from `queues[index]`. 4 | 5 | ##### Args: 6 | 7 | 8 | * `index`: An integer scalar tensor that determines the input that gets 9 | selected. 10 | * `queues`: A list of `QueueBase` objects. 11 | 12 | ##### Returns: 13 | 14 | A `QueueBase` object. 15 | 16 | ##### Raises: 17 | 18 | 19 | * `TypeError`: When `queues` is not a list of `QueueBase` objects, 20 | or when the data types of `queues` are not all the same. 21 | 22 | --------------------------------------------------------------------------------