From 122cdce33e3e0a01a7f82645617317530aa571fb Mon Sep 17 00:00:00 2001 From: "A. Unique TensorFlower" Date: Thu, 2 Jun 2016 12:32:54 -0800 Subject: [PATCH] Update copyright for 3p/tf. Change: 123901292 --- tensorflow/__init__.py | 2 +- tensorflow/cc/ops/cc_op_gen.cc | 2 +- tensorflow/cc/ops/cc_op_gen.h | 2 +- tensorflow/cc/ops/cc_op_gen_main.cc | 2 +- tensorflow/cc/ops/const_op.cc | 2 +- tensorflow/cc/ops/const_op.h | 2 +- tensorflow/cc/ops/standard_ops.h | 2 +- tensorflow/cc/tutorials/example_trainer.cc | 2 +- tensorflow/contrib/__init__.py | 4 ++-- tensorflow/contrib/bayesflow/__init__.py | 2 +- tensorflow/contrib/bayesflow/python/__init__.py | 2 +- tensorflow/contrib/copy_graph/__init__.py | 2 +- tensorflow/contrib/copy_graph/python/__init__.py | 2 +- tensorflow/contrib/copy_graph/python/util/__init__.py | 2 +- tensorflow/contrib/copy_graph/python/util/copy_elements.py | 2 +- tensorflow/contrib/copy_graph/python/util/copy_test.py | 2 +- tensorflow/contrib/ctc/__init__.py | 2 +- tensorflow/contrib/ctc/ctc_decoder_ops_test.py | 2 +- tensorflow/contrib/ctc/ctc_loss_op_test.py | 2 +- tensorflow/contrib/ctc/ctc_ops.py | 2 +- tensorflow/contrib/distributions/__init__.py | 2 +- tensorflow/contrib/distributions/python/__init__.py | 2 +- .../contrib/distributions/python/kernel_tests/chi2_test.py | 2 +- .../python/kernel_tests/dirichlet_multinomial_test.py | 2 +- .../distributions/python/kernel_tests/exponential_test.py | 2 +- .../contrib/distributions/python/kernel_tests/gamma_test.py | 2 +- .../contrib/distributions/python/kernel_tests/mvn_test.py | 2 +- .../python/kernel_tests/normal_conjugate_posteriors_test.py | 2 +- .../contrib/distributions/python/kernel_tests/normal_test.py | 2 +- .../distributions/python/kernel_tests/student_t_test.py | 2 +- .../contrib/distributions/python/kernel_tests/uniform_test.py | 2 +- tensorflow/contrib/distributions/python/ops/chi2.py | 2 +- .../contrib/distributions/python/ops/dirichlet_multinomial.py | 2 +- tensorflow/contrib/distributions/python/ops/distribution.py | 2 +- tensorflow/contrib/distributions/python/ops/exponential.py | 2 +- tensorflow/contrib/distributions/python/ops/gamma.py | 2 +- tensorflow/contrib/distributions/python/ops/mvn.py | 2 +- tensorflow/contrib/distributions/python/ops/normal.py | 2 +- .../distributions/python/ops/normal_conjugate_posteriors.py | 2 +- tensorflow/contrib/distributions/python/ops/student_t.py | 2 +- tensorflow/contrib/distributions/python/ops/uniform.py | 2 +- tensorflow/contrib/ffmpeg/__init__.py | 2 +- tensorflow/contrib/ffmpeg/decode_audio_op.cc | 2 +- tensorflow/contrib/ffmpeg/decode_audio_op_test.py | 2 +- tensorflow/contrib/ffmpeg/default/ffmpeg_lib.cc | 2 +- tensorflow/contrib/ffmpeg/default/ffmpeg_lib_test.cc | 2 +- tensorflow/contrib/ffmpeg/encode_audio_op.cc | 2 +- tensorflow/contrib/ffmpeg/encode_audio_op_test.py | 2 +- tensorflow/contrib/ffmpeg/ffmpeg_lib.h | 2 +- tensorflow/contrib/ffmpeg/ffmpeg_ops.py | 2 +- tensorflow/contrib/framework/__init__.py | 2 +- tensorflow/contrib/framework/python/framework/__init__.py | 2 +- tensorflow/contrib/framework/python/framework/tensor_util.py | 2 +- .../contrib/framework/python/framework/tensor_util_test.py | 2 +- tensorflow/contrib/framework/python/ops/__init__.py | 2 +- tensorflow/contrib/framework/python/ops/arg_scope.py | 2 +- tensorflow/contrib/framework/python/ops/arg_scope_test.py | 2 +- tensorflow/contrib/framework/python/ops/embedding_ops.py | 2 +- tensorflow/contrib/framework/python/ops/embedding_ops_test.py | 2 +- tensorflow/contrib/framework/python/ops/ops.py | 2 +- tensorflow/contrib/framework/python/ops/ops_test.py | 2 +- tensorflow/contrib/framework/python/ops/variables.py | 2 +- tensorflow/contrib/framework/python/ops/variables_test.py | 2 +- tensorflow/contrib/grid_rnn/__init__.py | 2 +- tensorflow/contrib/grid_rnn/python/__init__.py | 2 +- .../contrib/grid_rnn/python/kernel_tests/grid_rnn_test.py | 2 +- tensorflow/contrib/grid_rnn/python/ops/__init__.py | 2 +- tensorflow/contrib/grid_rnn/python/ops/grid_rnn_cell.py | 2 +- tensorflow/contrib/layers/__init__.py | 2 +- tensorflow/contrib/layers/kernels/bucketization_kernel.cc | 2 +- .../contrib/layers/kernels/sparse_feature_cross_kernel.cc | 2 +- tensorflow/contrib/layers/ops/bucketization_op.cc | 2 +- tensorflow/contrib/layers/ops/sparse_feature_cross_op.cc | 2 +- .../layers/python/kernel_tests/bucketization_op_test.py | 2 +- .../python/kernel_tests/sparse_feature_cross_op_test.py | 2 +- tensorflow/contrib/layers/python/layers/__init__.py | 2 +- tensorflow/contrib/layers/python/layers/feature_column.py | 2 +- tensorflow/contrib/layers/python/layers/feature_column_ops.py | 2 +- .../contrib/layers/python/layers/feature_column_ops_test.py | 2 +- .../contrib/layers/python/layers/feature_column_test.py | 2 +- tensorflow/contrib/layers/python/layers/initializers.py | 2 +- tensorflow/contrib/layers/python/layers/initializers_test.py | 2 +- tensorflow/contrib/layers/python/layers/layers.py | 2 +- tensorflow/contrib/layers/python/layers/layers_test.py | 2 +- tensorflow/contrib/layers/python/layers/optimizers.py | 2 +- tensorflow/contrib/layers/python/layers/optimizers_test.py | 2 +- tensorflow/contrib/layers/python/layers/regularizers.py | 2 +- tensorflow/contrib/layers/python/layers/regularizers_test.py | 2 +- tensorflow/contrib/layers/python/layers/summaries.py | 2 +- tensorflow/contrib/layers/python/layers/summaries_test.py | 2 +- tensorflow/contrib/layers/python/layers/utils.py | 2 +- tensorflow/contrib/layers/python/ops/bucketization_op.py | 2 +- .../contrib/layers/python/ops/sparse_feature_cross_op.py | 2 +- .../contrib/learn/python/learn/dataframe/transforms/batch.py | 2 +- .../learn/python/learn/dataframe/transforms/csv_parser.py | 2 +- .../learn/python/learn/dataframe/transforms/example_parser.py | 2 +- .../python/learn/dataframe/transforms/in_memory_source.py | 2 +- .../learn/python/learn/dataframe/transforms/reader_source.py | 2 +- tensorflow/contrib/linear_optimizer/__init__.py | 2 +- tensorflow/contrib/linear_optimizer/kernels/hinge-loss.h | 2 +- tensorflow/contrib/linear_optimizer/kernels/logistic-loss.h | 2 +- tensorflow/contrib/linear_optimizer/kernels/loss.h | 2 +- tensorflow/contrib/linear_optimizer/kernels/loss_test.cc | 2 +- tensorflow/contrib/linear_optimizer/kernels/resources.cc | 2 +- tensorflow/contrib/linear_optimizer/kernels/resources.h | 2 +- tensorflow/contrib/linear_optimizer/kernels/resources_test.cc | 2 +- tensorflow/contrib/linear_optimizer/kernels/sdca_ops.cc | 2 +- tensorflow/contrib/linear_optimizer/kernels/sdca_ops_test.cc | 2 +- tensorflow/contrib/linear_optimizer/kernels/squared-loss.h | 2 +- tensorflow/contrib/linear_optimizer/ops/sdca_ops.cc | 2 +- .../linear_optimizer/python/kernel_tests/sdca_ops_test.py | 2 +- tensorflow/contrib/linear_optimizer/python/ops/sdca_ops.py | 2 +- tensorflow/contrib/lookup/__init__.py | 2 +- tensorflow/contrib/lookup/lookup_ops.py | 2 +- tensorflow/contrib/lookup/lookup_ops_test.py | 2 +- tensorflow/contrib/losses/__init__.py | 2 +- tensorflow/contrib/losses/python/losses/__init__.py | 2 +- tensorflow/contrib/losses/python/losses/loss_ops.py | 2 +- tensorflow/contrib/losses/python/losses/loss_ops_test.py | 2 +- tensorflow/contrib/metrics/__init__.py | 2 +- tensorflow/contrib/metrics/kernels/set_kernels.cc | 2 +- tensorflow/contrib/metrics/ops/set_ops.cc | 2 +- .../metrics/python/kernel_tests/confusion_matrix_ops_test.py | 2 +- .../contrib/metrics/python/kernel_tests/histogram_ops_test.py | 2 +- .../contrib/metrics/python/kernel_tests/set_ops_test.py | 2 +- tensorflow/contrib/metrics/python/metrics/__init__.py | 2 +- tensorflow/contrib/metrics/python/metrics/classification.py | 2 +- .../contrib/metrics/python/metrics/classification_test.py | 2 +- tensorflow/contrib/metrics/python/ops/confusion_matrix_ops.py | 2 +- tensorflow/contrib/metrics/python/ops/histogram_ops.py | 2 +- tensorflow/contrib/metrics/python/ops/metric_ops.py | 2 +- tensorflow/contrib/metrics/python/ops/metric_ops_test.py | 2 +- tensorflow/contrib/metrics/python/ops/set_ops.py | 2 +- tensorflow/contrib/opt/__init__.py | 2 +- tensorflow/contrib/opt/python/training/external_optimizer.py | 2 +- .../contrib/opt/python/training/external_optimizer_test.py | 2 +- tensorflow/contrib/quantization/__init__.py | 2 +- tensorflow/contrib/quantization/kernels/dequantize_op.cc | 2 +- .../contrib/quantization/kernels/load_quantized_kernels_so.py | 2 +- tensorflow/contrib/quantization/kernels/quantization_utils.h | 2 +- .../contrib/quantization/kernels/quantization_utils_test.cc | 2 +- .../quantization/kernels/quantize_down_and_shrink_range.cc | 2 +- .../kernels/quantize_down_and_shrink_range_op_test.cc | 2 +- tensorflow/contrib/quantization/kernels/quantize_op.cc | 2 +- tensorflow/contrib/quantization/kernels/quantize_op_test.cc | 2 +- .../contrib/quantization/kernels/quantized_activation_ops.cc | 2 +- .../quantization/kernels/quantized_activation_ops_test.cc | 2 +- .../contrib/quantization/kernels/quantized_batch_norm_op.cc | 2 +- .../quantization/kernels/quantized_batch_norm_op_test.cc | 2 +- .../contrib/quantization/kernels/quantized_bias_add_op.cc | 2 +- .../quantization/kernels/quantized_bias_add_op_test.cc | 2 +- .../contrib/quantization/kernels/quantized_concat_op.cc | 2 +- .../contrib/quantization/kernels/quantized_concat_op_test.cc | 2 +- tensorflow/contrib/quantization/kernels/quantized_conv_ops.cc | 2 +- .../contrib/quantization/kernels/quantized_conv_ops_test.cc | 2 +- .../contrib/quantization/kernels/quantized_matmul_op.cc | 2 +- .../contrib/quantization/kernels/quantized_matmul_op_test.cc | 2 +- .../contrib/quantization/kernels/quantized_pooling_ops.cc | 2 +- .../quantization/kernels/quantized_pooling_ops_test.cc | 2 +- tensorflow/contrib/quantization/kernels/reference_gemm.h | 2 +- tensorflow/contrib/quantization/load_quantized_ops_so.py | 2 +- tensorflow/contrib/quantization/ops/array_ops.cc | 2 +- tensorflow/contrib/quantization/ops/math_ops.cc | 2 +- tensorflow/contrib/quantization/ops/nn_ops.cc | 2 +- tensorflow/contrib/quantization/python/__init__.py | 2 +- tensorflow/contrib/quantization/python/array_ops.py | 2 +- tensorflow/contrib/quantization/python/dequantize_op_test.py | 2 +- tensorflow/contrib/quantization/python/math_ops.py | 2 +- tensorflow/contrib/quantization/python/nn_ops.py | 2 +- .../contrib/quantization/python/quantized_conv_ops_test.py | 2 +- tensorflow/contrib/quantization/tools/graph_to_dot.py | 2 +- tensorflow/contrib/quantization/tools/quantize_graph.py | 2 +- tensorflow/contrib/quantization/tools/quantize_graph_test.py | 2 +- tensorflow/contrib/rnn/__init__.py | 2 +- tensorflow/contrib/rnn/python/__init__.py | 2 +- tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py | 2 +- tensorflow/contrib/rnn/python/ops/rnn_cell.py | 2 +- tensorflow/contrib/skflow/__init__.py | 2 +- tensorflow/contrib/slim/__init__.py | 2 +- tensorflow/contrib/tensor_forest/__init__.py | 2 +- tensorflow/contrib/tensor_forest/core/ops/best_splits_op.cc | 2 +- .../tensor_forest/core/ops/count_extremely_random_stats_op.cc | 2 +- .../contrib/tensor_forest/core/ops/finished_nodes_op.cc | 2 +- tensorflow/contrib/tensor_forest/core/ops/grow_tree_op.cc | 2 +- tensorflow/contrib/tensor_forest/core/ops/sample_inputs_op.cc | 2 +- .../contrib/tensor_forest/core/ops/scatter_add_ndim_op.cc | 2 +- .../contrib/tensor_forest/core/ops/tree_predictions_op.cc | 2 +- tensorflow/contrib/tensor_forest/core/ops/tree_utils.cc | 2 +- tensorflow/contrib/tensor_forest/core/ops/tree_utils.h | 2 +- tensorflow/contrib/tensor_forest/core/ops/tree_utils_test.cc | 2 +- .../contrib/tensor_forest/core/ops/update_fertile_slots_op.cc | 2 +- tensorflow/contrib/tensor_forest/python/__init__.py | 2 +- .../tensor_forest/python/kernel_tests/best_splits_op_test.py | 2 +- .../kernel_tests/count_extremely_random_stats_op_test.py | 2 +- .../python/kernel_tests/finished_nodes_op_test.py | 2 +- .../tensor_forest/python/kernel_tests/grow_tree_op_test.py | 2 +- .../python/kernel_tests/sample_inputs_op_test.py | 2 +- .../python/kernel_tests/scatter_add_ndim_op_test.py | 2 +- .../python/kernel_tests/tree_predictions_op_test.py | 2 +- .../python/kernel_tests/update_fertile_slots_op_test.py | 2 +- tensorflow/contrib/tensor_forest/python/ops/inference_ops.py | 2 +- tensorflow/contrib/tensor_forest/python/ops/training_ops.py | 2 +- tensorflow/contrib/tensor_forest/python/tensor_forest.py | 2 +- tensorflow/contrib/tensor_forest/python/tensor_forest_test.py | 2 +- tensorflow/contrib/testing/__init__.py | 2 +- tensorflow/contrib/util/__init__.py | 2 +- tensorflow/contrib/util/convert_graphdef_memmapped_format.cc | 2 +- .../contrib/util/convert_graphdef_memmapped_format_lib.cc | 2 +- .../contrib/util/convert_graphdef_memmapped_format_lib.h | 2 +- .../contrib/util/convert_graphdef_memmapped_format_test.cc | 2 +- tensorflow/contrib/util/inspect_checkpoint.cc | 2 +- .../examples/how_tos/reading_data/convert_to_records.py | 2 +- .../how_tos/reading_data/fully_connected_preloaded.py | 2 +- .../how_tos/reading_data/fully_connected_preloaded_var.py | 2 +- .../examples/how_tos/reading_data/fully_connected_reader.py | 2 +- tensorflow/examples/image_retraining/retrain.py | 2 +- tensorflow/examples/image_retraining/retrain_test.py | 2 +- tensorflow/examples/label_image/main.cc | 2 +- tensorflow/examples/tutorials/mnist/__init__.py | 2 +- tensorflow/examples/tutorials/mnist/fully_connected_feed.py | 2 +- tensorflow/examples/tutorials/mnist/input_data.py | 2 +- tensorflow/examples/tutorials/mnist/mnist.py | 2 +- tensorflow/examples/tutorials/mnist/mnist_softmax.py | 2 +- tensorflow/examples/tutorials/mnist/mnist_with_summaries.py | 2 +- tensorflow/examples/tutorials/word2vec/word2vec_basic.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/attr_examples.cc | 2 +- tensorflow/g3doc/how_tos/adding_an_op/cuda_op.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cc | 2 +- tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cu.cc | 2 +- tensorflow/g3doc/how_tos/adding_an_op/cuda_op_test.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/fact_test.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_1_test.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_2_test.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_3_test.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_grad_2.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_1.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_2.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_3.py | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_1.cc | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_2.cc | 2 +- tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_3.cc | 2 +- tensorflow/models/embedding/__init__.py | 2 +- tensorflow/models/embedding/word2vec.py | 2 +- tensorflow/models/embedding/word2vec_kernels.cc | 2 +- tensorflow/models/embedding/word2vec_ops.cc | 2 +- tensorflow/models/embedding/word2vec_optimized.py | 2 +- tensorflow/models/embedding/word2vec_optimized_test.py | 2 +- tensorflow/models/embedding/word2vec_test.py | 2 +- tensorflow/models/image/alexnet/alexnet_benchmark.py | 2 +- tensorflow/models/image/cifar10/__init__.py | 2 +- tensorflow/models/image/cifar10/cifar10.py | 2 +- tensorflow/models/image/cifar10/cifar10_eval.py | 2 +- tensorflow/models/image/cifar10/cifar10_input.py | 2 +- tensorflow/models/image/cifar10/cifar10_input_test.py | 2 +- tensorflow/models/image/cifar10/cifar10_multi_gpu_train.py | 2 +- tensorflow/models/image/cifar10/cifar10_train.py | 2 +- tensorflow/models/image/imagenet/classify_image.py | 2 +- tensorflow/models/image/mnist/convolutional.py | 2 +- tensorflow/models/rnn/__init__.py | 2 +- tensorflow/models/rnn/linear.py | 2 +- tensorflow/models/rnn/ptb/__init__.py | 2 +- tensorflow/models/rnn/ptb/ptb_word_lm.py | 2 +- tensorflow/models/rnn/ptb/reader.py | 2 +- tensorflow/models/rnn/ptb/reader_test.py | 2 +- tensorflow/models/rnn/rnn.py | 2 +- tensorflow/models/rnn/rnn_cell.py | 2 +- tensorflow/models/rnn/seq2seq.py | 2 +- tensorflow/models/rnn/translate/__init__.py | 2 +- tensorflow/models/rnn/translate/data_utils.py | 2 +- tensorflow/models/rnn/translate/seq2seq_model.py | 2 +- tensorflow/models/rnn/translate/translate.py | 2 +- tensorflow/stream_executor/blas.cc | 2 +- tensorflow/stream_executor/blas.h | 2 +- tensorflow/stream_executor/cuda/cuda_activation.cc | 2 +- tensorflow/stream_executor/cuda/cuda_activation.h | 2 +- tensorflow/stream_executor/cuda/cuda_blas.cc | 2 +- tensorflow/stream_executor/cuda/cuda_blas.h | 2 +- tensorflow/stream_executor/cuda/cuda_diagnostics.cc | 2 +- tensorflow/stream_executor/cuda/cuda_diagnostics.h | 2 +- tensorflow/stream_executor/cuda/cuda_dnn.cc | 2 +- tensorflow/stream_executor/cuda/cuda_dnn.h | 2 +- tensorflow/stream_executor/cuda/cuda_driver.cc | 2 +- tensorflow/stream_executor/cuda/cuda_driver.h | 2 +- tensorflow/stream_executor/cuda/cuda_event.cc | 2 +- tensorflow/stream_executor/cuda/cuda_event.h | 2 +- tensorflow/stream_executor/cuda/cuda_fft.cc | 2 +- tensorflow/stream_executor/cuda/cuda_fft.h | 2 +- tensorflow/stream_executor/cuda/cuda_gpu_executor.cc | 2 +- tensorflow/stream_executor/cuda/cuda_gpu_executor.h | 2 +- tensorflow/stream_executor/cuda/cuda_helpers.h | 2 +- tensorflow/stream_executor/cuda/cuda_kernel.h | 2 +- tensorflow/stream_executor/cuda/cuda_platform.cc | 2 +- tensorflow/stream_executor/cuda/cuda_platform.h | 2 +- tensorflow/stream_executor/cuda/cuda_platform_id.cc | 2 +- tensorflow/stream_executor/cuda/cuda_platform_id.h | 2 +- tensorflow/stream_executor/cuda/cuda_rng.cc | 2 +- tensorflow/stream_executor/cuda/cuda_rng.h | 2 +- tensorflow/stream_executor/cuda/cuda_stream.cc | 2 +- tensorflow/stream_executor/cuda/cuda_stream.h | 2 +- tensorflow/stream_executor/cuda/cuda_timer.cc | 2 +- tensorflow/stream_executor/cuda/cuda_timer.h | 2 +- tensorflow/stream_executor/cuda/multi_op_activation.h | 2 +- tensorflow/stream_executor/device_description.cc | 2 +- tensorflow/stream_executor/device_description.h | 2 +- tensorflow/stream_executor/device_memory.h | 2 +- tensorflow/stream_executor/device_options.h | 2 +- tensorflow/stream_executor/dnn.cc | 2 +- tensorflow/stream_executor/dnn.h | 2 +- tensorflow/stream_executor/dso_loader.cc | 2 +- tensorflow/stream_executor/dso_loader.h | 2 +- tensorflow/stream_executor/event.cc | 2 +- tensorflow/stream_executor/event.h | 2 +- tensorflow/stream_executor/executor_cache.cc | 2 +- tensorflow/stream_executor/executor_cache.h | 2 +- tensorflow/stream_executor/fft.h | 2 +- tensorflow/stream_executor/gcuda.cc | 2 +- tensorflow/stream_executor/gcuda.h | 2 +- tensorflow/stream_executor/gpu_launch_dim.h | 2 +- tensorflow/stream_executor/kernel.cc | 2 +- tensorflow/stream_executor/kernel.h | 2 +- tensorflow/stream_executor/kernel_cache_config.h | 2 +- tensorflow/stream_executor/kernel_spec.cc | 2 +- tensorflow/stream_executor/kernel_spec.h | 2 +- tensorflow/stream_executor/launch_dim.h | 2 +- tensorflow/stream_executor/lib/array_slice.h | 2 +- tensorflow/stream_executor/lib/casts.h | 2 +- tensorflow/stream_executor/lib/demangle.cc | 2 +- tensorflow/stream_executor/lib/demangle.h | 2 +- tensorflow/stream_executor/lib/env.h | 2 +- tensorflow/stream_executor/lib/error.h | 2 +- tensorflow/stream_executor/lib/human_readable.h | 2 +- tensorflow/stream_executor/lib/initialize.h | 2 +- tensorflow/stream_executor/lib/inlined_vector.h | 2 +- tensorflow/stream_executor/lib/mathutil.h | 2 +- tensorflow/stream_executor/lib/notification.h | 2 +- tensorflow/stream_executor/lib/numbers.cc | 2 +- tensorflow/stream_executor/lib/numbers.h | 2 +- tensorflow/stream_executor/lib/path.cc | 2 +- tensorflow/stream_executor/lib/path.h | 2 +- tensorflow/stream_executor/lib/process_state.cc | 2 +- tensorflow/stream_executor/lib/process_state.h | 2 +- tensorflow/stream_executor/lib/ptr_util.h | 2 +- tensorflow/stream_executor/lib/stacktrace.h | 2 +- tensorflow/stream_executor/lib/static_threadlocal.h | 2 +- tensorflow/stream_executor/lib/status.h | 2 +- tensorflow/stream_executor/lib/status_macros.h | 2 +- tensorflow/stream_executor/lib/statusor.h | 2 +- tensorflow/stream_executor/lib/str_util.h | 2 +- tensorflow/stream_executor/lib/strcat.h | 2 +- tensorflow/stream_executor/lib/stringpiece.h | 2 +- tensorflow/stream_executor/lib/stringprintf.h | 2 +- tensorflow/stream_executor/lib/thread_options.h | 2 +- tensorflow/stream_executor/lib/threadpool.h | 2 +- tensorflow/stream_executor/machine_manager.cc | 2 +- tensorflow/stream_executor/machine_manager.h | 2 +- tensorflow/stream_executor/multi_platform_manager.cc | 2 +- tensorflow/stream_executor/multi_platform_manager.h | 2 +- tensorflow/stream_executor/platform.cc | 2 +- tensorflow/stream_executor/platform.h | 2 +- tensorflow/stream_executor/platform/default/mutex.h | 2 +- tensorflow/stream_executor/platform/logging.h | 2 +- tensorflow/stream_executor/platform/mutex.h | 2 +- tensorflow/stream_executor/platform/port.h | 2 +- tensorflow/stream_executor/platform/thread_annotations.h | 2 +- tensorflow/stream_executor/plugin.cc | 2 +- tensorflow/stream_executor/plugin.h | 2 +- tensorflow/stream_executor/plugin_registry.cc | 2 +- tensorflow/stream_executor/plugin_registry.h | 2 +- tensorflow/stream_executor/rng.cc | 2 +- tensorflow/stream_executor/rng.h | 2 +- tensorflow/stream_executor/scratch_allocator.cc | 2 +- tensorflow/stream_executor/scratch_allocator.h | 2 +- tensorflow/stream_executor/shared_memory_config.h | 2 +- tensorflow/stream_executor/stream.cc | 2 +- tensorflow/stream_executor/stream.h | 2 +- tensorflow/stream_executor/stream_executor.h | 2 +- tensorflow/stream_executor/stream_executor_internal.cc | 2 +- tensorflow/stream_executor/stream_executor_internal.h | 2 +- tensorflow/stream_executor/stream_executor_pimpl.cc | 2 +- tensorflow/stream_executor/stream_executor_pimpl.h | 2 +- tensorflow/stream_executor/temporary_device_memory.cc | 2 +- tensorflow/stream_executor/temporary_device_memory.h | 2 +- tensorflow/stream_executor/temporary_memory_manager.cc | 2 +- tensorflow/stream_executor/temporary_memory_manager.h | 2 +- tensorflow/stream_executor/timer.cc | 2 +- tensorflow/stream_executor/timer.h | 2 +- tensorflow/stream_executor/trace_listener.h | 2 +- tensorflow/tools/pip_package/build_pip_package.sh | 2 +- tensorflow/tools/pip_package/setup.py | 2 +- tensorflow/tools/pip_package/simple_console.py | 2 +- tensorflow/user_ops/ackermann_op.cc | 2 +- tensorflow/user_ops/ackermann_test.py | 2 +- .../crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc | 2 +- third_party/gpus/cuda/cuda_config.sh | 2 +- util/python/python_config.sh | 2 +- 395 files changed, 396 insertions(+), 396 deletions(-) diff --git a/tensorflow/__init__.py b/tensorflow/__init__.py index c9bd79391ef..4fc5d8e8168 100644 --- a/tensorflow/__init__.py +++ b/tensorflow/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/cc_op_gen.cc b/tensorflow/cc/ops/cc_op_gen.cc index b29f7360c6b..a6ca41ce389 100644 --- a/tensorflow/cc/ops/cc_op_gen.cc +++ b/tensorflow/cc/ops/cc_op_gen.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/cc_op_gen.h b/tensorflow/cc/ops/cc_op_gen.h index c99b42c52b7..09f9ca2467e 100644 --- a/tensorflow/cc/ops/cc_op_gen.h +++ b/tensorflow/cc/ops/cc_op_gen.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/cc_op_gen_main.cc b/tensorflow/cc/ops/cc_op_gen_main.cc index d6c3cd89bd2..47491fac108 100644 --- a/tensorflow/cc/ops/cc_op_gen_main.cc +++ b/tensorflow/cc/ops/cc_op_gen_main.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/const_op.cc b/tensorflow/cc/ops/const_op.cc index 5f5680e54ee..4b4b0e06e14 100644 --- a/tensorflow/cc/ops/const_op.cc +++ b/tensorflow/cc/ops/const_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/const_op.h b/tensorflow/cc/ops/const_op.h index f29e2ab3da6..a079368ef7d 100644 --- a/tensorflow/cc/ops/const_op.h +++ b/tensorflow/cc/ops/const_op.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/ops/standard_ops.h b/tensorflow/cc/ops/standard_ops.h index e9aa7a060ec..13cb9d252ba 100644 --- a/tensorflow/cc/ops/standard_ops.h +++ b/tensorflow/cc/ops/standard_ops.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/cc/tutorials/example_trainer.cc b/tensorflow/cc/tutorials/example_trainer.cc index 084183be3fb..38439e6d8b6 100644 --- a/tensorflow/cc/tutorials/example_trainer.cc +++ b/tensorflow/cc/tutorials/example_trainer.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/__init__.py b/tensorflow/contrib/__init__.py index b749e378931..ab02a6e9914 100644 --- a/tensorflow/contrib/__init__.py +++ b/tensorflow/contrib/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -19,6 +19,7 @@ from __future__ import division from __future__ import print_function # Add projects here, they will show up under tf.contrib. +from tensorflow.contrib import copy_graph from tensorflow.contrib import ctc from tensorflow.contrib import distributions from tensorflow.contrib import framework @@ -36,4 +37,3 @@ from tensorflow.contrib import skflow from tensorflow.contrib import tensor_forest from tensorflow.contrib import testing from tensorflow.contrib import util -from tensorflow.contrib import copy_graph diff --git a/tensorflow/contrib/bayesflow/__init__.py b/tensorflow/contrib/bayesflow/__init__.py index 813266bfbc0..8855dec323a 100644 --- a/tensorflow/contrib/bayesflow/__init__.py +++ b/tensorflow/contrib/bayesflow/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/bayesflow/python/__init__.py b/tensorflow/contrib/bayesflow/python/__init__.py index 3f13bfc4fcc..c5ca3a623fb 100644 --- a/tensorflow/contrib/bayesflow/python/__init__.py +++ b/tensorflow/contrib/bayesflow/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/copy_graph/__init__.py b/tensorflow/contrib/copy_graph/__init__.py index 1b15f3eb73d..247d3a93376 100644 --- a/tensorflow/contrib/copy_graph/__init__.py +++ b/tensorflow/contrib/copy_graph/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/copy_graph/python/__init__.py b/tensorflow/contrib/copy_graph/python/__init__.py index 1028adbba3d..b9ff28eb0d7 100644 --- a/tensorflow/contrib/copy_graph/python/__init__.py +++ b/tensorflow/contrib/copy_graph/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/copy_graph/python/util/__init__.py b/tensorflow/contrib/copy_graph/python/util/__init__.py index 1028adbba3d..b9ff28eb0d7 100644 --- a/tensorflow/contrib/copy_graph/python/util/__init__.py +++ b/tensorflow/contrib/copy_graph/python/util/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/copy_graph/python/util/copy_elements.py b/tensorflow/contrib/copy_graph/python/util/copy_elements.py index 9cfff057562..62a8d784eea 100644 --- a/tensorflow/contrib/copy_graph/python/util/copy_elements.py +++ b/tensorflow/contrib/copy_graph/python/util/copy_elements.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/copy_graph/python/util/copy_test.py b/tensorflow/contrib/copy_graph/python/util/copy_test.py index 68a3f90d26c..d812ad15673 100644 --- a/tensorflow/contrib/copy_graph/python/util/copy_test.py +++ b/tensorflow/contrib/copy_graph/python/util/copy_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ctc/__init__.py b/tensorflow/contrib/ctc/__init__.py index f7df3ba8067..3ab198ea37e 100644 --- a/tensorflow/contrib/ctc/__init__.py +++ b/tensorflow/contrib/ctc/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ctc/ctc_decoder_ops_test.py b/tensorflow/contrib/ctc/ctc_decoder_ops_test.py index 2a8cfc0e97c..e1951e392af 100644 --- a/tensorflow/contrib/ctc/ctc_decoder_ops_test.py +++ b/tensorflow/contrib/ctc/ctc_decoder_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ctc/ctc_loss_op_test.py b/tensorflow/contrib/ctc/ctc_loss_op_test.py index 78b9dbb2160..e8cb49eb9ff 100644 --- a/tensorflow/contrib/ctc/ctc_loss_op_test.py +++ b/tensorflow/contrib/ctc/ctc_loss_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ctc/ctc_ops.py b/tensorflow/contrib/ctc/ctc_ops.py index 5426ddbcece..0104fa78b7e 100644 --- a/tensorflow/contrib/ctc/ctc_ops.py +++ b/tensorflow/contrib/ctc/ctc_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/__init__.py b/tensorflow/contrib/distributions/__init__.py index 7fa8c0fb0c6..a5540ffeb39 100644 --- a/tensorflow/contrib/distributions/__init__.py +++ b/tensorflow/contrib/distributions/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/__init__.py b/tensorflow/contrib/distributions/python/__init__.py index 3f13bfc4fcc..c5ca3a623fb 100644 --- a/tensorflow/contrib/distributions/python/__init__.py +++ b/tensorflow/contrib/distributions/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/chi2_test.py b/tensorflow/contrib/distributions/python/kernel_tests/chi2_test.py index 84763735637..59f17d4887f 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/chi2_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/chi2_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/dirichlet_multinomial_test.py b/tensorflow/contrib/distributions/python/kernel_tests/dirichlet_multinomial_test.py index 0eaf419c258..95852f1732f 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/dirichlet_multinomial_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/dirichlet_multinomial_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/exponential_test.py b/tensorflow/contrib/distributions/python/kernel_tests/exponential_test.py index 6fd03e90bf6..4f4580c8f0e 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/exponential_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/exponential_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/gamma_test.py b/tensorflow/contrib/distributions/python/kernel_tests/gamma_test.py index e416a494acf..954ec2bae82 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/gamma_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/gamma_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/mvn_test.py b/tensorflow/contrib/distributions/python/kernel_tests/mvn_test.py index d99a2998d8a..2645e792426 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/mvn_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/mvn_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/normal_conjugate_posteriors_test.py b/tensorflow/contrib/distributions/python/kernel_tests/normal_conjugate_posteriors_test.py index 1d03396bf68..66b9f0d9da8 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/normal_conjugate_posteriors_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/normal_conjugate_posteriors_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/normal_test.py b/tensorflow/contrib/distributions/python/kernel_tests/normal_test.py index eca35f5b2a2..979d6e65337 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/normal_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/normal_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/student_t_test.py b/tensorflow/contrib/distributions/python/kernel_tests/student_t_test.py index 625c421dc31..4567901f41c 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/student_t_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/student_t_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/kernel_tests/uniform_test.py b/tensorflow/contrib/distributions/python/kernel_tests/uniform_test.py index 4fefa69e048..b5bc1b4c797 100644 --- a/tensorflow/contrib/distributions/python/kernel_tests/uniform_test.py +++ b/tensorflow/contrib/distributions/python/kernel_tests/uniform_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/chi2.py b/tensorflow/contrib/distributions/python/ops/chi2.py index cdcb5620f20..f7b1ef954f4 100644 --- a/tensorflow/contrib/distributions/python/ops/chi2.py +++ b/tensorflow/contrib/distributions/python/ops/chi2.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/dirichlet_multinomial.py b/tensorflow/contrib/distributions/python/ops/dirichlet_multinomial.py index 7606b25d55d..816c8f67ca8 100644 --- a/tensorflow/contrib/distributions/python/ops/dirichlet_multinomial.py +++ b/tensorflow/contrib/distributions/python/ops/dirichlet_multinomial.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/distribution.py b/tensorflow/contrib/distributions/python/ops/distribution.py index 84c9a1c1411..2539f3154b3 100644 --- a/tensorflow/contrib/distributions/python/ops/distribution.py +++ b/tensorflow/contrib/distributions/python/ops/distribution.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/exponential.py b/tensorflow/contrib/distributions/python/ops/exponential.py index 4a93c210b91..cfabd50e489 100644 --- a/tensorflow/contrib/distributions/python/ops/exponential.py +++ b/tensorflow/contrib/distributions/python/ops/exponential.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/gamma.py b/tensorflow/contrib/distributions/python/ops/gamma.py index 9fbb96958aa..db56d6eec1c 100644 --- a/tensorflow/contrib/distributions/python/ops/gamma.py +++ b/tensorflow/contrib/distributions/python/ops/gamma.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/mvn.py b/tensorflow/contrib/distributions/python/ops/mvn.py index f0032283748..6add74874c7 100644 --- a/tensorflow/contrib/distributions/python/ops/mvn.py +++ b/tensorflow/contrib/distributions/python/ops/mvn.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/normal.py b/tensorflow/contrib/distributions/python/ops/normal.py index 9a01e39f21a..96f2a108d24 100644 --- a/tensorflow/contrib/distributions/python/ops/normal.py +++ b/tensorflow/contrib/distributions/python/ops/normal.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/normal_conjugate_posteriors.py b/tensorflow/contrib/distributions/python/ops/normal_conjugate_posteriors.py index 45ddd3ada36..4358d29c134 100644 --- a/tensorflow/contrib/distributions/python/ops/normal_conjugate_posteriors.py +++ b/tensorflow/contrib/distributions/python/ops/normal_conjugate_posteriors.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/student_t.py b/tensorflow/contrib/distributions/python/ops/student_t.py index fda29075981..6b74eced423 100644 --- a/tensorflow/contrib/distributions/python/ops/student_t.py +++ b/tensorflow/contrib/distributions/python/ops/student_t.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/distributions/python/ops/uniform.py b/tensorflow/contrib/distributions/python/ops/uniform.py index 9ce2c33c531..de7626a0891 100644 --- a/tensorflow/contrib/distributions/python/ops/uniform.py +++ b/tensorflow/contrib/distributions/python/ops/uniform.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/__init__.py b/tensorflow/contrib/ffmpeg/__init__.py index b63729574ec..59d5aac6031 100644 --- a/tensorflow/contrib/ffmpeg/__init__.py +++ b/tensorflow/contrib/ffmpeg/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/decode_audio_op.cc b/tensorflow/contrib/ffmpeg/decode_audio_op.cc index a2ecc7f287e..0b743b823db 100644 --- a/tensorflow/contrib/ffmpeg/decode_audio_op.cc +++ b/tensorflow/contrib/ffmpeg/decode_audio_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/decode_audio_op_test.py b/tensorflow/contrib/ffmpeg/decode_audio_op_test.py index f362e9d6bf8..a18d438b24f 100644 --- a/tensorflow/contrib/ffmpeg/decode_audio_op_test.py +++ b/tensorflow/contrib/ffmpeg/decode_audio_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/default/ffmpeg_lib.cc b/tensorflow/contrib/ffmpeg/default/ffmpeg_lib.cc index 8a7b6840f67..510426cc034 100644 --- a/tensorflow/contrib/ffmpeg/default/ffmpeg_lib.cc +++ b/tensorflow/contrib/ffmpeg/default/ffmpeg_lib.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/default/ffmpeg_lib_test.cc b/tensorflow/contrib/ffmpeg/default/ffmpeg_lib_test.cc index ec0b19f961a..f4cfa0bbc67 100644 --- a/tensorflow/contrib/ffmpeg/default/ffmpeg_lib_test.cc +++ b/tensorflow/contrib/ffmpeg/default/ffmpeg_lib_test.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/encode_audio_op.cc b/tensorflow/contrib/ffmpeg/encode_audio_op.cc index 46fcbc75d74..818285be5c1 100644 --- a/tensorflow/contrib/ffmpeg/encode_audio_op.cc +++ b/tensorflow/contrib/ffmpeg/encode_audio_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/encode_audio_op_test.py b/tensorflow/contrib/ffmpeg/encode_audio_op_test.py index 30f53e519dd..c88f83ac14d 100644 --- a/tensorflow/contrib/ffmpeg/encode_audio_op_test.py +++ b/tensorflow/contrib/ffmpeg/encode_audio_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/ffmpeg_lib.h b/tensorflow/contrib/ffmpeg/ffmpeg_lib.h index 46b42c14334..f64007c81d7 100644 --- a/tensorflow/contrib/ffmpeg/ffmpeg_lib.h +++ b/tensorflow/contrib/ffmpeg/ffmpeg_lib.h @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/ffmpeg/ffmpeg_ops.py b/tensorflow/contrib/ffmpeg/ffmpeg_ops.py index 3d09cb6d57d..82c2525aa87 100644 --- a/tensorflow/contrib/ffmpeg/ffmpeg_ops.py +++ b/tensorflow/contrib/ffmpeg/ffmpeg_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/__init__.py b/tensorflow/contrib/framework/__init__.py index fe039f20138..dc20021a898 100644 --- a/tensorflow/contrib/framework/__init__.py +++ b/tensorflow/contrib/framework/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/framework/__init__.py b/tensorflow/contrib/framework/python/framework/__init__.py index 4a17474b635..496f9532c1d 100644 --- a/tensorflow/contrib/framework/python/framework/__init__.py +++ b/tensorflow/contrib/framework/python/framework/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/framework/tensor_util.py b/tensorflow/contrib/framework/python/framework/tensor_util.py index 3e8da8cf4e8..50b044465f2 100644 --- a/tensorflow/contrib/framework/python/framework/tensor_util.py +++ b/tensorflow/contrib/framework/python/framework/tensor_util.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/framework/tensor_util_test.py b/tensorflow/contrib/framework/python/framework/tensor_util_test.py index 91381e0ddd5..e08b42d0e50 100644 --- a/tensorflow/contrib/framework/python/framework/tensor_util_test.py +++ b/tensorflow/contrib/framework/python/framework/tensor_util_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/__init__.py b/tensorflow/contrib/framework/python/ops/__init__.py index 2436fe08d50..175ab848f08 100644 --- a/tensorflow/contrib/framework/python/ops/__init__.py +++ b/tensorflow/contrib/framework/python/ops/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/arg_scope.py b/tensorflow/contrib/framework/python/ops/arg_scope.py index 587b7739c99..56c48bbe9ad 100644 --- a/tensorflow/contrib/framework/python/ops/arg_scope.py +++ b/tensorflow/contrib/framework/python/ops/arg_scope.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/arg_scope_test.py b/tensorflow/contrib/framework/python/ops/arg_scope_test.py index e5468d451c8..7aa8cb427b1 100644 --- a/tensorflow/contrib/framework/python/ops/arg_scope_test.py +++ b/tensorflow/contrib/framework/python/ops/arg_scope_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/embedding_ops.py b/tensorflow/contrib/framework/python/ops/embedding_ops.py index 9e8c94fcddb..5ba65f3f980 100644 --- a/tensorflow/contrib/framework/python/ops/embedding_ops.py +++ b/tensorflow/contrib/framework/python/ops/embedding_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/embedding_ops_test.py b/tensorflow/contrib/framework/python/ops/embedding_ops_test.py index 8fff73cb552..56012c0e3f8 100644 --- a/tensorflow/contrib/framework/python/ops/embedding_ops_test.py +++ b/tensorflow/contrib/framework/python/ops/embedding_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/ops.py b/tensorflow/contrib/framework/python/ops/ops.py index b6eba747560..f403942fe7d 100644 --- a/tensorflow/contrib/framework/python/ops/ops.py +++ b/tensorflow/contrib/framework/python/ops/ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/ops_test.py b/tensorflow/contrib/framework/python/ops/ops_test.py index 88b29242dab..8561512acc2 100644 --- a/tensorflow/contrib/framework/python/ops/ops_test.py +++ b/tensorflow/contrib/framework/python/ops/ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/variables.py b/tensorflow/contrib/framework/python/ops/variables.py index 34e6d5411d1..e6fd9507ea8 100644 --- a/tensorflow/contrib/framework/python/ops/variables.py +++ b/tensorflow/contrib/framework/python/ops/variables.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/framework/python/ops/variables_test.py b/tensorflow/contrib/framework/python/ops/variables_test.py index 8a512d95375..79412bbf5d4 100644 --- a/tensorflow/contrib/framework/python/ops/variables_test.py +++ b/tensorflow/contrib/framework/python/ops/variables_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/grid_rnn/__init__.py b/tensorflow/contrib/grid_rnn/__init__.py index fbe380f1f31..28f379375a0 100644 --- a/tensorflow/contrib/grid_rnn/__init__.py +++ b/tensorflow/contrib/grid_rnn/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/grid_rnn/python/__init__.py b/tensorflow/contrib/grid_rnn/python/__init__.py index 94872f4f0c0..d2b5550aa61 100644 --- a/tensorflow/contrib/grid_rnn/python/__init__.py +++ b/tensorflow/contrib/grid_rnn/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/grid_rnn/python/kernel_tests/grid_rnn_test.py b/tensorflow/contrib/grid_rnn/python/kernel_tests/grid_rnn_test.py index d79cafe944a..174de29f84d 100644 --- a/tensorflow/contrib/grid_rnn/python/kernel_tests/grid_rnn_test.py +++ b/tensorflow/contrib/grid_rnn/python/kernel_tests/grid_rnn_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/grid_rnn/python/ops/__init__.py b/tensorflow/contrib/grid_rnn/python/ops/__init__.py index 94872f4f0c0..d2b5550aa61 100644 --- a/tensorflow/contrib/grid_rnn/python/ops/__init__.py +++ b/tensorflow/contrib/grid_rnn/python/ops/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/grid_rnn/python/ops/grid_rnn_cell.py b/tensorflow/contrib/grid_rnn/python/ops/grid_rnn_cell.py index 3976727609c..8a2d4331410 100644 --- a/tensorflow/contrib/grid_rnn/python/ops/grid_rnn_cell.py +++ b/tensorflow/contrib/grid_rnn/python/ops/grid_rnn_cell.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/__init__.py b/tensorflow/contrib/layers/__init__.py index f67de390308..4852d718933 100644 --- a/tensorflow/contrib/layers/__init__.py +++ b/tensorflow/contrib/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/kernels/bucketization_kernel.cc b/tensorflow/contrib/layers/kernels/bucketization_kernel.cc index 3f3768cfeb3..5cfa39de764 100644 --- a/tensorflow/contrib/layers/kernels/bucketization_kernel.cc +++ b/tensorflow/contrib/layers/kernels/bucketization_kernel.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/kernels/sparse_feature_cross_kernel.cc b/tensorflow/contrib/layers/kernels/sparse_feature_cross_kernel.cc index 7633194d0c0..1e154ea8962 100644 --- a/tensorflow/contrib/layers/kernels/sparse_feature_cross_kernel.cc +++ b/tensorflow/contrib/layers/kernels/sparse_feature_cross_kernel.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/ops/bucketization_op.cc b/tensorflow/contrib/layers/ops/bucketization_op.cc index 21fde2c690f..686c3ffdea3 100644 --- a/tensorflow/contrib/layers/ops/bucketization_op.cc +++ b/tensorflow/contrib/layers/ops/bucketization_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/ops/sparse_feature_cross_op.cc b/tensorflow/contrib/layers/ops/sparse_feature_cross_op.cc index 03358057dd4..b3addf5746c 100644 --- a/tensorflow/contrib/layers/ops/sparse_feature_cross_op.cc +++ b/tensorflow/contrib/layers/ops/sparse_feature_cross_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/kernel_tests/bucketization_op_test.py b/tensorflow/contrib/layers/python/kernel_tests/bucketization_op_test.py index fbd2bbf2a20..0ddedf42df1 100644 --- a/tensorflow/contrib/layers/python/kernel_tests/bucketization_op_test.py +++ b/tensorflow/contrib/layers/python/kernel_tests/bucketization_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/kernel_tests/sparse_feature_cross_op_test.py b/tensorflow/contrib/layers/python/kernel_tests/sparse_feature_cross_op_test.py index eec755e40a0..e851a303d3f 100644 --- a/tensorflow/contrib/layers/python/kernel_tests/sparse_feature_cross_op_test.py +++ b/tensorflow/contrib/layers/python/kernel_tests/sparse_feature_cross_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/__init__.py b/tensorflow/contrib/layers/python/layers/__init__.py index 86a0f6e5405..572f924a28d 100644 --- a/tensorflow/contrib/layers/python/layers/__init__.py +++ b/tensorflow/contrib/layers/python/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/feature_column.py b/tensorflow/contrib/layers/python/layers/feature_column.py index f41acdf257b..17d1aa4f818 100644 --- a/tensorflow/contrib/layers/python/layers/feature_column.py +++ b/tensorflow/contrib/layers/python/layers/feature_column.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/feature_column_ops.py b/tensorflow/contrib/layers/python/layers/feature_column_ops.py index 87a55eda847..cb4d9f3822e 100644 --- a/tensorflow/contrib/layers/python/layers/feature_column_ops.py +++ b/tensorflow/contrib/layers/python/layers/feature_column_ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/feature_column_ops_test.py b/tensorflow/contrib/layers/python/layers/feature_column_ops_test.py index f50109063f5..dc2dac274d1 100644 --- a/tensorflow/contrib/layers/python/layers/feature_column_ops_test.py +++ b/tensorflow/contrib/layers/python/layers/feature_column_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/feature_column_test.py b/tensorflow/contrib/layers/python/layers/feature_column_test.py index 1a588a9e914..5094f932ac5 100644 --- a/tensorflow/contrib/layers/python/layers/feature_column_test.py +++ b/tensorflow/contrib/layers/python/layers/feature_column_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/initializers.py b/tensorflow/contrib/layers/python/layers/initializers.py index be5d7a3d5b0..03665a4951e 100644 --- a/tensorflow/contrib/layers/python/layers/initializers.py +++ b/tensorflow/contrib/layers/python/layers/initializers.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/initializers_test.py b/tensorflow/contrib/layers/python/layers/initializers_test.py index baeec03cf2d..bacf16c1ad8 100644 --- a/tensorflow/contrib/layers/python/layers/initializers_test.py +++ b/tensorflow/contrib/layers/python/layers/initializers_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/layers.py b/tensorflow/contrib/layers/python/layers/layers.py index 186d18a162c..bbb3907e003 100644 --- a/tensorflow/contrib/layers/python/layers/layers.py +++ b/tensorflow/contrib/layers/python/layers/layers.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/layers_test.py b/tensorflow/contrib/layers/python/layers/layers_test.py index 0501e92ab02..9297c29f223 100644 --- a/tensorflow/contrib/layers/python/layers/layers_test.py +++ b/tensorflow/contrib/layers/python/layers/layers_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/optimizers.py b/tensorflow/contrib/layers/python/layers/optimizers.py index 3edd9e70105..460eb959c66 100644 --- a/tensorflow/contrib/layers/python/layers/optimizers.py +++ b/tensorflow/contrib/layers/python/layers/optimizers.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/optimizers_test.py b/tensorflow/contrib/layers/python/layers/optimizers_test.py index 49baffb6f95..45440333dd1 100644 --- a/tensorflow/contrib/layers/python/layers/optimizers_test.py +++ b/tensorflow/contrib/layers/python/layers/optimizers_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/regularizers.py b/tensorflow/contrib/layers/python/layers/regularizers.py index d50152da503..42d0de570cd 100644 --- a/tensorflow/contrib/layers/python/layers/regularizers.py +++ b/tensorflow/contrib/layers/python/layers/regularizers.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/regularizers_test.py b/tensorflow/contrib/layers/python/layers/regularizers_test.py index a9a525b41a2..7adda95f1fc 100644 --- a/tensorflow/contrib/layers/python/layers/regularizers_test.py +++ b/tensorflow/contrib/layers/python/layers/regularizers_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/summaries.py b/tensorflow/contrib/layers/python/layers/summaries.py index 5ab52be9a49..1ca19d16de6 100644 --- a/tensorflow/contrib/layers/python/layers/summaries.py +++ b/tensorflow/contrib/layers/python/layers/summaries.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/summaries_test.py b/tensorflow/contrib/layers/python/layers/summaries_test.py index 9d9568b397d..78142e8ff83 100644 --- a/tensorflow/contrib/layers/python/layers/summaries_test.py +++ b/tensorflow/contrib/layers/python/layers/summaries_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/layers/utils.py b/tensorflow/contrib/layers/python/layers/utils.py index fa45574504e..0b179159233 100644 --- a/tensorflow/contrib/layers/python/layers/utils.py +++ b/tensorflow/contrib/layers/python/layers/utils.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/ops/bucketization_op.py b/tensorflow/contrib/layers/python/ops/bucketization_op.py index 32fffd8ceea..d1a98a9b9d1 100644 --- a/tensorflow/contrib/layers/python/ops/bucketization_op.py +++ b/tensorflow/contrib/layers/python/ops/bucketization_op.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/layers/python/ops/sparse_feature_cross_op.py b/tensorflow/contrib/layers/python/ops/sparse_feature_cross_op.py index 9c8187d88bb..937d83b748c 100644 --- a/tensorflow/contrib/layers/python/ops/sparse_feature_cross_op.py +++ b/tensorflow/contrib/layers/python/ops/sparse_feature_cross_op.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/learn/python/learn/dataframe/transforms/batch.py b/tensorflow/contrib/learn/python/learn/dataframe/transforms/batch.py index af4acd87aab..f76e5f82378 100644 --- a/tensorflow/contrib/learn/python/learn/dataframe/transforms/batch.py +++ b/tensorflow/contrib/learn/python/learn/dataframe/transforms/batch.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/learn/python/learn/dataframe/transforms/csv_parser.py b/tensorflow/contrib/learn/python/learn/dataframe/transforms/csv_parser.py index 7331b2a416e..5dcb4f3fd46 100644 --- a/tensorflow/contrib/learn/python/learn/dataframe/transforms/csv_parser.py +++ b/tensorflow/contrib/learn/python/learn/dataframe/transforms/csv_parser.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/learn/python/learn/dataframe/transforms/example_parser.py b/tensorflow/contrib/learn/python/learn/dataframe/transforms/example_parser.py index 3aa3bcfadf3..e22ef740ed9 100644 --- a/tensorflow/contrib/learn/python/learn/dataframe/transforms/example_parser.py +++ b/tensorflow/contrib/learn/python/learn/dataframe/transforms/example_parser.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/learn/python/learn/dataframe/transforms/in_memory_source.py b/tensorflow/contrib/learn/python/learn/dataframe/transforms/in_memory_source.py index ea11453ecd6..e5880b065c7 100644 --- a/tensorflow/contrib/learn/python/learn/dataframe/transforms/in_memory_source.py +++ b/tensorflow/contrib/learn/python/learn/dataframe/transforms/in_memory_source.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/learn/python/learn/dataframe/transforms/reader_source.py b/tensorflow/contrib/learn/python/learn/dataframe/transforms/reader_source.py index d4ba55a2026..74e53ad360b 100644 --- a/tensorflow/contrib/learn/python/learn/dataframe/transforms/reader_source.py +++ b/tensorflow/contrib/learn/python/learn/dataframe/transforms/reader_source.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/__init__.py b/tensorflow/contrib/linear_optimizer/__init__.py index 4b3dc23de9a..060a3845c96 100644 --- a/tensorflow/contrib/linear_optimizer/__init__.py +++ b/tensorflow/contrib/linear_optimizer/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/hinge-loss.h b/tensorflow/contrib/linear_optimizer/kernels/hinge-loss.h index 5ce1b07732a..2f2657ad9b4 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/hinge-loss.h +++ b/tensorflow/contrib/linear_optimizer/kernels/hinge-loss.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/logistic-loss.h b/tensorflow/contrib/linear_optimizer/kernels/logistic-loss.h index b18116be9dd..e879c8bfd2a 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/logistic-loss.h +++ b/tensorflow/contrib/linear_optimizer/kernels/logistic-loss.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/loss.h b/tensorflow/contrib/linear_optimizer/kernels/loss.h index d827d6f7649..9f3ad921903 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/loss.h +++ b/tensorflow/contrib/linear_optimizer/kernels/loss.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/loss_test.cc b/tensorflow/contrib/linear_optimizer/kernels/loss_test.cc index ccad61598b9..5159a24ed0d 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/loss_test.cc +++ b/tensorflow/contrib/linear_optimizer/kernels/loss_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/resources.cc b/tensorflow/contrib/linear_optimizer/kernels/resources.cc index da092f33cf0..dd19bc21548 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/resources.cc +++ b/tensorflow/contrib/linear_optimizer/kernels/resources.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/resources.h b/tensorflow/contrib/linear_optimizer/kernels/resources.h index ce6b5765918..7160578ed9e 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/resources.h +++ b/tensorflow/contrib/linear_optimizer/kernels/resources.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/resources_test.cc b/tensorflow/contrib/linear_optimizer/kernels/resources_test.cc index 060d29daabb..27deb15ec94 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/resources_test.cc +++ b/tensorflow/contrib/linear_optimizer/kernels/resources_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/sdca_ops.cc b/tensorflow/contrib/linear_optimizer/kernels/sdca_ops.cc index d8772e40e52..88de9d7c6a6 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/sdca_ops.cc +++ b/tensorflow/contrib/linear_optimizer/kernels/sdca_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/sdca_ops_test.cc b/tensorflow/contrib/linear_optimizer/kernels/sdca_ops_test.cc index d5855533007..ae50553a602 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/sdca_ops_test.cc +++ b/tensorflow/contrib/linear_optimizer/kernels/sdca_ops_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/kernels/squared-loss.h b/tensorflow/contrib/linear_optimizer/kernels/squared-loss.h index da61e6dbfdb..2022c8b0ebd 100644 --- a/tensorflow/contrib/linear_optimizer/kernels/squared-loss.h +++ b/tensorflow/contrib/linear_optimizer/kernels/squared-loss.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/ops/sdca_ops.cc b/tensorflow/contrib/linear_optimizer/ops/sdca_ops.cc index 7c0e27d19da..a7fd9dac155 100644 --- a/tensorflow/contrib/linear_optimizer/ops/sdca_ops.cc +++ b/tensorflow/contrib/linear_optimizer/ops/sdca_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/python/kernel_tests/sdca_ops_test.py b/tensorflow/contrib/linear_optimizer/python/kernel_tests/sdca_ops_test.py index 028137c4c94..ef4733b1f17 100644 --- a/tensorflow/contrib/linear_optimizer/python/kernel_tests/sdca_ops_test.py +++ b/tensorflow/contrib/linear_optimizer/python/kernel_tests/sdca_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/linear_optimizer/python/ops/sdca_ops.py b/tensorflow/contrib/linear_optimizer/python/ops/sdca_ops.py index 6ea1ce43e27..3501faa5296 100644 --- a/tensorflow/contrib/linear_optimizer/python/ops/sdca_ops.py +++ b/tensorflow/contrib/linear_optimizer/python/ops/sdca_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/lookup/__init__.py b/tensorflow/contrib/lookup/__init__.py index 4a3550b3104..b94fd2bbd80 100644 --- a/tensorflow/contrib/lookup/__init__.py +++ b/tensorflow/contrib/lookup/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/lookup/lookup_ops.py b/tensorflow/contrib/lookup/lookup_ops.py index 3aeab8d86c0..ee4ea7a4683 100644 --- a/tensorflow/contrib/lookup/lookup_ops.py +++ b/tensorflow/contrib/lookup/lookup_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/lookup/lookup_ops_test.py b/tensorflow/contrib/lookup/lookup_ops_test.py index 4715039313b..8924dab7a71 100644 --- a/tensorflow/contrib/lookup/lookup_ops_test.py +++ b/tensorflow/contrib/lookup/lookup_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/losses/__init__.py b/tensorflow/contrib/losses/__init__.py index 1c52acd13fa..6fd241f2f4a 100644 --- a/tensorflow/contrib/losses/__init__.py +++ b/tensorflow/contrib/losses/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/losses/python/losses/__init__.py b/tensorflow/contrib/losses/python/losses/__init__.py index 4244da84fb9..081d47e4b55 100644 --- a/tensorflow/contrib/losses/python/losses/__init__.py +++ b/tensorflow/contrib/losses/python/losses/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/losses/python/losses/loss_ops.py b/tensorflow/contrib/losses/python/losses/loss_ops.py index 11f16059983..20c54670d3c 100644 --- a/tensorflow/contrib/losses/python/losses/loss_ops.py +++ b/tensorflow/contrib/losses/python/losses/loss_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/losses/python/losses/loss_ops_test.py b/tensorflow/contrib/losses/python/losses/loss_ops_test.py index 4890852f3be..3c2ba4daee9 100644 --- a/tensorflow/contrib/losses/python/losses/loss_ops_test.py +++ b/tensorflow/contrib/losses/python/losses/loss_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/__init__.py b/tensorflow/contrib/metrics/__init__.py index 91c746fea4c..6a21ccb8075 100644 --- a/tensorflow/contrib/metrics/__init__.py +++ b/tensorflow/contrib/metrics/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/kernels/set_kernels.cc b/tensorflow/contrib/metrics/kernels/set_kernels.cc index b66dbdcc445..f79b4f2273f 100644 --- a/tensorflow/contrib/metrics/kernels/set_kernels.cc +++ b/tensorflow/contrib/metrics/kernels/set_kernels.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/ops/set_ops.cc b/tensorflow/contrib/metrics/ops/set_ops.cc index 694d7a17328..72eb352a460 100644 --- a/tensorflow/contrib/metrics/ops/set_ops.cc +++ b/tensorflow/contrib/metrics/ops/set_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/kernel_tests/confusion_matrix_ops_test.py b/tensorflow/contrib/metrics/python/kernel_tests/confusion_matrix_ops_test.py index 1ab27aaa90d..638010806a4 100644 --- a/tensorflow/contrib/metrics/python/kernel_tests/confusion_matrix_ops_test.py +++ b/tensorflow/contrib/metrics/python/kernel_tests/confusion_matrix_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/kernel_tests/histogram_ops_test.py b/tensorflow/contrib/metrics/python/kernel_tests/histogram_ops_test.py index 62be6ffd345..15fa107d4fb 100644 --- a/tensorflow/contrib/metrics/python/kernel_tests/histogram_ops_test.py +++ b/tensorflow/contrib/metrics/python/kernel_tests/histogram_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/kernel_tests/set_ops_test.py b/tensorflow/contrib/metrics/python/kernel_tests/set_ops_test.py index f84c57fc29f..814ca8b6ee9 100644 --- a/tensorflow/contrib/metrics/python/kernel_tests/set_ops_test.py +++ b/tensorflow/contrib/metrics/python/kernel_tests/set_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/metrics/__init__.py b/tensorflow/contrib/metrics/python/metrics/__init__.py index 8022d9a6774..d3570bc2a7d 100644 --- a/tensorflow/contrib/metrics/python/metrics/__init__.py +++ b/tensorflow/contrib/metrics/python/metrics/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/metrics/classification.py b/tensorflow/contrib/metrics/python/metrics/classification.py index 082412b2a52..df1233b57f5 100644 --- a/tensorflow/contrib/metrics/python/metrics/classification.py +++ b/tensorflow/contrib/metrics/python/metrics/classification.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/metrics/classification_test.py b/tensorflow/contrib/metrics/python/metrics/classification_test.py index 8fc60891141..3e730541f58 100644 --- a/tensorflow/contrib/metrics/python/metrics/classification_test.py +++ b/tensorflow/contrib/metrics/python/metrics/classification_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/ops/confusion_matrix_ops.py b/tensorflow/contrib/metrics/python/ops/confusion_matrix_ops.py index 0f9baf2ee7f..d310e55170c 100644 --- a/tensorflow/contrib/metrics/python/ops/confusion_matrix_ops.py +++ b/tensorflow/contrib/metrics/python/ops/confusion_matrix_ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/ops/histogram_ops.py b/tensorflow/contrib/metrics/python/ops/histogram_ops.py index 95eeebb4f4b..d6e0faf5b12 100644 --- a/tensorflow/contrib/metrics/python/ops/histogram_ops.py +++ b/tensorflow/contrib/metrics/python/ops/histogram_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/ops/metric_ops.py b/tensorflow/contrib/metrics/python/ops/metric_ops.py index b88d1714693..739e3796c51 100644 --- a/tensorflow/contrib/metrics/python/ops/metric_ops.py +++ b/tensorflow/contrib/metrics/python/ops/metric_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/ops/metric_ops_test.py b/tensorflow/contrib/metrics/python/ops/metric_ops_test.py index d0e5c0bb987..93352940f98 100644 --- a/tensorflow/contrib/metrics/python/ops/metric_ops_test.py +++ b/tensorflow/contrib/metrics/python/ops/metric_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/metrics/python/ops/set_ops.py b/tensorflow/contrib/metrics/python/ops/set_ops.py index b03dca5f203..396d4fb57ad 100644 --- a/tensorflow/contrib/metrics/python/ops/set_ops.py +++ b/tensorflow/contrib/metrics/python/ops/set_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/opt/__init__.py b/tensorflow/contrib/opt/__init__.py index 7dda1dae224..9cd81369bf9 100644 --- a/tensorflow/contrib/opt/__init__.py +++ b/tensorflow/contrib/opt/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/opt/python/training/external_optimizer.py b/tensorflow/contrib/opt/python/training/external_optimizer.py index 385426af038..83e6546cf85 100644 --- a/tensorflow/contrib/opt/python/training/external_optimizer.py +++ b/tensorflow/contrib/opt/python/training/external_optimizer.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/opt/python/training/external_optimizer_test.py b/tensorflow/contrib/opt/python/training/external_optimizer_test.py index 681f9e4c1f6..6226f22eae2 100644 --- a/tensorflow/contrib/opt/python/training/external_optimizer_test.py +++ b/tensorflow/contrib/opt/python/training/external_optimizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/__init__.py b/tensorflow/contrib/quantization/__init__.py index 0bb00349804..833dd20b5a3 100644 --- a/tensorflow/contrib/quantization/__init__.py +++ b/tensorflow/contrib/quantization/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/dequantize_op.cc b/tensorflow/contrib/quantization/kernels/dequantize_op.cc index 4a11bd1c8b7..c58b50805fb 100644 --- a/tensorflow/contrib/quantization/kernels/dequantize_op.cc +++ b/tensorflow/contrib/quantization/kernels/dequantize_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/load_quantized_kernels_so.py b/tensorflow/contrib/quantization/kernels/load_quantized_kernels_so.py index 3099c94c28f..3b7fd57a93b 100644 --- a/tensorflow/contrib/quantization/kernels/load_quantized_kernels_so.py +++ b/tensorflow/contrib/quantization/kernels/load_quantized_kernels_so.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantization_utils.h b/tensorflow/contrib/quantization/kernels/quantization_utils.h index 2eb2eb58f51..36e63f8de70 100644 --- a/tensorflow/contrib/quantization/kernels/quantization_utils.h +++ b/tensorflow/contrib/quantization/kernels/quantization_utils.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantization_utils_test.cc b/tensorflow/contrib/quantization/kernels/quantization_utils_test.cc index 7fe0f4f247d..4cb34838a2a 100644 --- a/tensorflow/contrib/quantization/kernels/quantization_utils_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantization_utils_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range.cc b/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range.cc index 3de1b679721..dde31ea5c57 100644 --- a/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range.cc +++ b/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range_op_test.cc b/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range_op_test.cc index 4928823d691..73a50aad268 100644 --- a/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantize_down_and_shrink_range_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantize_op.cc b/tensorflow/contrib/quantization/kernels/quantize_op.cc index 3dd5827ec4c..04f8632f2a0 100644 --- a/tensorflow/contrib/quantization/kernels/quantize_op.cc +++ b/tensorflow/contrib/quantization/kernels/quantize_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantize_op_test.cc b/tensorflow/contrib/quantization/kernels/quantize_op_test.cc index 6705bd6c0bb..d3ac7d3f7c1 100644 --- a/tensorflow/contrib/quantization/kernels/quantize_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantize_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_activation_ops.cc b/tensorflow/contrib/quantization/kernels/quantized_activation_ops.cc index fd8c9fcc2ba..a86b611ad68 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_activation_ops.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_activation_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_activation_ops_test.cc b/tensorflow/contrib/quantization/kernels/quantized_activation_ops_test.cc index 40c2433b339..19efe6093ed 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_activation_ops_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_activation_ops_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op.cc b/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op.cc index 3b46051d32c..77dcd98860e 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op_test.cc b/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op_test.cc index f7bb2b6e432..ccb6a59ecfb 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_batch_norm_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_bias_add_op.cc b/tensorflow/contrib/quantization/kernels/quantized_bias_add_op.cc index 69d9875f16c..07c72b716de 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_bias_add_op.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_bias_add_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_bias_add_op_test.cc b/tensorflow/contrib/quantization/kernels/quantized_bias_add_op_test.cc index 149c2c9a16d..56535029b50 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_bias_add_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_bias_add_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_concat_op.cc b/tensorflow/contrib/quantization/kernels/quantized_concat_op.cc index 88a54499841..1da9a5ed174 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_concat_op.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_concat_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_concat_op_test.cc b/tensorflow/contrib/quantization/kernels/quantized_concat_op_test.cc index 1e272c74431..4bbab6a248a 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_concat_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_concat_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_conv_ops.cc b/tensorflow/contrib/quantization/kernels/quantized_conv_ops.cc index 10a09a5813f..9964074f748 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_conv_ops.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_conv_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_conv_ops_test.cc b/tensorflow/contrib/quantization/kernels/quantized_conv_ops_test.cc index c84d1d3ae95..6a07004a92c 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_conv_ops_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_conv_ops_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_matmul_op.cc b/tensorflow/contrib/quantization/kernels/quantized_matmul_op.cc index 175a347989c..9ad6e5d91f3 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_matmul_op.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_matmul_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_matmul_op_test.cc b/tensorflow/contrib/quantization/kernels/quantized_matmul_op_test.cc index 40b884c29eb..3eea7518186 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_matmul_op_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_matmul_op_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_pooling_ops.cc b/tensorflow/contrib/quantization/kernels/quantized_pooling_ops.cc index 06c4d83ec6c..c078de7ab18 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_pooling_ops.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_pooling_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/quantized_pooling_ops_test.cc b/tensorflow/contrib/quantization/kernels/quantized_pooling_ops_test.cc index 85c12171364..3bc05ed455a 100644 --- a/tensorflow/contrib/quantization/kernels/quantized_pooling_ops_test.cc +++ b/tensorflow/contrib/quantization/kernels/quantized_pooling_ops_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/kernels/reference_gemm.h b/tensorflow/contrib/quantization/kernels/reference_gemm.h index ab07f785a76..5af3a771282 100644 --- a/tensorflow/contrib/quantization/kernels/reference_gemm.h +++ b/tensorflow/contrib/quantization/kernels/reference_gemm.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/load_quantized_ops_so.py b/tensorflow/contrib/quantization/load_quantized_ops_so.py index 80e4e906d2c..6eb424e534e 100644 --- a/tensorflow/contrib/quantization/load_quantized_ops_so.py +++ b/tensorflow/contrib/quantization/load_quantized_ops_so.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/ops/array_ops.cc b/tensorflow/contrib/quantization/ops/array_ops.cc index 9c1a69d3509..35d0e7f4c9e 100644 --- a/tensorflow/contrib/quantization/ops/array_ops.cc +++ b/tensorflow/contrib/quantization/ops/array_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/ops/math_ops.cc b/tensorflow/contrib/quantization/ops/math_ops.cc index 9f489882778..204b544972d 100644 --- a/tensorflow/contrib/quantization/ops/math_ops.cc +++ b/tensorflow/contrib/quantization/ops/math_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/ops/nn_ops.cc b/tensorflow/contrib/quantization/ops/nn_ops.cc index db62c27527b..ef99be0d483 100644 --- a/tensorflow/contrib/quantization/ops/nn_ops.cc +++ b/tensorflow/contrib/quantization/ops/nn_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/__init__.py b/tensorflow/contrib/quantization/python/__init__.py index 68add32cf55..0cc8cf50257 100644 --- a/tensorflow/contrib/quantization/python/__init__.py +++ b/tensorflow/contrib/quantization/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/array_ops.py b/tensorflow/contrib/quantization/python/array_ops.py index 10c398b06cd..2ab65e903e9 100644 --- a/tensorflow/contrib/quantization/python/array_ops.py +++ b/tensorflow/contrib/quantization/python/array_ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/dequantize_op_test.py b/tensorflow/contrib/quantization/python/dequantize_op_test.py index f8d4a8c81a7..b1d47cc4a2e 100644 --- a/tensorflow/contrib/quantization/python/dequantize_op_test.py +++ b/tensorflow/contrib/quantization/python/dequantize_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/math_ops.py b/tensorflow/contrib/quantization/python/math_ops.py index 4028e3783b4..2d9d6f4eea1 100644 --- a/tensorflow/contrib/quantization/python/math_ops.py +++ b/tensorflow/contrib/quantization/python/math_ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/nn_ops.py b/tensorflow/contrib/quantization/python/nn_ops.py index 26d9a755e4d..91bc2c071f6 100644 --- a/tensorflow/contrib/quantization/python/nn_ops.py +++ b/tensorflow/contrib/quantization/python/nn_ops.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/python/quantized_conv_ops_test.py b/tensorflow/contrib/quantization/python/quantized_conv_ops_test.py index 75f9f7f91b7..9b24d4129de 100644 --- a/tensorflow/contrib/quantization/python/quantized_conv_ops_test.py +++ b/tensorflow/contrib/quantization/python/quantized_conv_ops_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/tools/graph_to_dot.py b/tensorflow/contrib/quantization/tools/graph_to_dot.py index 40a83aa9062..c1ee4ea9d3d 100644 --- a/tensorflow/contrib/quantization/tools/graph_to_dot.py +++ b/tensorflow/contrib/quantization/tools/graph_to_dot.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/tools/quantize_graph.py b/tensorflow/contrib/quantization/tools/quantize_graph.py index c56bebf3b1f..965148eb921 100644 --- a/tensorflow/contrib/quantization/tools/quantize_graph.py +++ b/tensorflow/contrib/quantization/tools/quantize_graph.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/quantization/tools/quantize_graph_test.py b/tensorflow/contrib/quantization/tools/quantize_graph_test.py index c1271b8afd9..cd3ecd383d6 100644 --- a/tensorflow/contrib/quantization/tools/quantize_graph_test.py +++ b/tensorflow/contrib/quantization/tools/quantize_graph_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/rnn/__init__.py b/tensorflow/contrib/rnn/__init__.py index cee0fb46d93..2193f644849 100644 --- a/tensorflow/contrib/rnn/__init__.py +++ b/tensorflow/contrib/rnn/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/rnn/python/__init__.py b/tensorflow/contrib/rnn/python/__init__.py index 3f13bfc4fcc..c5ca3a623fb 100644 --- a/tensorflow/contrib/rnn/python/__init__.py +++ b/tensorflow/contrib/rnn/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py b/tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py index 9be9801ca3a..6c6dab421e4 100644 --- a/tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py +++ b/tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/rnn/python/ops/rnn_cell.py b/tensorflow/contrib/rnn/python/ops/rnn_cell.py index fd363f037a4..3cb5c651b9c 100644 --- a/tensorflow/contrib/rnn/python/ops/rnn_cell.py +++ b/tensorflow/contrib/rnn/python/ops/rnn_cell.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/skflow/__init__.py b/tensorflow/contrib/skflow/__init__.py index 1271feee571..b0d51470126 100644 --- a/tensorflow/contrib/skflow/__init__.py +++ b/tensorflow/contrib/skflow/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/slim/__init__.py b/tensorflow/contrib/slim/__init__.py index a13a0afbfd5..cb0dbed57f9 100644 --- a/tensorflow/contrib/slim/__init__.py +++ b/tensorflow/contrib/slim/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/__init__.py b/tensorflow/contrib/tensor_forest/__init__.py index 4b8ea09604a..7cf05299c4b 100644 --- a/tensorflow/contrib/tensor_forest/__init__.py +++ b/tensorflow/contrib/tensor_forest/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/best_splits_op.cc b/tensorflow/contrib/tensor_forest/core/ops/best_splits_op.cc index 307b36f5a0c..762cdb941c5 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/best_splits_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/best_splits_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/count_extremely_random_stats_op.cc b/tensorflow/contrib/tensor_forest/core/ops/count_extremely_random_stats_op.cc index 1078fcf419c..913a7d3c010 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/count_extremely_random_stats_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/count_extremely_random_stats_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/finished_nodes_op.cc b/tensorflow/contrib/tensor_forest/core/ops/finished_nodes_op.cc index 068083f7b30..9cb84fc63db 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/finished_nodes_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/finished_nodes_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/grow_tree_op.cc b/tensorflow/contrib/tensor_forest/core/ops/grow_tree_op.cc index b78c2814c7a..ca803a1211d 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/grow_tree_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/grow_tree_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/sample_inputs_op.cc b/tensorflow/contrib/tensor_forest/core/ops/sample_inputs_op.cc index 66a20bf4830..8ceb4a9f0c4 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/sample_inputs_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/sample_inputs_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/scatter_add_ndim_op.cc b/tensorflow/contrib/tensor_forest/core/ops/scatter_add_ndim_op.cc index dd5d331b4a2..f802030ad17 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/scatter_add_ndim_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/scatter_add_ndim_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/tree_predictions_op.cc b/tensorflow/contrib/tensor_forest/core/ops/tree_predictions_op.cc index 765b23c95a2..7db52ec3cae 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/tree_predictions_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/tree_predictions_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/tree_utils.cc b/tensorflow/contrib/tensor_forest/core/ops/tree_utils.cc index 34658a216b5..f3fc4160554 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/tree_utils.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/tree_utils.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/tree_utils.h b/tensorflow/contrib/tensor_forest/core/ops/tree_utils.h index 8a783ded155..19b02e379e7 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/tree_utils.h +++ b/tensorflow/contrib/tensor_forest/core/ops/tree_utils.h @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/tree_utils_test.cc b/tensorflow/contrib/tensor_forest/core/ops/tree_utils_test.cc index 254b0c430ec..9fd8d84844f 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/tree_utils_test.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/tree_utils_test.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/core/ops/update_fertile_slots_op.cc b/tensorflow/contrib/tensor_forest/core/ops/update_fertile_slots_op.cc index 0c67bc03512..69e92c1a137 100644 --- a/tensorflow/contrib/tensor_forest/core/ops/update_fertile_slots_op.cc +++ b/tensorflow/contrib/tensor_forest/core/ops/update_fertile_slots_op.cc @@ -1,4 +1,4 @@ -// Copyright 2016 Google Inc. All Rights Reserved. +// Copyright 2016 The TensorFlow Authors. All Rights Reserved. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/__init__.py b/tensorflow/contrib/tensor_forest/python/__init__.py index 8a76654b45b..0f692bbe972 100644 --- a/tensorflow/contrib/tensor_forest/python/__init__.py +++ b/tensorflow/contrib/tensor_forest/python/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/best_splits_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/best_splits_op_test.py index 88e94f80dd0..c5b5981adba 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/best_splits_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/best_splits_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/count_extremely_random_stats_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/count_extremely_random_stats_op_test.py index 4ee0f443bad..eb61573f24f 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/count_extremely_random_stats_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/count_extremely_random_stats_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/finished_nodes_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/finished_nodes_op_test.py index 4bed7822584..24fbe2c11d6 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/finished_nodes_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/finished_nodes_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/grow_tree_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/grow_tree_op_test.py index 8177e2d4c7d..f46a0615ed1 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/grow_tree_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/grow_tree_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/sample_inputs_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/sample_inputs_op_test.py index d050747efc8..0bbd94a2a4a 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/sample_inputs_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/sample_inputs_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/scatter_add_ndim_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/scatter_add_ndim_op_test.py index 58717ed399f..58adec44b74 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/scatter_add_ndim_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/scatter_add_ndim_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/tree_predictions_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/tree_predictions_op_test.py index 42db6e1cf68..e61085657a1 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/tree_predictions_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/tree_predictions_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/kernel_tests/update_fertile_slots_op_test.py b/tensorflow/contrib/tensor_forest/python/kernel_tests/update_fertile_slots_op_test.py index 59415ab80db..f370903b3c6 100644 --- a/tensorflow/contrib/tensor_forest/python/kernel_tests/update_fertile_slots_op_test.py +++ b/tensorflow/contrib/tensor_forest/python/kernel_tests/update_fertile_slots_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/ops/inference_ops.py b/tensorflow/contrib/tensor_forest/python/ops/inference_ops.py index 3a18bd7395c..6f4e6fff401 100644 --- a/tensorflow/contrib/tensor_forest/python/ops/inference_ops.py +++ b/tensorflow/contrib/tensor_forest/python/ops/inference_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/ops/training_ops.py b/tensorflow/contrib/tensor_forest/python/ops/training_ops.py index 8f5b539588a..7a108baf426 100644 --- a/tensorflow/contrib/tensor_forest/python/ops/training_ops.py +++ b/tensorflow/contrib/tensor_forest/python/ops/training_ops.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/tensor_forest.py b/tensorflow/contrib/tensor_forest/python/tensor_forest.py index 66efcc4fc4f..f48efaa5db1 100644 --- a/tensorflow/contrib/tensor_forest/python/tensor_forest.py +++ b/tensorflow/contrib/tensor_forest/python/tensor_forest.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/tensor_forest/python/tensor_forest_test.py b/tensorflow/contrib/tensor_forest/python/tensor_forest_test.py index 6be799fed38..c3e1c8520d3 100644 --- a/tensorflow/contrib/tensor_forest/python/tensor_forest_test.py +++ b/tensorflow/contrib/tensor_forest/python/tensor_forest_test.py @@ -1,4 +1,4 @@ -# Copyright 2016 Google Inc. All Rights Reserved. +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/testing/__init__.py b/tensorflow/contrib/testing/__init__.py index 27422fd6d38..e3688aec990 100644 --- a/tensorflow/contrib/testing/__init__.py +++ b/tensorflow/contrib/testing/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/__init__.py b/tensorflow/contrib/util/__init__.py index 6173e16d61d..c160774a535 100644 --- a/tensorflow/contrib/util/__init__.py +++ b/tensorflow/contrib/util/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/convert_graphdef_memmapped_format.cc b/tensorflow/contrib/util/convert_graphdef_memmapped_format.cc index 811761efd6b..6287d3eb7e5 100644 --- a/tensorflow/contrib/util/convert_graphdef_memmapped_format.cc +++ b/tensorflow/contrib/util/convert_graphdef_memmapped_format.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.cc b/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.cc index 7697a7f3d26..68cb20d0b57 100644 --- a/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.cc +++ b/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.h b/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.h index e6fd1bb132f..6518e7a10f5 100644 --- a/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.h +++ b/tensorflow/contrib/util/convert_graphdef_memmapped_format_lib.h @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/convert_graphdef_memmapped_format_test.cc b/tensorflow/contrib/util/convert_graphdef_memmapped_format_test.cc index 7710fc38efe..7cc9d636bae 100644 --- a/tensorflow/contrib/util/convert_graphdef_memmapped_format_test.cc +++ b/tensorflow/contrib/util/convert_graphdef_memmapped_format_test.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/contrib/util/inspect_checkpoint.cc b/tensorflow/contrib/util/inspect_checkpoint.cc index 001f39a30fe..39088aeaad6 100644 --- a/tensorflow/contrib/util/inspect_checkpoint.cc +++ b/tensorflow/contrib/util/inspect_checkpoint.cc @@ -1,4 +1,4 @@ -/* Copyright 2016 Google Inc. All Rights Reserved. +/* Copyright 2016 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/how_tos/reading_data/convert_to_records.py b/tensorflow/examples/how_tos/reading_data/convert_to_records.py index da42b5cc381..ee558f5b19e 100644 --- a/tensorflow/examples/how_tos/reading_data/convert_to_records.py +++ b/tensorflow/examples/how_tos/reading_data/convert_to_records.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded.py b/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded.py index d08a15433a9..8c696e1c787 100644 --- a/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded.py +++ b/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded_var.py b/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded_var.py index 3b43abc81ca..0711bed920f 100644 --- a/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded_var.py +++ b/tensorflow/examples/how_tos/reading_data/fully_connected_preloaded_var.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/how_tos/reading_data/fully_connected_reader.py b/tensorflow/examples/how_tos/reading_data/fully_connected_reader.py index 99afa54f062..648825e6e9e 100644 --- a/tensorflow/examples/how_tos/reading_data/fully_connected_reader.py +++ b/tensorflow/examples/how_tos/reading_data/fully_connected_reader.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/image_retraining/retrain.py b/tensorflow/examples/image_retraining/retrain.py index 8f5f9c635cd..484dd89545c 100644 --- a/tensorflow/examples/image_retraining/retrain.py +++ b/tensorflow/examples/image_retraining/retrain.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/image_retraining/retrain_test.py b/tensorflow/examples/image_retraining/retrain_test.py index 6fea2201d91..837d5af8b84 100644 --- a/tensorflow/examples/image_retraining/retrain_test.py +++ b/tensorflow/examples/image_retraining/retrain_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/label_image/main.cc b/tensorflow/examples/label_image/main.cc index 25461d9f009..9251d066845 100644 --- a/tensorflow/examples/label_image/main.cc +++ b/tensorflow/examples/label_image/main.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/__init__.py b/tensorflow/examples/tutorials/mnist/__init__.py index 026a1fcf644..f939bc3bf45 100644 --- a/tensorflow/examples/tutorials/mnist/__init__.py +++ b/tensorflow/examples/tutorials/mnist/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/fully_connected_feed.py b/tensorflow/examples/tutorials/mnist/fully_connected_feed.py index a8b04d24d0e..773d4678276 100644 --- a/tensorflow/examples/tutorials/mnist/fully_connected_feed.py +++ b/tensorflow/examples/tutorials/mnist/fully_connected_feed.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/input_data.py b/tensorflow/examples/tutorials/mnist/input_data.py index f1081b10522..f1a7e1c4af5 100644 --- a/tensorflow/examples/tutorials/mnist/input_data.py +++ b/tensorflow/examples/tutorials/mnist/input_data.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/mnist.py b/tensorflow/examples/tutorials/mnist/mnist.py index 4720ad626cb..4960a55a7c0 100644 --- a/tensorflow/examples/tutorials/mnist/mnist.py +++ b/tensorflow/examples/tutorials/mnist/mnist.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/mnist_softmax.py b/tensorflow/examples/tutorials/mnist/mnist_softmax.py index 81bce1a01b3..6621d7bb397 100644 --- a/tensorflow/examples/tutorials/mnist/mnist_softmax.py +++ b/tensorflow/examples/tutorials/mnist/mnist_softmax.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/mnist/mnist_with_summaries.py b/tensorflow/examples/tutorials/mnist/mnist_with_summaries.py index a966e7fa493..91bc69c6b21 100644 --- a/tensorflow/examples/tutorials/mnist/mnist_with_summaries.py +++ b/tensorflow/examples/tutorials/mnist/mnist_with_summaries.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the 'License'); # you may not use this file except in compliance with the License. diff --git a/tensorflow/examples/tutorials/word2vec/word2vec_basic.py b/tensorflow/examples/tutorials/word2vec/word2vec_basic.py index 4f36362b436..39ab070d6cd 100644 --- a/tensorflow/examples/tutorials/word2vec/word2vec_basic.py +++ b/tensorflow/examples/tutorials/word2vec/word2vec_basic.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/attr_examples.cc b/tensorflow/g3doc/how_tos/adding_an_op/attr_examples.cc index 5e974de28d0..4eb35668cee 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/attr_examples.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/attr_examples.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op.py b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op.py index bf454131841..dd5428870bf 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cc b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cc index cb6799182d6..eb8ea962555 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cu.cc b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cu.cc index 1b8c983d458..65b50bd3ae9 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cu.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_kernel.cu.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_test.py b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_test.py index 2425f7e46d0..4ae5fde171f 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_test.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/cuda_op_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/fact_test.py b/tensorflow/g3doc/how_tos/adding_an_op/fact_test.py index 43bd35561cb..f7f17e51803 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/fact_test.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/fact_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_1_test.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_1_test.py index 1a0bb1552a9..062e845a84b 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_1_test.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_1_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_2_test.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_2_test.py index cfa524f5098..60c429eefe7 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_2_test.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_2_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_3_test.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_3_test.py index 9abcc25d461..a6778033d34 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_3_test.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_3_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_grad_2.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_grad_2.py index 8b8185c8185..9734c0ce96b 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_grad_2.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_grad_2.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_1.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_1.py index 0c1f8b627d3..6bd98b1f06d 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_1.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_1.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_2.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_2.py index 0561ed49c6a..ba1e8b4d62c 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_2.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_2.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_3.py b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_3.py index 26fa2d79b63..4354ecaf5a6 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_3.py +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_3.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_1.cc b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_1.cc index 3ba5b859939..010883322da 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_1.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_1.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_2.cc b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_2.cc index 8b700bea486..0ef18c282fa 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_2.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_2.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_3.cc b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_3.cc index 45452758798..13ded77728b 100644 --- a/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_3.cc +++ b/tensorflow/g3doc/how_tos/adding_an_op/zero_out_op_kernel_3.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/__init__.py b/tensorflow/models/embedding/__init__.py index aa34b934841..1b6d1596b20 100644 --- a/tensorflow/models/embedding/__init__.py +++ b/tensorflow/models/embedding/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec.py b/tensorflow/models/embedding/word2vec.py index f7bbe5a9c9a..b8afbd2ced8 100644 --- a/tensorflow/models/embedding/word2vec.py +++ b/tensorflow/models/embedding/word2vec.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec_kernels.cc b/tensorflow/models/embedding/word2vec_kernels.cc index 42ac39d46e9..36865019f56 100644 --- a/tensorflow/models/embedding/word2vec_kernels.cc +++ b/tensorflow/models/embedding/word2vec_kernels.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec_ops.cc b/tensorflow/models/embedding/word2vec_ops.cc index 4086a3dde35..97f1cc566c9 100644 --- a/tensorflow/models/embedding/word2vec_ops.cc +++ b/tensorflow/models/embedding/word2vec_ops.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec_optimized.py b/tensorflow/models/embedding/word2vec_optimized.py index 2d89aabe522..a4ecaeface2 100644 --- a/tensorflow/models/embedding/word2vec_optimized.py +++ b/tensorflow/models/embedding/word2vec_optimized.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec_optimized_test.py b/tensorflow/models/embedding/word2vec_optimized_test.py index f8f9424bfc7..366360d5d17 100644 --- a/tensorflow/models/embedding/word2vec_optimized_test.py +++ b/tensorflow/models/embedding/word2vec_optimized_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/embedding/word2vec_test.py b/tensorflow/models/embedding/word2vec_test.py index 1eb9182a652..34cb21d8215 100644 --- a/tensorflow/models/embedding/word2vec_test.py +++ b/tensorflow/models/embedding/word2vec_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/alexnet/alexnet_benchmark.py b/tensorflow/models/image/alexnet/alexnet_benchmark.py index 5553ccad595..ef6f9d1b66a 100644 --- a/tensorflow/models/image/alexnet/alexnet_benchmark.py +++ b/tensorflow/models/image/alexnet/alexnet_benchmark.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/__init__.py b/tensorflow/models/image/cifar10/__init__.py index 535ef6a05de..6c1eecacb5f 100644 --- a/tensorflow/models/image/cifar10/__init__.py +++ b/tensorflow/models/image/cifar10/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10.py b/tensorflow/models/image/cifar10/cifar10.py index 503ea09296e..8941388002a 100644 --- a/tensorflow/models/image/cifar10/cifar10.py +++ b/tensorflow/models/image/cifar10/cifar10.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10_eval.py b/tensorflow/models/image/cifar10/cifar10_eval.py index e94cc3f2f5c..19bf74c477a 100644 --- a/tensorflow/models/image/cifar10/cifar10_eval.py +++ b/tensorflow/models/image/cifar10/cifar10_eval.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10_input.py b/tensorflow/models/image/cifar10/cifar10_input.py index 0d48a3549ce..4c873652188 100644 --- a/tensorflow/models/image/cifar10/cifar10_input.py +++ b/tensorflow/models/image/cifar10/cifar10_input.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10_input_test.py b/tensorflow/models/image/cifar10/cifar10_input_test.py index d1c405c95b5..4a1f6d8b313 100644 --- a/tensorflow/models/image/cifar10/cifar10_input_test.py +++ b/tensorflow/models/image/cifar10/cifar10_input_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10_multi_gpu_train.py b/tensorflow/models/image/cifar10/cifar10_multi_gpu_train.py index 8a5ec3cb22c..9110f1a8e93 100644 --- a/tensorflow/models/image/cifar10/cifar10_multi_gpu_train.py +++ b/tensorflow/models/image/cifar10/cifar10_multi_gpu_train.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/cifar10/cifar10_train.py b/tensorflow/models/image/cifar10/cifar10_train.py index a224ecbf2ef..ece2221018b 100644 --- a/tensorflow/models/image/cifar10/cifar10_train.py +++ b/tensorflow/models/image/cifar10/cifar10_train.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/imagenet/classify_image.py b/tensorflow/models/image/imagenet/classify_image.py index f3b87d37709..61926834539 100644 --- a/tensorflow/models/image/imagenet/classify_image.py +++ b/tensorflow/models/image/imagenet/classify_image.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/image/mnist/convolutional.py b/tensorflow/models/image/mnist/convolutional.py index de96be18443..95e5347c62c 100644 --- a/tensorflow/models/image/mnist/convolutional.py +++ b/tensorflow/models/image/mnist/convolutional.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/__init__.py b/tensorflow/models/rnn/__init__.py index 1244ed41125..844cc0b854e 100644 --- a/tensorflow/models/rnn/__init__.py +++ b/tensorflow/models/rnn/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/linear.py b/tensorflow/models/rnn/linear.py index 9958a76e1db..6aad2283668 100644 --- a/tensorflow/models/rnn/linear.py +++ b/tensorflow/models/rnn/linear.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/ptb/__init__.py b/tensorflow/models/rnn/ptb/__init__.py index ee07f9aaff4..4494d503d3d 100644 --- a/tensorflow/models/rnn/ptb/__init__.py +++ b/tensorflow/models/rnn/ptb/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/ptb/ptb_word_lm.py b/tensorflow/models/rnn/ptb/ptb_word_lm.py index c56f316b03d..dbe713669e7 100644 --- a/tensorflow/models/rnn/ptb/ptb_word_lm.py +++ b/tensorflow/models/rnn/ptb/ptb_word_lm.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/ptb/reader.py b/tensorflow/models/rnn/ptb/reader.py index 6c78a350c09..cd18f1ccc25 100644 --- a/tensorflow/models/rnn/ptb/reader.py +++ b/tensorflow/models/rnn/ptb/reader.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/ptb/reader_test.py b/tensorflow/models/rnn/ptb/reader_test.py index 64aad324692..f61032cd972 100644 --- a/tensorflow/models/rnn/ptb/reader_test.py +++ b/tensorflow/models/rnn/ptb/reader_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/rnn.py b/tensorflow/models/rnn/rnn.py index ce39e411756..2b24676f204 100644 --- a/tensorflow/models/rnn/rnn.py +++ b/tensorflow/models/rnn/rnn.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/rnn_cell.py b/tensorflow/models/rnn/rnn_cell.py index 67c4f2eaee0..1602d3b11e8 100644 --- a/tensorflow/models/rnn/rnn_cell.py +++ b/tensorflow/models/rnn/rnn_cell.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/seq2seq.py b/tensorflow/models/rnn/seq2seq.py index 8b7c1d97e1c..0c3e645f449 100644 --- a/tensorflow/models/rnn/seq2seq.py +++ b/tensorflow/models/rnn/seq2seq.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/translate/__init__.py b/tensorflow/models/rnn/translate/__init__.py index f6ee7921b36..a15475f08ba 100644 --- a/tensorflow/models/rnn/translate/__init__.py +++ b/tensorflow/models/rnn/translate/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/translate/data_utils.py b/tensorflow/models/rnn/translate/data_utils.py index 10c908cdc81..369350e6bf1 100644 --- a/tensorflow/models/rnn/translate/data_utils.py +++ b/tensorflow/models/rnn/translate/data_utils.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/translate/seq2seq_model.py b/tensorflow/models/rnn/translate/seq2seq_model.py index a921f28c06f..8af84ac0945 100644 --- a/tensorflow/models/rnn/translate/seq2seq_model.py +++ b/tensorflow/models/rnn/translate/seq2seq_model.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/models/rnn/translate/translate.py b/tensorflow/models/rnn/translate/translate.py index a0691b5b26b..b4fbd4a3b63 100644 --- a/tensorflow/models/rnn/translate/translate.py +++ b/tensorflow/models/rnn/translate/translate.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/blas.cc b/tensorflow/stream_executor/blas.cc index ebaacb1ddbc..239e3fce012 100644 --- a/tensorflow/stream_executor/blas.cc +++ b/tensorflow/stream_executor/blas.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/blas.h b/tensorflow/stream_executor/blas.h index ab4f1258619..be2925c196a 100644 --- a/tensorflow/stream_executor/blas.h +++ b/tensorflow/stream_executor/blas.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_activation.cc b/tensorflow/stream_executor/cuda/cuda_activation.cc index 7c92daa76e2..d21d517aa06 100644 --- a/tensorflow/stream_executor/cuda/cuda_activation.cc +++ b/tensorflow/stream_executor/cuda/cuda_activation.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_activation.h b/tensorflow/stream_executor/cuda/cuda_activation.h index 139519498b5..efe151eda72 100644 --- a/tensorflow/stream_executor/cuda/cuda_activation.h +++ b/tensorflow/stream_executor/cuda/cuda_activation.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_blas.cc b/tensorflow/stream_executor/cuda/cuda_blas.cc index 169fb2aa8a2..224803fc843 100644 --- a/tensorflow/stream_executor/cuda/cuda_blas.cc +++ b/tensorflow/stream_executor/cuda/cuda_blas.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_blas.h b/tensorflow/stream_executor/cuda/cuda_blas.h index d5b949f7d13..1226df6d656 100644 --- a/tensorflow/stream_executor/cuda/cuda_blas.h +++ b/tensorflow/stream_executor/cuda/cuda_blas.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_diagnostics.cc b/tensorflow/stream_executor/cuda/cuda_diagnostics.cc index f24bedc61db..a2fd85e7bc2 100644 --- a/tensorflow/stream_executor/cuda/cuda_diagnostics.cc +++ b/tensorflow/stream_executor/cuda/cuda_diagnostics.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_diagnostics.h b/tensorflow/stream_executor/cuda/cuda_diagnostics.h index e98d32f2865..5cce6b93656 100644 --- a/tensorflow/stream_executor/cuda/cuda_diagnostics.h +++ b/tensorflow/stream_executor/cuda/cuda_diagnostics.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_dnn.cc b/tensorflow/stream_executor/cuda/cuda_dnn.cc index 15aeee645c6..4fb5ddb915d 100644 --- a/tensorflow/stream_executor/cuda/cuda_dnn.cc +++ b/tensorflow/stream_executor/cuda/cuda_dnn.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_dnn.h b/tensorflow/stream_executor/cuda/cuda_dnn.h index e3c9175e019..68f88388630 100644 --- a/tensorflow/stream_executor/cuda/cuda_dnn.h +++ b/tensorflow/stream_executor/cuda/cuda_dnn.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_driver.cc b/tensorflow/stream_executor/cuda/cuda_driver.cc index ddc0e04ab43..b3b65cdefae 100644 --- a/tensorflow/stream_executor/cuda/cuda_driver.cc +++ b/tensorflow/stream_executor/cuda/cuda_driver.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_driver.h b/tensorflow/stream_executor/cuda/cuda_driver.h index fa227b953db..a5de5d0f597 100644 --- a/tensorflow/stream_executor/cuda/cuda_driver.h +++ b/tensorflow/stream_executor/cuda/cuda_driver.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_event.cc b/tensorflow/stream_executor/cuda/cuda_event.cc index ad7c0bbf3bc..1b41502300d 100644 --- a/tensorflow/stream_executor/cuda/cuda_event.cc +++ b/tensorflow/stream_executor/cuda/cuda_event.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_event.h b/tensorflow/stream_executor/cuda/cuda_event.h index 8cda79562b9..46f0232b1dd 100644 --- a/tensorflow/stream_executor/cuda/cuda_event.h +++ b/tensorflow/stream_executor/cuda/cuda_event.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_fft.cc b/tensorflow/stream_executor/cuda/cuda_fft.cc index b5740a1d7b6..59ecf9f1680 100644 --- a/tensorflow/stream_executor/cuda/cuda_fft.cc +++ b/tensorflow/stream_executor/cuda/cuda_fft.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_fft.h b/tensorflow/stream_executor/cuda/cuda_fft.h index 23b3ecd13be..0c7aa34df38 100644 --- a/tensorflow/stream_executor/cuda/cuda_fft.h +++ b/tensorflow/stream_executor/cuda/cuda_fft.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_gpu_executor.cc b/tensorflow/stream_executor/cuda/cuda_gpu_executor.cc index 4e3906da978..e932a279374 100644 --- a/tensorflow/stream_executor/cuda/cuda_gpu_executor.cc +++ b/tensorflow/stream_executor/cuda/cuda_gpu_executor.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_gpu_executor.h b/tensorflow/stream_executor/cuda/cuda_gpu_executor.h index 6997e51a6b6..9e01f48781d 100644 --- a/tensorflow/stream_executor/cuda/cuda_gpu_executor.h +++ b/tensorflow/stream_executor/cuda/cuda_gpu_executor.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_helpers.h b/tensorflow/stream_executor/cuda/cuda_helpers.h index 9ac50ed77ae..7753866560d 100644 --- a/tensorflow/stream_executor/cuda/cuda_helpers.h +++ b/tensorflow/stream_executor/cuda/cuda_helpers.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_kernel.h b/tensorflow/stream_executor/cuda/cuda_kernel.h index dc46cc17604..412e7d9a402 100644 --- a/tensorflow/stream_executor/cuda/cuda_kernel.h +++ b/tensorflow/stream_executor/cuda/cuda_kernel.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_platform.cc b/tensorflow/stream_executor/cuda/cuda_platform.cc index f658ce216d5..d65b29d7798 100644 --- a/tensorflow/stream_executor/cuda/cuda_platform.cc +++ b/tensorflow/stream_executor/cuda/cuda_platform.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_platform.h b/tensorflow/stream_executor/cuda/cuda_platform.h index d799447595b..03db52fd862 100644 --- a/tensorflow/stream_executor/cuda/cuda_platform.h +++ b/tensorflow/stream_executor/cuda/cuda_platform.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_platform_id.cc b/tensorflow/stream_executor/cuda/cuda_platform_id.cc index 09ece156d26..dfd11a9abe8 100644 --- a/tensorflow/stream_executor/cuda/cuda_platform_id.cc +++ b/tensorflow/stream_executor/cuda/cuda_platform_id.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_platform_id.h b/tensorflow/stream_executor/cuda/cuda_platform_id.h index c91ccc0e44b..c677724517c 100644 --- a/tensorflow/stream_executor/cuda/cuda_platform_id.h +++ b/tensorflow/stream_executor/cuda/cuda_platform_id.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_rng.cc b/tensorflow/stream_executor/cuda/cuda_rng.cc index 220ca85df98..334c6af9703 100644 --- a/tensorflow/stream_executor/cuda/cuda_rng.cc +++ b/tensorflow/stream_executor/cuda/cuda_rng.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_rng.h b/tensorflow/stream_executor/cuda/cuda_rng.h index a3c00c55758..5bbfd0b37a0 100644 --- a/tensorflow/stream_executor/cuda/cuda_rng.h +++ b/tensorflow/stream_executor/cuda/cuda_rng.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_stream.cc b/tensorflow/stream_executor/cuda/cuda_stream.cc index de01d4df63d..3eb37a7d841 100644 --- a/tensorflow/stream_executor/cuda/cuda_stream.cc +++ b/tensorflow/stream_executor/cuda/cuda_stream.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_stream.h b/tensorflow/stream_executor/cuda/cuda_stream.h index 0af2540cfc3..7358243dc40 100644 --- a/tensorflow/stream_executor/cuda/cuda_stream.h +++ b/tensorflow/stream_executor/cuda/cuda_stream.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_timer.cc b/tensorflow/stream_executor/cuda/cuda_timer.cc index 8d9d1bd01ac..4bd5503348f 100644 --- a/tensorflow/stream_executor/cuda/cuda_timer.cc +++ b/tensorflow/stream_executor/cuda/cuda_timer.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/cuda_timer.h b/tensorflow/stream_executor/cuda/cuda_timer.h index 1f9b5858810..4a2714dc1fa 100644 --- a/tensorflow/stream_executor/cuda/cuda_timer.h +++ b/tensorflow/stream_executor/cuda/cuda_timer.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/cuda/multi_op_activation.h b/tensorflow/stream_executor/cuda/multi_op_activation.h index e06f212f0fb..8f81bbce63a 100644 --- a/tensorflow/stream_executor/cuda/multi_op_activation.h +++ b/tensorflow/stream_executor/cuda/multi_op_activation.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/device_description.cc b/tensorflow/stream_executor/device_description.cc index 19c901d7d80..a98143e34bb 100644 --- a/tensorflow/stream_executor/device_description.cc +++ b/tensorflow/stream_executor/device_description.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/device_description.h b/tensorflow/stream_executor/device_description.h index 4c799cfcc65..8e3155475c3 100644 --- a/tensorflow/stream_executor/device_description.h +++ b/tensorflow/stream_executor/device_description.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/device_memory.h b/tensorflow/stream_executor/device_memory.h index 54f348c0948..eb73133d313 100644 --- a/tensorflow/stream_executor/device_memory.h +++ b/tensorflow/stream_executor/device_memory.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/device_options.h b/tensorflow/stream_executor/device_options.h index e7a522f0b50..fb701790b11 100644 --- a/tensorflow/stream_executor/device_options.h +++ b/tensorflow/stream_executor/device_options.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/dnn.cc b/tensorflow/stream_executor/dnn.cc index 3865f85e7e7..872173c9efb 100644 --- a/tensorflow/stream_executor/dnn.cc +++ b/tensorflow/stream_executor/dnn.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/dnn.h b/tensorflow/stream_executor/dnn.h index 6eaadcadc20..e625c5ba6fa 100644 --- a/tensorflow/stream_executor/dnn.h +++ b/tensorflow/stream_executor/dnn.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/dso_loader.cc b/tensorflow/stream_executor/dso_loader.cc index 0f7d0eaeb33..fab3385cca2 100644 --- a/tensorflow/stream_executor/dso_loader.cc +++ b/tensorflow/stream_executor/dso_loader.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/dso_loader.h b/tensorflow/stream_executor/dso_loader.h index 2afbc294dfc..a3d46782555 100644 --- a/tensorflow/stream_executor/dso_loader.h +++ b/tensorflow/stream_executor/dso_loader.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/event.cc b/tensorflow/stream_executor/event.cc index 5ded7c590bc..c423a453e9f 100644 --- a/tensorflow/stream_executor/event.cc +++ b/tensorflow/stream_executor/event.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/event.h b/tensorflow/stream_executor/event.h index 4b958895477..a06c26ea519 100644 --- a/tensorflow/stream_executor/event.h +++ b/tensorflow/stream_executor/event.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/executor_cache.cc b/tensorflow/stream_executor/executor_cache.cc index 657cb8814ff..d155a3da56b 100644 --- a/tensorflow/stream_executor/executor_cache.cc +++ b/tensorflow/stream_executor/executor_cache.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/executor_cache.h b/tensorflow/stream_executor/executor_cache.h index f814def9cc0..97bfaaecc97 100644 --- a/tensorflow/stream_executor/executor_cache.h +++ b/tensorflow/stream_executor/executor_cache.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/fft.h b/tensorflow/stream_executor/fft.h index 505e0e4d13d..6e921d142b6 100644 --- a/tensorflow/stream_executor/fft.h +++ b/tensorflow/stream_executor/fft.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/gcuda.cc b/tensorflow/stream_executor/gcuda.cc index f5a16f7be4e..39ac113ba96 100644 --- a/tensorflow/stream_executor/gcuda.cc +++ b/tensorflow/stream_executor/gcuda.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/gcuda.h b/tensorflow/stream_executor/gcuda.h index 4ed0e3d8d03..4cff48e975a 100644 --- a/tensorflow/stream_executor/gcuda.h +++ b/tensorflow/stream_executor/gcuda.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/gpu_launch_dim.h b/tensorflow/stream_executor/gpu_launch_dim.h index 4a671ffbc89..db0e3cbba79 100644 --- a/tensorflow/stream_executor/gpu_launch_dim.h +++ b/tensorflow/stream_executor/gpu_launch_dim.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/kernel.cc b/tensorflow/stream_executor/kernel.cc index 64a4e6f49e6..b09fa8aca55 100644 --- a/tensorflow/stream_executor/kernel.cc +++ b/tensorflow/stream_executor/kernel.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/kernel.h b/tensorflow/stream_executor/kernel.h index 16ffeb2a574..7742e066c70 100644 --- a/tensorflow/stream_executor/kernel.h +++ b/tensorflow/stream_executor/kernel.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/kernel_cache_config.h b/tensorflow/stream_executor/kernel_cache_config.h index 178d977a0e1..9d7ab1b79f6 100644 --- a/tensorflow/stream_executor/kernel_cache_config.h +++ b/tensorflow/stream_executor/kernel_cache_config.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/kernel_spec.cc b/tensorflow/stream_executor/kernel_spec.cc index ef73ae59966..b4f2aa46491 100644 --- a/tensorflow/stream_executor/kernel_spec.cc +++ b/tensorflow/stream_executor/kernel_spec.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/kernel_spec.h b/tensorflow/stream_executor/kernel_spec.h index eb45cb0fb72..3811bd833e7 100644 --- a/tensorflow/stream_executor/kernel_spec.h +++ b/tensorflow/stream_executor/kernel_spec.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/launch_dim.h b/tensorflow/stream_executor/launch_dim.h index 6430ec6a5cf..b95462667ee 100644 --- a/tensorflow/stream_executor/launch_dim.h +++ b/tensorflow/stream_executor/launch_dim.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/array_slice.h b/tensorflow/stream_executor/lib/array_slice.h index 2f1f80b8eea..bef61bb2fc5 100644 --- a/tensorflow/stream_executor/lib/array_slice.h +++ b/tensorflow/stream_executor/lib/array_slice.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/casts.h b/tensorflow/stream_executor/lib/casts.h index 19087ff7dc2..2261944e252 100644 --- a/tensorflow/stream_executor/lib/casts.h +++ b/tensorflow/stream_executor/lib/casts.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/demangle.cc b/tensorflow/stream_executor/lib/demangle.cc index 400713ebaa8..8abbac34327 100644 --- a/tensorflow/stream_executor/lib/demangle.cc +++ b/tensorflow/stream_executor/lib/demangle.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/demangle.h b/tensorflow/stream_executor/lib/demangle.h index 3fb399f31a9..30be5225578 100644 --- a/tensorflow/stream_executor/lib/demangle.h +++ b/tensorflow/stream_executor/lib/demangle.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/env.h b/tensorflow/stream_executor/lib/env.h index 5b99a949765..068fe7936f1 100644 --- a/tensorflow/stream_executor/lib/env.h +++ b/tensorflow/stream_executor/lib/env.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/error.h b/tensorflow/stream_executor/lib/error.h index 5aac04f5259..89df70cb5e5 100644 --- a/tensorflow/stream_executor/lib/error.h +++ b/tensorflow/stream_executor/lib/error.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/human_readable.h b/tensorflow/stream_executor/lib/human_readable.h index 88b6f30d17b..f918c180d98 100644 --- a/tensorflow/stream_executor/lib/human_readable.h +++ b/tensorflow/stream_executor/lib/human_readable.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/initialize.h b/tensorflow/stream_executor/lib/initialize.h index 42a63eba798..1e8a1bad9f6 100644 --- a/tensorflow/stream_executor/lib/initialize.h +++ b/tensorflow/stream_executor/lib/initialize.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/inlined_vector.h b/tensorflow/stream_executor/lib/inlined_vector.h index 2e796225cb1..55a1e3ad102 100644 --- a/tensorflow/stream_executor/lib/inlined_vector.h +++ b/tensorflow/stream_executor/lib/inlined_vector.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/mathutil.h b/tensorflow/stream_executor/lib/mathutil.h index 9e8e1926537..e8310d55dda 100644 --- a/tensorflow/stream_executor/lib/mathutil.h +++ b/tensorflow/stream_executor/lib/mathutil.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/notification.h b/tensorflow/stream_executor/lib/notification.h index 9bb7d4a20e4..26873c7a951 100644 --- a/tensorflow/stream_executor/lib/notification.h +++ b/tensorflow/stream_executor/lib/notification.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/numbers.cc b/tensorflow/stream_executor/lib/numbers.cc index a947cb5b83b..11a65e198d6 100644 --- a/tensorflow/stream_executor/lib/numbers.cc +++ b/tensorflow/stream_executor/lib/numbers.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/numbers.h b/tensorflow/stream_executor/lib/numbers.h index 0b384e5f228..4a8692b7461 100644 --- a/tensorflow/stream_executor/lib/numbers.h +++ b/tensorflow/stream_executor/lib/numbers.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/path.cc b/tensorflow/stream_executor/lib/path.cc index 99345c34204..0188707d9f0 100644 --- a/tensorflow/stream_executor/lib/path.cc +++ b/tensorflow/stream_executor/lib/path.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/path.h b/tensorflow/stream_executor/lib/path.h index 2b118aabe6a..697a264c3c5 100644 --- a/tensorflow/stream_executor/lib/path.h +++ b/tensorflow/stream_executor/lib/path.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/process_state.cc b/tensorflow/stream_executor/lib/process_state.cc index 4b659a6ae90..fcf8847b3ef 100644 --- a/tensorflow/stream_executor/lib/process_state.cc +++ b/tensorflow/stream_executor/lib/process_state.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/process_state.h b/tensorflow/stream_executor/lib/process_state.h index 265c0dfc3c7..205e726d95c 100644 --- a/tensorflow/stream_executor/lib/process_state.h +++ b/tensorflow/stream_executor/lib/process_state.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/ptr_util.h b/tensorflow/stream_executor/lib/ptr_util.h index e42de83c166..2f06b8402c9 100644 --- a/tensorflow/stream_executor/lib/ptr_util.h +++ b/tensorflow/stream_executor/lib/ptr_util.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/stacktrace.h b/tensorflow/stream_executor/lib/stacktrace.h index 4f55f31f17c..17cc27c6e0b 100644 --- a/tensorflow/stream_executor/lib/stacktrace.h +++ b/tensorflow/stream_executor/lib/stacktrace.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/static_threadlocal.h b/tensorflow/stream_executor/lib/static_threadlocal.h index 25d97ae0000..a8394202408 100644 --- a/tensorflow/stream_executor/lib/static_threadlocal.h +++ b/tensorflow/stream_executor/lib/static_threadlocal.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/status.h b/tensorflow/stream_executor/lib/status.h index dbd3154c681..493fc656e1c 100644 --- a/tensorflow/stream_executor/lib/status.h +++ b/tensorflow/stream_executor/lib/status.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/status_macros.h b/tensorflow/stream_executor/lib/status_macros.h index a98efc67ef4..a14ba73af38 100644 --- a/tensorflow/stream_executor/lib/status_macros.h +++ b/tensorflow/stream_executor/lib/status_macros.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/statusor.h b/tensorflow/stream_executor/lib/statusor.h index bbaa385a628..2a6df910abe 100644 --- a/tensorflow/stream_executor/lib/statusor.h +++ b/tensorflow/stream_executor/lib/statusor.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/str_util.h b/tensorflow/stream_executor/lib/str_util.h index c84ae9b4b7f..0f95fd64198 100644 --- a/tensorflow/stream_executor/lib/str_util.h +++ b/tensorflow/stream_executor/lib/str_util.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/strcat.h b/tensorflow/stream_executor/lib/strcat.h index a25eca1e9ab..424cb75f0e8 100644 --- a/tensorflow/stream_executor/lib/strcat.h +++ b/tensorflow/stream_executor/lib/strcat.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/stringpiece.h b/tensorflow/stream_executor/lib/stringpiece.h index 83c7437d366..97ee0c92064 100644 --- a/tensorflow/stream_executor/lib/stringpiece.h +++ b/tensorflow/stream_executor/lib/stringpiece.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/stringprintf.h b/tensorflow/stream_executor/lib/stringprintf.h index 885252e1752..7cc90b5550b 100644 --- a/tensorflow/stream_executor/lib/stringprintf.h +++ b/tensorflow/stream_executor/lib/stringprintf.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/thread_options.h b/tensorflow/stream_executor/lib/thread_options.h index 3ad6e96d3c3..bd7f63714e2 100644 --- a/tensorflow/stream_executor/lib/thread_options.h +++ b/tensorflow/stream_executor/lib/thread_options.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/lib/threadpool.h b/tensorflow/stream_executor/lib/threadpool.h index 2bbd407e665..35630c5106a 100644 --- a/tensorflow/stream_executor/lib/threadpool.h +++ b/tensorflow/stream_executor/lib/threadpool.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/machine_manager.cc b/tensorflow/stream_executor/machine_manager.cc index 5fe1b253245..2b61c8a0bc4 100644 --- a/tensorflow/stream_executor/machine_manager.cc +++ b/tensorflow/stream_executor/machine_manager.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/machine_manager.h b/tensorflow/stream_executor/machine_manager.h index 5f52137da2c..65396dd1ff5 100644 --- a/tensorflow/stream_executor/machine_manager.h +++ b/tensorflow/stream_executor/machine_manager.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/multi_platform_manager.cc b/tensorflow/stream_executor/multi_platform_manager.cc index 2354c44ea02..6f3ac8bda18 100644 --- a/tensorflow/stream_executor/multi_platform_manager.cc +++ b/tensorflow/stream_executor/multi_platform_manager.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/multi_platform_manager.h b/tensorflow/stream_executor/multi_platform_manager.h index 6f370bcd4c1..e49cb73848d 100644 --- a/tensorflow/stream_executor/multi_platform_manager.h +++ b/tensorflow/stream_executor/multi_platform_manager.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform.cc b/tensorflow/stream_executor/platform.cc index dcdcb8f42b0..93f08d06dae 100644 --- a/tensorflow/stream_executor/platform.cc +++ b/tensorflow/stream_executor/platform.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform.h b/tensorflow/stream_executor/platform.h index 3f850ba3272..006065160fc 100644 --- a/tensorflow/stream_executor/platform.h +++ b/tensorflow/stream_executor/platform.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform/default/mutex.h b/tensorflow/stream_executor/platform/default/mutex.h index b834895da5c..f28a2c9318e 100644 --- a/tensorflow/stream_executor/platform/default/mutex.h +++ b/tensorflow/stream_executor/platform/default/mutex.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform/logging.h b/tensorflow/stream_executor/platform/logging.h index 31c15ad1a51..0e9ed49dc87 100644 --- a/tensorflow/stream_executor/platform/logging.h +++ b/tensorflow/stream_executor/platform/logging.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform/mutex.h b/tensorflow/stream_executor/platform/mutex.h index 717e896e253..28828951de5 100644 --- a/tensorflow/stream_executor/platform/mutex.h +++ b/tensorflow/stream_executor/platform/mutex.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform/port.h b/tensorflow/stream_executor/platform/port.h index d0e233e86f0..3c1b40b0169 100644 --- a/tensorflow/stream_executor/platform/port.h +++ b/tensorflow/stream_executor/platform/port.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/platform/thread_annotations.h b/tensorflow/stream_executor/platform/thread_annotations.h index 3eecbaa39f5..cf01724c12b 100644 --- a/tensorflow/stream_executor/platform/thread_annotations.h +++ b/tensorflow/stream_executor/platform/thread_annotations.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/plugin.cc b/tensorflow/stream_executor/plugin.cc index c9f0d15766a..6424658e22f 100644 --- a/tensorflow/stream_executor/plugin.cc +++ b/tensorflow/stream_executor/plugin.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/plugin.h b/tensorflow/stream_executor/plugin.h index bcf66c0d9ac..b1db8b7cb87 100644 --- a/tensorflow/stream_executor/plugin.h +++ b/tensorflow/stream_executor/plugin.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/plugin_registry.cc b/tensorflow/stream_executor/plugin_registry.cc index e05d42985b3..fba8bdeb10c 100644 --- a/tensorflow/stream_executor/plugin_registry.cc +++ b/tensorflow/stream_executor/plugin_registry.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/plugin_registry.h b/tensorflow/stream_executor/plugin_registry.h index 7d97222cc7b..7a02c8380be 100644 --- a/tensorflow/stream_executor/plugin_registry.h +++ b/tensorflow/stream_executor/plugin_registry.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/rng.cc b/tensorflow/stream_executor/rng.cc index 7b040a48cda..08f91584bfc 100644 --- a/tensorflow/stream_executor/rng.cc +++ b/tensorflow/stream_executor/rng.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/rng.h b/tensorflow/stream_executor/rng.h index 3be5040cf12..36d0fdd454f 100644 --- a/tensorflow/stream_executor/rng.h +++ b/tensorflow/stream_executor/rng.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/scratch_allocator.cc b/tensorflow/stream_executor/scratch_allocator.cc index c216de3ab96..0c1db414f2e 100644 --- a/tensorflow/stream_executor/scratch_allocator.cc +++ b/tensorflow/stream_executor/scratch_allocator.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/scratch_allocator.h b/tensorflow/stream_executor/scratch_allocator.h index 52697d6f8e9..94d5ede1613 100644 --- a/tensorflow/stream_executor/scratch_allocator.h +++ b/tensorflow/stream_executor/scratch_allocator.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/shared_memory_config.h b/tensorflow/stream_executor/shared_memory_config.h index f89f602ea69..de556cb7340 100644 --- a/tensorflow/stream_executor/shared_memory_config.h +++ b/tensorflow/stream_executor/shared_memory_config.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream.cc b/tensorflow/stream_executor/stream.cc index 3d264989026..446a3c9a7d1 100644 --- a/tensorflow/stream_executor/stream.cc +++ b/tensorflow/stream_executor/stream.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream.h b/tensorflow/stream_executor/stream.h index b14bf06cdc8..2e995e8512a 100644 --- a/tensorflow/stream_executor/stream.h +++ b/tensorflow/stream_executor/stream.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream_executor.h b/tensorflow/stream_executor/stream_executor.h index 0eb113c0565..dd4664849d3 100644 --- a/tensorflow/stream_executor/stream_executor.h +++ b/tensorflow/stream_executor/stream_executor.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream_executor_internal.cc b/tensorflow/stream_executor/stream_executor_internal.cc index ddc9ae04415..95b285b992d 100644 --- a/tensorflow/stream_executor/stream_executor_internal.cc +++ b/tensorflow/stream_executor/stream_executor_internal.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream_executor_internal.h b/tensorflow/stream_executor/stream_executor_internal.h index 8ff9532a552..acdbb07cb76 100644 --- a/tensorflow/stream_executor/stream_executor_internal.h +++ b/tensorflow/stream_executor/stream_executor_internal.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream_executor_pimpl.cc b/tensorflow/stream_executor/stream_executor_pimpl.cc index 5e55169613e..7f39dbb9ccc 100644 --- a/tensorflow/stream_executor/stream_executor_pimpl.cc +++ b/tensorflow/stream_executor/stream_executor_pimpl.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/stream_executor_pimpl.h b/tensorflow/stream_executor/stream_executor_pimpl.h index e4244111433..5f1b8bda02f 100644 --- a/tensorflow/stream_executor/stream_executor_pimpl.h +++ b/tensorflow/stream_executor/stream_executor_pimpl.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/temporary_device_memory.cc b/tensorflow/stream_executor/temporary_device_memory.cc index 692fafb7c1c..c33166b2246 100644 --- a/tensorflow/stream_executor/temporary_device_memory.cc +++ b/tensorflow/stream_executor/temporary_device_memory.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/temporary_device_memory.h b/tensorflow/stream_executor/temporary_device_memory.h index a8a95fb7e03..2255e7ffd71 100644 --- a/tensorflow/stream_executor/temporary_device_memory.h +++ b/tensorflow/stream_executor/temporary_device_memory.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/temporary_memory_manager.cc b/tensorflow/stream_executor/temporary_memory_manager.cc index d2c18c91a92..449ab7d3f0b 100644 --- a/tensorflow/stream_executor/temporary_memory_manager.cc +++ b/tensorflow/stream_executor/temporary_memory_manager.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/temporary_memory_manager.h b/tensorflow/stream_executor/temporary_memory_manager.h index 5b28b1d5077..2e6fbd9d62a 100644 --- a/tensorflow/stream_executor/temporary_memory_manager.h +++ b/tensorflow/stream_executor/temporary_memory_manager.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/timer.cc b/tensorflow/stream_executor/timer.cc index 62fe1c9f642..41d7e4359d4 100644 --- a/tensorflow/stream_executor/timer.cc +++ b/tensorflow/stream_executor/timer.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/timer.h b/tensorflow/stream_executor/timer.h index c39048d70be..0a37caa0f2f 100644 --- a/tensorflow/stream_executor/timer.h +++ b/tensorflow/stream_executor/timer.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/stream_executor/trace_listener.h b/tensorflow/stream_executor/trace_listener.h index bea75c30719..804c6ee8faf 100644 --- a/tensorflow/stream_executor/trace_listener.h +++ b/tensorflow/stream_executor/trace_listener.h @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/tools/pip_package/build_pip_package.sh b/tensorflow/tools/pip_package/build_pip_package.sh index fd60d1da6e6..86d1fb1dee6 100755 --- a/tensorflow/tools/pip_package/build_pip_package.sh +++ b/tensorflow/tools/pip_package/build_pip_package.sh @@ -1,5 +1,5 @@ #!/usr/bin/env bash -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/tools/pip_package/setup.py b/tensorflow/tools/pip_package/setup.py index 4fa918b4d39..75676601a2d 100644 --- a/tensorflow/tools/pip_package/setup.py +++ b/tensorflow/tools/pip_package/setup.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/tools/pip_package/simple_console.py b/tensorflow/tools/pip_package/simple_console.py index c40570321f5..106528bbc8b 100644 --- a/tensorflow/tools/pip_package/simple_console.py +++ b/tensorflow/tools/pip_package/simple_console.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tensorflow/user_ops/ackermann_op.cc b/tensorflow/user_ops/ackermann_op.cc index da76ddadbd1..2c2aad250d9 100644 --- a/tensorflow/user_ops/ackermann_op.cc +++ b/tensorflow/user_ops/ackermann_op.cc @@ -1,4 +1,4 @@ -/* Copyright 2015 Google Inc. All Rights Reserved. +/* Copyright 2015 The TensorFlow Authors. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/tensorflow/user_ops/ackermann_test.py b/tensorflow/user_ops/ackermann_test.py index bb757e69d1c..257de498088 100644 --- a/tensorflow/user_ops/ackermann_test.py +++ b/tensorflow/user_ops/ackermann_test.py @@ -1,4 +1,4 @@ -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc b/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc index 5f175efcf3f..7e7633192c4 100755 --- a/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc +++ b/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc @@ -1,5 +1,5 @@ #!/usr/bin/env python2.7 -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/third_party/gpus/cuda/cuda_config.sh b/third_party/gpus/cuda/cuda_config.sh index 0e1106bb703..8a0c70cbbd3 100755 --- a/third_party/gpus/cuda/cuda_config.sh +++ b/third_party/gpus/cuda/cuda_config.sh @@ -1,5 +1,5 @@ #!/usr/bin/env bash -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/util/python/python_config.sh b/util/python/python_config.sh index 7554765003d..aaad084f69a 100755 --- a/util/python/python_config.sh +++ b/util/python/python_config.sh @@ -1,5 +1,5 @@ #!/usr/bin/env bash -# Copyright 2015 Google Inc. All Rights Reserved. +# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License.