From 6503f2cfc3f520f25803c51d798ba54f9bd833c8 Mon Sep 17 00:00:00 2001 From: "Peter J. Liu" Date: Wed, 22 Jan 2020 15:48:45 -0800 Subject: [PATCH] internal PiperOrigin-RevId: 291048477 --- __init__.py | 2 +- abps/abps_runners.py | 2 +- abps/agents/dqn/dqn_agent.py | 2 +- abps/agents/tf_agent.py | 2 +- abps/baseline_runners.py | 2 +- abps/eval.py | 2 +- abps/eval_independ.py | 2 +- abps/hparam.py | 2 +- abps/new_pymetrics.py | 2 +- abps/py_hashed_replay_buffer.py | 2 +- abps/py_uniform_replay_buffer.py | 2 +- abps/run.sh | 2 +- abps/train.py | 2 +- abps/train_independ.py | 2 +- algae_dice/__init__.py | 2 +- algae_dice/algae.py | 2 +- algae_dice/keras_utils.py | 2 +- algae_dice/run.sh | 2 +- algae_dice/train_eval.py | 2 +- algae_dice/wrappers/__init__.py | 2 +- .../wrappers/normalize_action_wrapper.py | 2 +- attribution/__init__.py | 2 +- attribution/integrated_gradients.py | 2 +- attribution/integrated_gradients_test.py | 2 +- attribution/run.sh | 2 +- axial/__init__.py | 2 +- axial/config_imagenet32.py | 2 +- axial/config_imagenet64.py | 2 +- axial/datasets.py | 2 +- axial/logging_utils.py | 2 +- axial/main.py | 2 +- axial/models.py | 2 +- axial/nn.py | 2 +- axial/run.sh | 2 +- axial/transformers.py | 2 +- axial/transformers_test.py | 2 +- axial/utils.py | 2 +- axial/worker_util.py | 2 +- bam/__init__.py | 2 +- bam/bert/__init__.py | 2 +- bam/bert/modeling.py | 2 +- bam/bert/optimization.py | 2 +- bam/bert/tokenization.py | 2 +- bam/configure.py | 2 +- bam/data/__init__.py | 2 +- bam/data/feature_spec.py | 2 +- bam/data/preprocessing.py | 2 +- bam/data/task_weighting.py | 2 +- bam/helpers/__init__.py | 2 +- bam/helpers/training_utils.py | 2 +- bam/helpers/utils.py | 2 +- bam/run.sh | 2 +- bam/run_classifier.py | 2 +- bam/task_specific/__init__.py | 2 +- bam/task_specific/classification/__init__.py | 2 +- .../classification/classification_metrics.py | 2 +- .../classification/classification_tasks.py | 2 +- bam/task_specific/scorer.py | 2 +- bam/task_specific/task.py | 2 +- bam/task_specific/task_builder.py | 2 +- batch_science/__init__.py | 2 +- batch_science/data_loader.py | 2 +- batch_science/measurement_utils.py | 2 +- batch_science/plot_utils.py | 2 +- behavior_regularized_offline_rl/__init__.py | 2 +- .../brac/__init__.py | 2 +- behavior_regularized_offline_rl/brac/agent.py | 2 +- .../brac/agents.py | 2 +- .../brac/bc_agent.py | 2 +- .../brac/bcq_agent.py | 2 +- .../brac/brac_dual_agent.py | 2 +- .../brac/brac_primal_agent.py | 2 +- .../brac/collect_data.py | 2 +- .../brac/collect_data_test.py | 2 +- .../brac/configs/dcfg_eps1.py | 2 +- .../brac/configs/dcfg_eps3.py | 2 +- .../brac/configs/dcfg_example.py | 2 +- .../brac/configs/dcfg_gaussian1.py | 2 +- .../brac/configs/dcfg_gaussian3.py | 2 +- .../brac/configs/dcfg_pure.py | 2 +- .../brac/dataset.py | 2 +- .../brac/divergences.py | 2 +- .../brac/networks.py | 2 +- .../brac/policies.py | 2 +- .../brac/policy_loader.py | 2 +- .../brac/run_bc.sh | 2 +- .../brac/run_bcq.sh | 2 +- .../brac/run_collect_data.sh | 2 +- .../brac/run_dual.sh | 2 +- .../brac/run_primal.sh | 2 +- .../brac/run_train_online.sh | 2 +- .../brac/sac_agent.py | 2 +- .../brac/train_eval_offline.py | 2 +- .../brac/train_eval_online.py | 2 +- .../brac/train_eval_utils.py | 2 +- .../brac/train_offline.py | 2 +- .../brac/train_offline_test.py | 2 +- .../brac/train_online.py | 2 +- .../brac/train_online_test.py | 2 +- behavior_regularized_offline_rl/brac/utils.py | 2 +- behavior_regularized_offline_rl/run.sh | 2 +- bisimulation_aaai2020/__init__.py | 2 +- bisimulation_aaai2020/dopamine/__init__.py | 2 +- .../dopamine/agent_visualizer.py | 2 +- bisimulation_aaai2020/dopamine/evaluate.py | 2 +- bisimulation_aaai2020/dopamine/play.py | 2 +- .../dopamine/rainbow_agent.py | 2 +- .../dopamine/run_experiment.py | 2 +- bisimulation_aaai2020/grid_world/__init__.py | 2 +- .../grid_world/compute_metric.py | 2 +- .../grid_world/configs/__init__.py | 2 +- .../grid_world/grid_world.py | 2 +- bisimulation_aaai2020/run.sh | 2 +- bitempered_loss/loss.py | 2 +- bitempered_loss/loss_test.py | 2 +- bitempered_loss/run.sh | 2 +- capsule_em/__init__.py | 2 +- capsule_em/em_layers.py | 2 +- capsule_em/em_model.py | 2 +- capsule_em/experiment.py | 2 +- capsule_em/layers.py | 2 +- capsule_em/mnist/__init__.py | 2 +- capsule_em/mnist/mnist_record.py | 2 +- capsule_em/model.py | 2 +- capsule_em/norb/__init__.py | 2 +- capsule_em/norb/norb_convert.py | 2 +- capsule_em/norb/norb_record.py | 2 +- capsule_em/run.sh | 2 +- capsule_em/simple_model.py | 2 +- capsule_em/utils.py | 2 +- cfq/__init__.py | 2 +- cfq/cfq/__init__.py | 2 +- cfq/cfq/cfq.py | 2 +- cfq/evaluate.py | 2 +- cfq/preprocess_dataset.py | 2 +- cfq/run.sh | 2 +- cfq/run_experiment.sh | 2 +- cluster_gcn/__init__.py | 2 +- cluster_gcn/inits.py | 2 +- cluster_gcn/layers.py | 2 +- cluster_gcn/metrics.py | 2 +- cluster_gcn/models.py | 2 +- cluster_gcn/partition_utils.py | 2 +- cluster_gcn/run_ppi.sh | 2 +- cluster_gcn/run_reddit.sh | 2 +- cluster_gcn/train.py | 2 +- cluster_gcn/utils.py | 2 +- clustering_normalized_cuts/affinities.py | 2 +- clustering_normalized_cuts/cnc_net.py | 2 +- clustering_normalized_cuts/data_loader.py | 2 +- clustering_normalized_cuts/layer.py | 2 +- clustering_normalized_cuts/networks.py | 2 +- clustering_normalized_cuts/pairs.py | 2 +- clustering_normalized_cuts/run.py | 2 +- clustering_normalized_cuts/setup.py | 2 +- clustering_normalized_cuts/train.py | 2 +- clustering_normalized_cuts/util.py | 2 +- cnn_quantization/__init__.py | 2 +- cnn_quantization/run.sh | 2 +- .../tf_cnn_benchmarks/__init__.py | 2 +- .../tf_cnn_benchmarks/all_reduce_benchmark.py | 2 +- .../all_reduce_benchmark_test.py | 2 +- .../tf_cnn_benchmarks/allreduce.py | 2 +- .../tf_cnn_benchmarks/allreduce_test.py | 2 +- .../tf_cnn_benchmarks/batch_allreduce.py | 2 +- .../tf_cnn_benchmarks/benchmark_cnn.py | 2 +- .../benchmark_cnn_distributed_test.py | 2 +- .../benchmark_cnn_distributed_test_runner.py | 2 +- .../tf_cnn_benchmarks/benchmark_cnn_test.py | 2 +- .../tf_cnn_benchmarks/cnn_util.py | 2 +- .../tf_cnn_benchmarks/cnn_util_test.py | 2 +- .../tf_cnn_benchmarks/coco_metric.py | 2 +- .../tf_cnn_benchmarks/constants.py | 2 +- .../tf_cnn_benchmarks/convnet_builder.py | 2 +- .../tf_cnn_benchmarks/datasets.py | 2 +- cnn_quantization/tf_cnn_benchmarks/flags.py | 2 +- cnn_quantization/tf_cnn_benchmarks/mlperf.py | 2 +- .../tf_cnn_benchmarks/mlperf_test.py | 2 +- .../tf_cnn_benchmarks/models/__init__.py | 2 +- .../tf_cnn_benchmarks/models/alexnet_model.py | 2 +- .../models/densenet_model.py | 2 +- .../models/googlenet_model.py | 2 +- .../models/inception_model.py | 2 +- .../tf_cnn_benchmarks/models/lenet_model.py | 2 +- .../tf_cnn_benchmarks/models/model.py | 2 +- .../tf_cnn_benchmarks/models/model_config.py | 2 +- .../models/overfeat_model.py | 2 +- .../tf_cnn_benchmarks/models/resnet_model.py | 2 +- .../models/resnet_model_test.py | 2 +- .../tf_cnn_benchmarks/models/ssd_model.py | 2 +- .../tf_cnn_benchmarks/models/trivial_model.py | 2 +- .../tf_cnn_benchmarks/models/vgg_model.py | 2 +- .../tf_cnn_benchmarks/platforms/__init__.py | 2 +- .../platforms/default/__init__.py | 2 +- .../platforms/default/util.py | 2 +- .../tf_cnn_benchmarks/platforms/util.py | 2 +- .../tf_cnn_benchmarks/preprocessing.py | 2 +- .../tf_cnn_benchmarks/run_tests.py | 2 +- .../tf_cnn_benchmarks/ssd_constants.py | 2 +- .../tf_cnn_benchmarks/ssd_dataloader.py | 2 +- .../tf_cnn_benchmarks/test_data/__init__.py | 2 +- .../test_data/create_cifar10_test_data.py | 2 +- .../test_data/tfrecord_image_generator.py | 2 +- .../tf_cnn_benchmarks/test_util.py | 2 +- .../tf_cnn_benchmarks/tf_cnn_benchmarks.py | 2 +- .../tf_cnn_benchmarks/variable_mgr.py | 2 +- .../tf_cnn_benchmarks/variable_mgr_util.py | 2 +- .../variable_mgr_util_test.py | 2 +- compile_protos.sh | 2 +- concept_explanations/awa_helper.py | 2 +- concept_explanations/awa_main.py | 2 +- concept_explanations/create_toy.py | 2 +- concept_explanations/ipca.py | 2 +- concept_explanations/run.sh | 2 +- concept_explanations/toy_baseline.py | 2 +- concept_explanations/toy_helper.py | 2 +- concept_explanations/toy_main.py | 2 +- correct_batch_effects_wdn/distance.py | 2 +- correct_batch_effects_wdn/distance_test.py | 2 +- correct_batch_effects_wdn/evaluate.py | 2 +- correct_batch_effects_wdn/evaluate_metrics.py | 2 +- correct_batch_effects_wdn/evaluate_test.py | 2 +- .../forgetting_nuisance.py | 2 +- .../forgetting_nuisance_test.py | 2 +- correct_batch_effects_wdn/io_utils.py | 2 +- correct_batch_effects_wdn/io_utils_test.py | 2 +- .../ljosa_embeddings_to_h5.py | 2 +- .../ljosa_preprocessing.py | 2 +- correct_batch_effects_wdn/metadata.py | 2 +- correct_batch_effects_wdn/transform.py | 2 +- correct_batch_effects_wdn/transform_test.py | 2 +- dac/common.py | 2 +- dac/create_demos.py | 2 +- dac/ddpg_td3.py | 2 +- dac/evaluation_worker.py | 2 +- dac/gail.py | 2 +- dac/generate_expert_data.py | 2 +- dac/lfd_envs.py | 2 +- dac/lfd_training_worker.py | 2 +- dac/replay_buffer.py | 2 +- dac/run_evaluation_worker.sh | 2 +- dac/run_training_worker.sh | 2 +- dac/training_worker.py | 2 +- dac/utils.py | 2 +- dataset_analysis/__init__.py | 2 +- dataset_analysis/analyze_data.py | 2 +- dataset_analysis/bert/__init__.py | 2 +- dataset_analysis/bert/modeling.py | 2 +- dataset_analysis/bert/optimization.py | 2 +- dataset_analysis/bert/tokenization.py | 2 +- dataset_analysis/bert_classifier.py | 2 +- dataset_analysis/extract_words.py | 2 +- .../inspect_output_layer_weights.py | 2 +- dataset_analysis/learn_target_relations.py | 2 +- dataset_analysis/ppca.py | 2 +- dataset_analysis/replace_targets.py | 2 +- dataset_analysis/run.sh | 2 +- dble/data_loader.py | 2 +- dble/main_dble.py | 2 +- dble/mlp.py | 2 +- dble/resnet.py | 2 +- dble/run.sh | 2 +- dble/tiny_imagenet.py | 2 +- dble/utils.py | 2 +- dble/vgg.py | 2 +- deep_homography/__init__.py | 2 +- deep_homography/hmg_util.py | 2 +- deep_homography/models.py | 2 +- deep_homography/test.py | 2 +- deep_homography/train.py | 2 +- demogen/__init__.py | 2 +- demogen/data_util.py | 2 +- demogen/example.py | 2 +- demogen/margin_utils.py | 2 +- demogen/model_config.py | 2 +- demogen/models/__init__.py | 2 +- demogen/models/get_model.py | 2 +- demogen/models/nin.py | 2 +- demogen/models/resnet.py | 2 +- demogen/run.sh | 2 +- demogen/total_variation_util.py | 2 +- .../parse_wikinews.py | 2 +- .../parse_wikinews.sh | 2 +- .../run.sh | 2 +- depth_from_video_in_the_wild/__init__.py | 2 +- .../consistency_losses.py | 2 +- .../depth_prediction_net.py | 2 +- depth_from_video_in_the_wild/model.py | 2 +- .../motion_prediction_net.py | 2 +- .../randomized_layer_normalization.py | 2 +- depth_from_video_in_the_wild/reader.py | 2 +- .../render_euroc_depth.py | 2 +- depth_from_video_in_the_wild/run.sh | 2 +- depth_from_video_in_the_wild/train.py | 2 +- .../trajectory_inference.py | 2 +- .../transform_depth_map.py | 2 +- .../transform_utils.py | 2 +- dictionary_learning/__init__.py | 2 +- dictionary_learning/dictionary_learning.py | 2 +- .../dictionary_learning_test.py | 2 +- dictionary_learning/run.sh | 2 +- dql_grasping/__init__.py | 2 +- dql_grasping/collect_eval.py | 2 +- dql_grasping/cross_entropy.py | 2 +- dql_grasping/ddpg_graph.py | 2 +- dql_grasping/episode_to_transitions.py | 2 +- dql_grasping/gin_imports.py | 2 +- dql_grasping/grasping_env.py | 2 +- dql_grasping/input_data.py | 2 +- dql_grasping/kuka.py | 2 +- dql_grasping/policies.py | 2 +- dql_grasping/policies_test.py | 2 +- dql_grasping/q_graph.py | 2 +- dql_grasping/run.sh | 2 +- dql_grasping/run_env.py | 2 +- dql_grasping/run_env_test.py | 2 +- dql_grasping/run_random_collect_oss.sh | 2 +- dql_grasping/run_train_collect_eval.py | 2 +- dql_grasping/run_train_collect_eval_oss.sh | 2 +- dql_grasping/schedules.py | 2 +- dql_grasping/schedules_test.py | 2 +- dql_grasping/tf_critics.py | 2 +- dql_grasping/tf_modules.py | 2 +- dql_grasping/train_collect_eval.py | 2 +- dql_grasping/train_collect_eval_test.py | 2 +- dql_grasping/train_ddpg.py | 2 +- dql_grasping/train_q.py | 2 +- dql_grasping/writer.py | 2 +- dreg_estimators/__init__.py | 2 +- dreg_estimators/main_loop.py | 2 +- dreg_estimators/model.py | 2 +- dreg_estimators/run.sh | 2 +- dreg_estimators/utils.py | 2 +- dual_dice/algos/base.py | 2 +- dual_dice/algos/dual_dice.py | 2 +- dual_dice/algos/neural_dual_dice.py | 2 +- dual_dice/gridworld/environments.py | 2 +- dual_dice/gridworld/policies.py | 2 +- dual_dice/policy.py | 2 +- dual_dice/run.py | 2 +- dual_dice/run.sh | 2 +- dual_dice/transition_data.py | 2 +- dvrl/data_loading.py | 2 +- dvrl/dvrl.py | 2 +- dvrl/dvrl_metrics.py | 2 +- dvrl/dvrl_test.py | 2 +- dvrl/dvrl_utils.py | 2 +- dvrl/main_corrupted_sample_discovery.py | 2 +- dvrl/main_data_valuation.py | 2 +- dvrl/main_domain_adaptation.py | 2 +- dvrl/main_dvrl_image_transfer_learning.py | 2 +- dvrl/run.sh | 2 +- edward2_autoreparam/__init__.py | 2 +- edward2_autoreparam/analyze_results.py | 2 +- edward2_autoreparam/experiments.py | 2 +- edward2_autoreparam/models.py | 2 +- edward2_autoreparam/models_test.py | 2 +- edward2_autoreparam/run.sh | 2 +- edward2_autoreparam/run_experiments.py | 2 +- edward2_autoreparam/tfp/__init__.py | 2 +- edward2_autoreparam/tfp/interleaved.py | 2 +- .../tfp/program_transformations.py | 2 +- edward2_autoreparam/util.py | 2 +- eeg_modelling/__init__.py | 2 +- eeg_modelling/edf/base/canonical_errors.cc | 2 +- eeg_modelling/edf/base/canonical_errors.h | 2 +- eeg_modelling/edf/base/status.cc | 2 +- eeg_modelling/edf/base/status.h | 2 +- eeg_modelling/edf/base/status_macros.h | 2 +- eeg_modelling/edf/base/statusor.cc | 2 +- eeg_modelling/edf/base/statusor.h | 2 +- eeg_modelling/edf/base/time_proto_util.cc | 2 +- eeg_modelling/edf/base/time_proto_util.h | 2 +- eeg_modelling/edf/edf.cc | 2 +- eeg_modelling/edf/edf.h | 2 +- eeg_modelling/edf/edf_file.cc | 2 +- eeg_modelling/edf/edf_file.h | 2 +- eeg_modelling/edf/edf_oss_file.cc | 2 +- eeg_modelling/edf/edf_oss_file.h | 2 +- eeg_modelling/edf/edf_reader.cc | 2 +- eeg_modelling/edf/edf_reader.h | 2 +- eeg_modelling/edf/edf_util.cc | 2 +- eeg_modelling/edf/edf_util.h | 2 +- eeg_modelling/edf/parse_edf_lib.cc | 2 +- eeg_modelling/edf/parse_edf_lib.h | 2 +- eeg_modelling/edf/proto/annotation.proto | 2 +- eeg_modelling/edf/proto/edf.proto | 2 +- eeg_modelling/edf/proto/event.proto | 2 +- eeg_modelling/edf/proto/segment.proto | 2 +- eeg_modelling/edf/temple_edf_to_tf_example.cc | 2 +- eeg_modelling/edf/temple_util.cc | 2 +- eeg_modelling/edf/temple_util.h | 2 +- eeg_modelling/edf/tf_example_lib.cc | 2 +- eeg_modelling/edf/tf_example_lib.h | 2 +- eeg_modelling/eeg_viewer/__init__.py | 2 +- eeg_modelling/eeg_viewer/data_source.py | 2 +- eeg_modelling/eeg_viewer/jslib/app_loader.js | 2 +- .../eeg_viewer/jslib/download_helper.js | 2 +- eeg_modelling/eeg_viewer/lookup.py | 2 +- eeg_modelling/eeg_viewer/lookup_test.py | 2 +- .../eeg_viewer/prediction_data_service.py | 2 +- .../prediction_data_service_test.py | 2 +- eeg_modelling/eeg_viewer/server.py | 2 +- eeg_modelling/eeg_viewer/server_test.py | 2 +- eeg_modelling/eeg_viewer/signal_helper.py | 2 +- eeg_modelling/eeg_viewer/similarity.py | 2 +- eeg_modelling/eeg_viewer/similarity_test.py | 2 +- .../eeg_viewer/static/js/annotations.js | 2 +- .../eeg_viewer/static/js/annotations_test.js | 2 +- .../eeg_viewer/static/js/chart_base.js | 2 +- .../eeg_viewer/static/js/chart_base_test.js | 2 +- .../eeg_viewer/static/js/chart_controller.js | 2 +- .../eeg_viewer/static/js/dispatcher.js | 2 +- .../eeg_viewer/static/js/dispatcher_test.js | 2 +- .../eeg_viewer/static/js/downloader.js | 2 +- .../eeg_viewer/static/js/downloader_test.js | 2 +- eeg_modelling/eeg_viewer/static/js/error.js | 2 +- .../eeg_viewer/static/js/error_test.js | 2 +- .../eeg_viewer/static/js/formatter.js | 2 +- eeg_modelling/eeg_viewer/static/js/graph.js | 2 +- .../eeg_viewer/static/js/graph_test.js | 2 +- eeg_modelling/eeg_viewer/static/js/main.js | 2 +- eeg_modelling/eeg_viewer/static/js/menus.js | 2 +- .../eeg_viewer/static/js/menus_test.js | 2 +- .../eeg_viewer/static/js/montages.js | 2 +- .../eeg_viewer/static/js/nav_chart.js | 2 +- .../eeg_viewer/static/js/nav_chart_test.js | 2 +- .../eeg_viewer/static/js/predictions.js | 2 +- .../eeg_viewer/static/js/predictions_chart.js | 2 +- .../static/js/predictions_chart_test.js | 2 +- .../eeg_viewer/static/js/predictions_test.js | 2 +- .../eeg_viewer/static/js/requests.js | 2 +- .../eeg_viewer/static/js/requests_test.js | 2 +- eeg_modelling/eeg_viewer/static/js/store.js | 2 +- .../eeg_viewer/static/js/store_test.js | 2 +- .../eeg_viewer/static/js/tool_bar.js | 2 +- .../eeg_viewer/static/js/tool_bar_test.js | 2 +- .../eeg_viewer/static/js/uploader.js | 2 +- .../eeg_viewer/static/js/uploader_test.js | 2 +- eeg_modelling/eeg_viewer/static/js/utils.js | 2 +- .../eeg_viewer/static/js/wave_event_form.js | 2 +- .../eeg_viewer/static/js/wave_events.js | 2 +- .../eeg_viewer/static/js/window_location.js | 2 +- .../static/js/window_location_test.js | 2 +- .../eeg_viewer/static/styles/styles.css | 2 +- eeg_modelling/eeg_viewer/templates/index.html | 2 +- .../eeg_viewer/templates/report.html | 2 +- eeg_modelling/eeg_viewer/utils.py | 2 +- eeg_modelling/eeg_viewer/utils_test.py | 2 +- .../eeg_viewer/waveform_data_service.py | 2 +- .../eeg_viewer/waveform_data_service_test.py | 2 +- eeg_modelling/protos/data.proto | 2 +- eeg_modelling/protos/event.proto | 2 +- eeg_modelling/protos/prediction_output.proto | 2 +- eeg_modelling/protos/similarity.proto | 2 +- eeg_modelling/viewer.sh | 2 +- eim/__init__.py | 2 +- eim/concat_images.py | 2 +- eim/datasets.py | 2 +- eim/get_image_summaries.py | 2 +- eim/mnist.py | 2 +- eim/models/__init__.py | 2 +- eim/models/base.py | 2 +- eim/models/his.py | 2 +- eim/models/lars.py | 2 +- eim/models/nis.py | 2 +- eim/models/rejection_sampling.py | 2 +- eim/models/vae.py | 2 +- eim/run.sh | 2 +- eim/small_problems.py | 2 +- eim/small_problems_density_plot.py | 2 +- eim/small_problems_dists.py | 2 +- enas_lm/__init__.py | 2 +- enas_lm/src/__init__.py | 2 +- enas_lm/src/child.py | 2 +- enas_lm/src/controller.py | 2 +- enas_lm/src/data_utils.py | 2 +- enas_lm/src/fixed.py | 2 +- enas_lm/src/fixed_lib.py | 2 +- enas_lm/src/lstm.py | 2 +- enas_lm/src/lstm_lib.py | 2 +- enas_lm/src/process.py | 2 +- enas_lm/src/search.py | 2 +- enas_lm/src/tpu/__init__.py | 2 +- enas_lm/src/tpu/data_utils.py | 2 +- enas_lm/src/tpu/fixed.py | 2 +- enas_lm/src/tpu/fixed_lib.py | 2 +- enas_lm/src/tpu/utils.py | 2 +- enas_lm/src/utils.py | 2 +- evanet/__init__.py | 2 +- evanet/inception_cell_spec.proto | 2 +- evanet/inception_cell_spec_pb2.py | 2 +- evanet/model_dna.py | 2 +- evanet/run.sh | 2 +- evanet/run_evanet.py | 2 +- evanet/tgm_layer.py | 2 +- explaining_risk_increase/__init__.py | 2 +- explaining_risk_increase/input_fn.py | 2 +- explaining_risk_increase/input_fn_test.py | 2 +- .../observation_sequence_model.py | 2 +- .../observation_sequence_model_test.py | 2 +- explaining_risk_increase/run.sh | 2 +- extrapolation/__init__.py | 2 +- extrapolation/classifier/classifier.py | 2 +- extrapolation/classifier/classifier_test.py | 2 +- .../classifier/run_cnn_mnist_main.py | 2 +- extrapolation/classifier/run_cnn_mnist_ood.py | 2 +- extrapolation/classifier/train_cnn.py | 2 +- .../influence/calculate_influence.py | 2 +- .../influence/calculate_influence_main.py | 2 +- .../influence/calculate_influence_ood.py | 2 +- .../influence/calculate_influence_ood_main.py | 2 +- extrapolation/influence/eigenvalues.py | 2 +- extrapolation/influence/eigenvalues_test.py | 2 +- extrapolation/influence/train_classifier.py | 2 +- .../influence/train_classifier_ood.py | 2 +- extrapolation/run.sh | 2 +- extrapolation/utils/__init__.py | 2 +- extrapolation/utils/dataset_utils.py | 2 +- extrapolation/utils/dataset_utils_test.py | 2 +- extrapolation/utils/running_average_loss.py | 2 +- .../utils/running_average_loss_test.py | 2 +- extrapolation/utils/tensor_utils.py | 2 +- extrapolation/utils/tensor_utils_test.py | 2 +- extrapolation/utils/utils.py | 2 +- extrapolation/vae/run_vae_mnist.py | 2 +- extrapolation/vae/run_vae_mnist_ood.py | 2 +- extrapolation/vae/run_vae_mnist_test.py | 2 +- extrapolation/vae/running_average_loss.py | 2 +- extrapolation/vae/vae.py | 2 +- fat/entity_linking/__init__.py | 2 +- fat/entity_linking/nq_sling_entity_linker.py | 2 +- fat/fat_bert_nq/__init__.py | 2 +- fat/fat_bert_nq/nq_data_utils.py | 2 +- fat/fat_bert_nq/nq_sharder.py | 2 +- fat/fat_bert_nq/ppr/__init__.py | 2 +- fat/fat_bert_nq/ppr/apr_algo.py | 2 +- fat/fat_bert_nq/ppr/apr_lib.py | 2 +- fat/fat_bert_nq/ppr/kb_csr_io.py | 2 +- fat/fat_bert_nq/ppr/sample_apr.py | 2 +- fat/fat_bert_nq/ppr/sling_utils.py | 2 +- fat/fat_bert_nq/prepare_nq_data.py | 2 +- fat/fat_bert_nq/run_nq.py | 2 +- fat/fat_bert_nq/run_nq_test.py | 2 +- fat/run.sh | 2 +- frechet_audio_distance/__init__.py | 2 +- frechet_audio_distance/audioset_model.py | 2 +- frechet_audio_distance/compute_fad.py | 2 +- .../create_embeddings_beam.py | 2 +- .../create_embeddings_main.py | 2 +- frechet_audio_distance/fad_utils.py | 2 +- frechet_audio_distance/gen_test_files.py | 2 +- frechet_video_distance/__init__.py | 2 +- frechet_video_distance/example.py | 2 +- .../frechet_video_distance.py | 2 +- generalized_rates/datasets/load_adult.py | 2 +- generalized_rates/datasets/load_compas.py | 2 +- .../fmeasure_optimization/evaluation.py | 2 +- .../fmeasure_optimization/experiments.py | 2 +- .../fmeasure_optimization/methods.py | 2 +- .../kld_optimization/evaluation.py | 2 +- .../kld_optimization/experiments.py | 2 +- generalized_rates/kld_optimization/methods.py | 2 +- generalized_rates/run.sh | 2 +- genomics_ood/classifier.py | 2 +- genomics_ood/generative.py | 2 +- genomics_ood/images_ood/eval.py | 2 +- genomics_ood/images_ood/notmnist_to_np.py | 2 +- genomics_ood/images_ood/pixel_cnn.py | 2 +- genomics_ood/images_ood/tfds_to_np.py | 2 +- genomics_ood/images_ood/train.py | 2 +- genomics_ood/images_ood/utils.py | 2 +- genomics_ood/run.sh | 2 +- genomics_ood/utils.py | 2 +- graph_compression/compression_lib/__init__.py | 2 +- .../compression_lib/compression_op.py | 2 +- .../compression_lib/compression_op_test.py | 2 +- .../compression_lib/compression_op_utils.py | 2 +- .../compression_op_utils_test.py | 2 +- .../compression_lib/compression_wrapper.py | 2 +- .../compression_wrapper_test.py | 2 +- .../compression_lib/decompose_matrix.py | 2 +- .../examples/cifar10/cifar10_compression.py | 2 +- .../examples/cifar10/cifar10_eval.py | 2 +- .../examples/cifar10/cifar10_input.py | 2 +- .../examples/cifar10/cifar10_train.py | 2 +- .../compression_lib/simhash_compression_op.py | 2 +- .../simhash_compression_op_test.py | 2 +- graph_compression/run.sh | 2 +- graph_embedding/ddgk/__init__.py | 2 +- graph_embedding/ddgk/main.py | 2 +- graph_embedding/ddgk/model.py | 2 +- graph_embedding/persona/__init__.py | 2 +- graph_embedding/persona/persona.py | 2 +- graph_embedding/persona/splitter.py | 2 +- .../persona/third_party/persona2vec.py | 2 +- .../graph_attention_learning.py | 2 +- graph_embedding/watch_your_step/run.sh | 2 +- hierarchical_foresight/__init__.py | 2 +- hierarchical_foresight/env/__init__.py | 2 +- hierarchical_foresight/env/environment.py | 2 +- hierarchical_foresight/env/simple_maze.py | 2 +- hierarchical_foresight/env/subgoal_env.py | 2 +- hierarchical_foresight/generate_data.py | 2 +- hierarchical_foresight/meta_cem.py | 2 +- hierarchical_foresight/models/__init__.py | 2 +- hierarchical_foresight/models/tap.py | 2 +- hierarchical_foresight/models/tdm.py | 2 +- hierarchical_foresight/models/vae.py | 2 +- hierarchical_foresight/train_tap.py | 2 +- hierarchical_foresight/train_tdm.py | 2 +- hierarchical_foresight/train_vae.py | 2 +- hierarchical_foresight/utils.py | 2 +- ...ur_virtual_constraints_legspace_example.py | 2 +- igt_optimizer/__init__.py | 2 +- .../hyperparameters/__init__.py | 2 +- .../hyperparameters/common_hparams_flags.py | 2 +- .../hyperparameters/common_tpu_flags.py | 2 +- .../hyperparameters/flags_to_params.py | 2 +- .../hyperparameters/hyperparameters.py | 2 +- .../hyperparameters/params_dict.py | 2 +- .../cloud_tpu_resnet/resnet/__init__.py | 2 +- .../cloud_tpu_resnet/resnet/imagenet_input.py | 2 +- .../cloud_tpu_resnet/resnet/lars_util.py | 2 +- .../cloud_tpu_resnet/resnet/resnet_main.py | 2 +- .../cloud_tpu_resnet/resnet/resnet_model.py | 2 +- .../resnet/resnet_model_test.py | 2 +- .../resnet/resnet_preprocessing.py | 2 +- igt_optimizer/dump_metrics_to_csv.py | 2 +- igt_optimizer/exp_igt_optimizer.py | 2 +- igt_optimizer/exp_igt_optimizer_test.py | 2 +- igt_optimizer/run.sh | 2 +- interpretability_benchmark/__init__.py | 2 +- interpretability_benchmark/data_input.py | 2 +- interpretability_benchmark/run.sh | 2 +- .../saliency_data_gen/data_helper.py | 2 +- .../saliency_data_gen/dataset_generator.py | 2 +- .../saliency_data_gen/saliency_helper.py | 2 +- interpretability_benchmark/train_resnet.py | 2 +- .../train_resnet_test.py | 2 +- .../utils/preprocessing_helper.py | 2 +- .../utils/resnet_model.py | 2 +- investigating_m4/create_plots.py | 2 +- kws_streaming/__init__.py | 2 +- kws_streaming/data/__init__.py | 2 +- kws_streaming/data/input_data.py | 2 +- kws_streaming/data/input_data_test.py | 2 +- kws_streaming/layers/__init__.py | 2 +- kws_streaming/layers/compat.py | 2 +- kws_streaming/layers/contrib_conv2d.py | 2 +- kws_streaming/layers/contrib_conv2d_test.py | 2 +- kws_streaming/layers/conv2d_test.py | 2 +- kws_streaming/layers/dataframe.py | 2 +- kws_streaming/layers/dataframe_test.py | 2 +- kws_streaming/layers/dct.py | 2 +- kws_streaming/layers/dct_test.py | 2 +- kws_streaming/layers/dense_test.py | 2 +- kws_streaming/layers/depthwiseconv1d.py | 2 +- kws_streaming/layers/depthwiseconv1d_test.py | 2 +- kws_streaming/layers/flatten_test.py | 2 +- kws_streaming/layers/gru.py | 2 +- kws_streaming/layers/gru_test.py | 2 +- kws_streaming/layers/lstm.py | 2 +- kws_streaming/layers/lstm_test.py | 2 +- kws_streaming/layers/magnitude_rdft.py | 2 +- kws_streaming/layers/magnitude_rdft_mel.py | 2 +- .../layers/magnitude_rdft_mel_test.py | 2 +- kws_streaming/layers/magnitude_rdft_test.py | 2 +- kws_streaming/layers/mel_spectrogram.py | 2 +- kws_streaming/layers/mel_spectrogram_test.py | 2 +- kws_streaming/layers/mel_table.py | 2 +- kws_streaming/layers/mel_table_test.py | 2 +- kws_streaming/layers/modes.py | 2 +- kws_streaming/layers/non_scaling_dropout.py | 2 +- .../layers/non_scaling_dropout_test.py | 2 +- kws_streaming/layers/normalizer.py | 2 +- kws_streaming/layers/preemphasis.py | 2 +- kws_streaming/layers/preemphasis_test.py | 2 +- kws_streaming/layers/speech_features.py | 2 +- kws_streaming/layers/speech_features_test.py | 2 +- kws_streaming/layers/stream.py | 2 +- kws_streaming/layers/svdf.py | 2 +- kws_streaming/layers/svdf_test.py | 2 +- kws_streaming/layers/test_utils.py | 2 +- kws_streaming/layers/windowing.py | 2 +- kws_streaming/models/__init__.py | 2 +- kws_streaming/models/att_rnn.py | 2 +- kws_streaming/models/cnn.py | 2 +- kws_streaming/models/crnn.py | 2 +- kws_streaming/models/dnn.py | 2 +- kws_streaming/models/dnn_raw.py | 2 +- kws_streaming/models/ds_cnn.py | 2 +- kws_streaming/models/gru.py | 2 +- kws_streaming/models/lstm.py | 2 +- kws_streaming/models/models.py | 2 +- kws_streaming/models/svdf.py | 2 +- kws_streaming/models/utils.py | 2 +- kws_streaming/models/utils_test.py | 2 +- kws_streaming/train/__init__.py | 2 +- kws_streaming/train/model_flags.py | 2 +- kws_streaming/train/model_train_eval.py | 2 +- kws_streaming/train/test.py | 2 +- kws_streaming/train/train.py | 2 +- kws_streaming/train/train_test.py | 2 +- l2tl/all_experiments.sh | 2 +- l2tl/evaluate.py | 2 +- l2tl/finetuning.py | 2 +- l2tl/model.py | 2 +- l2tl/model_utils.py | 2 +- l2tl/run.sh | 2 +- l2tl/svhn_data/gen_svhn_mat.py | 2 +- l2tl/svhn_data/svhn_small.py | 2 +- l2tl/train_l2tl.py | 2 +- large_margin/__init__.py | 2 +- large_margin/eval.py | 2 +- large_margin/margin_loss.py | 2 +- large_margin/margin_loss_test.py | 2 +- large_margin/mnist/data_provider.py | 2 +- large_margin/mnist/data_provider_test.py | 2 +- large_margin/mnist/mnist_config.py | 2 +- large_margin/mnist/mnist_model.py | 2 +- large_margin/mnist/mnist_model_test.py | 2 +- large_margin/run.sh | 2 +- large_margin/scripts/run_local.sh | 2 +- large_margin/train.py | 2 +- learnreg/__init__.py | 2 +- learnreg/coins_demo.py | 2 +- learnreg/learn_lin_reg.py | 2 +- learnreg/learn_lin_reg_test.py | 2 +- learnreg/run.sh | 2 +- learnreg/tuning_algorithms.py | 2 +- linear_dynamical_systems/arma.py | 2 +- linear_dynamical_systems/clustering.py | 2 +- .../experiment_bih_all.py | 2 +- .../experiment_bih_svta.py | 2 +- .../experiment_learn_eig.py | 2 +- linear_dynamical_systems/experiments.py | 2 +- .../iterated_regression.py | 2 +- linear_dynamical_systems/lds.py | 2 +- .../plot_and_agg_stats.py | 2 +- .../plot_dist_correlation.py | 2 +- linear_dynamical_systems/plot_eig_error.py | 2 +- linear_dynamical_systems/process_mit_bih.py | 2 +- m_theory/__init__.py | 2 +- m_theory/dim4/__init__.py | 2 +- .../dim4/so8_supergravity_extrema/__init__.py | 2 +- .../so8_supergravity_extrema/code/__init__.py | 2 +- .../so8_supergravity_extrema/code/algebra.py | 2 +- .../code/distillation.py | 2 +- .../so8_supergravity_extrema/code/extrema.py | 2 +- .../code/octonion_example.py | 2 +- .../code/scalar_sector.py | 2 +- .../code/scalar_sector_mpmath.py | 2 +- .../code/scalar_sector_tensorflow.py | 2 +- .../code/scan_test.py | 2 +- .../code/symmetries.py | 2 +- .../colab/__init__.py | 2 +- .../colab/so8_supergravity.py | 2 +- m_theory/dim5/cgr/__init__.py | 2 +- m_theory/m_theory_lib/__init__.py | 2 +- m_theory/m_theory_lib/tf_cexpm.py | 2 +- m_theory/m_theory_lib/util.py | 2 +- m_theory/run.sh | 2 +- m_theory/wrapped_branes/__init__.py | 2 +- m_theory/wrapped_branes/potentials.py | 2 +- m_theory/wrapped_branes/wrapped_branes.py | 2 +- maml_nonexclusive/maml_1/__init__.py | 2 +- maml_nonexclusive/maml_1/data_generator.py | 2 +- maml_nonexclusive/maml_1/main.py | 2 +- maml_nonexclusive/maml_1/maml.py | 2 +- maml_nonexclusive/maml_1/special_grads.py | 2 +- maml_nonexclusive/maml_1/utils.py | 2 +- .../maml_classification/__init__.py | 2 +- .../data/miniImagenet/proc_images.py | 2 +- .../data/omniglot_resized/resize_images.py | 2 +- .../maml_classification/data_generator.py | 2 +- maml_nonexclusive/maml_classification/main.py | 2 +- maml_nonexclusive/maml_classification/maml.py | 2 +- .../maml_classification/special_grads.py | 2 +- .../maml_classification/utils.py | 2 +- .../maml_classification_dclaw/__init__.py | 2 +- .../data/proc_images_dclaw.py | 2 +- .../data_generator.py | 2 +- .../maml_classification_dclaw/main.py | 2 +- .../maml_classification_dclaw/maml.py | 2 +- .../special_grads.py | 2 +- .../maml_classification_dclaw/utils.py | 2 +- maml_nonexclusive/maml_multitask/__init__.py | 2 +- .../data/omniglot_resized/resize_images.py | 2 +- .../maml_multitask/data_generator.py | 2 +- maml_nonexclusive/maml_multitask/main.py | 2 +- maml_nonexclusive/maml_multitask/maml.py | 2 +- maml_nonexclusive/maml_multitask/utils.py | 2 +- .../__init__.py | 2 +- .../pose_code/__init__.py | 2 +- .../pose_code/maml_bbb.py | 2 +- .../pose_code/maml_bbb_2.py | 2 +- .../pose_code/maml_vanilla.py | 2 +- .../pose_code/maml_vanilla_2.py | 2 +- .../pose_code/np_all_bbb.py | 2 +- .../pose_code/np_bbb.py | 2 +- .../pose_code/np_ib.py | 2 +- .../pose_code/np_vanilla.py | 2 +- .../pose_code/run.sh | 2 +- .../pose_data/create_fake_data.py | 2 +- .../pose_data/data_gen.py | 2 +- .../pose_data/mujoco_render.py | 2 +- .../pose_data/resize_images.py | 2 +- meta_reward_learning/__init__.py | 2 +- .../semantic_parsing/__init__.py | 2 +- .../semantic_parsing/arg_builder.py | 2 +- .../semantic_parsing/common_flags.py | 2 +- meta_reward_learning/semantic_parsing/eval.sh | 2 +- .../semantic_parsing/experiment_single.py | 2 +- .../semantic_parsing/nsm/__init__.py | 2 +- .../semantic_parsing/nsm/agent_factory.py | 2 +- .../semantic_parsing/nsm/computer_factory.py | 2 +- .../semantic_parsing/nsm/data_utils.py | 2 +- .../semantic_parsing/nsm/env_factory.py | 2 +- .../semantic_parsing/nsm/executor_factory.py | 2 +- .../semantic_parsing/nsm/graph_factory.py | 2 +- .../semantic_parsing/nsm/model_factory.py | 2 +- .../semantic_parsing/nsm/nlp_utils.py | 2 +- .../semantic_parsing/nsm/score_utils.py | 2 +- .../semantic_parsing/nsm/tf_utils.py | 2 +- .../semantic_parsing/nsm/word_embeddings.py | 2 +- meta_reward_learning/semantic_parsing/run.sh | 2 +- .../semantic_parsing/run_single.sh | 2 +- .../semantic_parsing/table/__init__.py | 2 +- .../semantic_parsing/table/random_explore.py | 2 +- .../semantic_parsing/table/utils.py | 2 +- .../semantic_parsing/table/wtq/__init__.py | 2 +- .../semantic_parsing/table/wtq/evaluator.py | 2 +- meta_reward_learning/textworld/__init__.py | 2 +- meta_reward_learning/textworld/arg_builder.py | 2 +- .../textworld/common_flags.py | 2 +- meta_reward_learning/textworld/experiment.py | 2 +- .../textworld/lib/__init__.py | 2 +- meta_reward_learning/textworld/lib/agent.py | 2 +- .../textworld/lib/environment.py | 2 +- .../textworld/lib/graph_search.py | 2 +- meta_reward_learning/textworld/lib/helpers.py | 2 +- meta_reward_learning/textworld/lib/model.py | 2 +- .../textworld/lib/replay_buffer.py | 2 +- .../textworld/lib/seed_helpers.py | 2 +- meta_reward_learning/textworld/run.sh | 2 +- micronet_challenge/__init__.py | 2 +- micronet_challenge/counting.py | 2 +- micronet_challenge/run.sh | 2 +- milking_cowmask/architectures/__init__.py | 2 +- .../architectures/model_pyramidnet.py | 2 +- milking_cowmask/architectures/model_resnet.py | 2 +- milking_cowmask/architectures/model_wrn.py | 2 +- .../architectures/model_wrn_shakeshake.py | 2 +- milking_cowmask/architectures/shake.py | 2 +- milking_cowmask/data_sources/__init__.py | 2 +- .../data_sources/imagenet_data_source.py | 2 +- .../data_sources/small_image_data_source.py | 2 +- milking_cowmask/main_semisup.py | 2 +- milking_cowmask/masking/__init__.py | 2 +- milking_cowmask/masking/box_mask.py | 2 +- milking_cowmask/masking/cow_mask.py | 2 +- milking_cowmask/masking/regularizers.py | 2 +- milking_cowmask/run.sh | 2 +- milking_cowmask/train_semisup.py | 2 +- milking_cowmask/util.py | 2 +- model_pruning/__init__.py | 2 +- .../examples/cifar10/cifar10_eval.py | 2 +- .../examples/cifar10/cifar10_input.py | 2 +- .../examples/cifar10/cifar10_pruning.py | 2 +- .../examples/cifar10/cifar10_train.py | 2 +- model_pruning/python/layers/rnn_cells.py | 2 +- model_pruning/python/layers/rnn_cells_test.py | 2 +- model_pruning/python/pruning.py | 2 +- model_pruning/python/pruning_interface.py | 2 +- .../python/pruning_interface_test.py | 2 +- model_pruning/python/pruning_test.py | 2 +- model_pruning/python/pruning_utils.py | 2 +- model_pruning/python/pruning_utils_test.py | 2 +- model_pruning/python/strip_pruning_vars.py | 2 +- .../python/strip_pruning_vars_lib.py | 2 +- .../python/strip_pruning_vars_test.py | 2 +- moew/crime.py | 2 +- moew/mnist.py | 2 +- moew/run.sh | 2 +- moew/wine.py | 2 +- mol_dqn/chemgraph/__init__.py | 2 +- mol_dqn/chemgraph/dqn/__init__.py | 2 +- mol_dqn/chemgraph/dqn/deep_q_networks.py | 2 +- mol_dqn/chemgraph/dqn/deep_q_networks_test.py | 2 +- mol_dqn/chemgraph/dqn/molecules.py | 2 +- mol_dqn/chemgraph/dqn/molecules_test.py | 2 +- mol_dqn/chemgraph/dqn/py/__init__.py | 2 +- mol_dqn/chemgraph/dqn/py/molecules.py | 2 +- mol_dqn/chemgraph/dqn/py/molecules_test.py | 2 +- mol_dqn/chemgraph/dqn/run_dqn.py | 2 +- mol_dqn/chemgraph/dqn/run_dqn_test.py | 2 +- .../chemgraph/dqn/tensorflow_core/__init__.py | 2 +- mol_dqn/chemgraph/dqn/tensorflow_core/core.py | 2 +- mol_dqn/chemgraph/multi_obj_opt.py | 2 +- mol_dqn/chemgraph/multi_obj_opt_test.py | 2 +- mol_dqn/chemgraph/optimize_logp.py | 2 +- .../optimize_logp_of_800_molecules.py | 2 +- .../optimize_logp_of_800_molecules_test.py | 2 +- mol_dqn/chemgraph/optimize_qed.py | 2 +- mol_dqn/chemgraph/optimize_qed_test.py | 2 +- mol_dqn/chemgraph/target_sas.py | 2 +- mol_dqn/chemgraph/target_sas_test.py | 2 +- mol_dqn/experimental/deep_q_networks_noise.py | 2 +- mol_dqn/experimental/eval_800_mols.py | 2 +- mol_dqn/experimental/max_qed_with_sim.py | 2 +- mol_dqn/experimental/multi_obj.py | 2 +- mol_dqn/experimental/multi_obj_gen.py | 2 +- mol_dqn/experimental/multi_obj_opt.py | 2 +- mol_dqn/experimental/optimize_800_mols.py | 2 +- mol_dqn/experimental/optimize_logp.py | 2 +- mol_dqn/experimental/optimize_qed.py | 2 +- .../experimental/optimize_qed_final_reward.py | 2 +- .../experimental/optimize_qed_max_steps.py | 2 +- mol_dqn/experimental/optimize_qed_noise.py | 2 +- mol_dqn/experimental/optimize_qed_t.py | 2 +- mol_dqn/experimental/optimize_weight_noise.py | 2 +- mol_dqn/experimental/target_logp.py | 2 +- mol_dqn/plot/plot.py | 2 +- moment_advice/moment_advice.py | 2 +- moment_advice/run.sh | 2 +- motion_blur/eval/evaluate.py | 2 +- motion_blur/train/dataset.py | 2 +- motion_blur/train/estimator.py | 2 +- motion_blur/train/network.py | 2 +- motion_blur/train/train.py | 2 +- mpi_extrapolation/geometry/homography.py | 2 +- mpi_extrapolation/geometry/projector.py | 2 +- mpi_extrapolation/geometry/sampling.py | 2 +- mpi_extrapolation/mpi.py | 2 +- mpi_extrapolation/nets.py | 2 +- mpi_extrapolation/predict_mpi_test.py | 2 +- mpi_extrapolation/render_sway.py | 2 +- neutra/__init__.py | 2 +- neutra/ebm/ebm_test.py | 2 +- neutra/ebm/ebm_util.py | 2 +- neutra/ebm/train_ebm.py | 2 +- neutra/gp_reg_pystan.py | 2 +- neutra/logistic_reg_gamma_pystan.py | 2 +- neutra/logistic_reg_pystan.py | 2 +- neutra/neutra.py | 2 +- neutra/neutra_runner.py | 2 +- neutra/neutra_test.py | 2 +- neutra/run.sh | 2 +- neutra/utils.py | 2 +- neutra/vae.py | 2 +- neutra/vae_test.py | 2 +- nopad_inception_v3_fcn/__init__.py | 2 +- nopad_inception_v3_fcn/model.py | 2 +- nopad_inception_v3_fcn/run.sh | 2 +- nopad_inception_v3_fcn/train.py | 2 +- norml/__init__.py | 2 +- norml/config_maml.py | 2 +- norml/envs/__init__.py | 2 +- norml/envs/cartpole_sensor_bias_env.py | 2 +- norml/envs/halfcheetah_motor_env.py | 2 +- norml/envs/halfcheetah_motor_env_test.py | 2 +- norml/envs/move_point_env.py | 2 +- norml/envs/move_point_env_test.py | 2 +- norml/eval_maml.py | 2 +- norml/maml_rl.py | 2 +- norml/networks.py | 2 +- norml/networks_test.py | 2 +- norml/policies.py | 2 +- norml/policies_test.py | 2 +- norml/rollout_service.py | 2 +- norml/run.sh | 2 +- norml/tools/__init__.py | 2 +- norml/tools/batch_env.py | 2 +- norml/tools/utility.py | 2 +- norml/tools/wrappers.py | 2 +- norml/train_maml.py | 2 +- pangea/index.js | 2 +- playrooms/rooms/playroom/textures/download.sh | 2 +- polish/__init__.py | 2 +- polish/env/__init__.py | 2 +- polish/env/env.py | 2 +- polish/env/parallel_env.py | 2 +- polish/mcts/__init__.py | 2 +- polish/mcts/mcts_node.py | 2 +- polish/mcts/mcts_player.py | 2 +- polish/ppo/__init__.py | 2 +- polish/ppo/ppo_input_fn.py | 2 +- polish/ppo/ppo_loss.py | 2 +- polish/ppo/ppo_model_fn.py | 2 +- polish/ppo/ppo_trainer.py | 2 +- polish/ppo/train.py | 2 +- polish/run.sh | 2 +- polish/utils/__init__.py | 2 +- polish/utils/directory_handling.py | 2 +- polish/utils/distributions.py | 2 +- polish/utils/host_call_fn.py | 2 +- polish/utils/math_utils.py | 2 +- polish/utils/performance.py | 2 +- polish/utils/running_mean_std.py | 2 +- polish/utils/tf_initializers.py | 2 +- polish/utils/tf_layers.py | 2 +- polish/utils/tf_utils.py | 2 +- poly_kernel_sketch/common.py | 2 +- poly_kernel_sketch/run.sh | 2 +- poly_kernel_sketch/sketch_mnist.py | 2 +- probabilistic_vqvae/__init__.py | 2 +- probabilistic_vqvae/mnist_experiments.py | 2 +- probabilistic_vqvae/run.sh | 2 +- property_linking/run.sh | 2 +- property_linking/scripts/add_i.py | 2 +- property_linking/scripts/add_scored_links.py | 2 +- property_linking/scripts/fbjson_to_wdtsv.py | 2 +- property_linking/scripts/histogram.py | 2 +- property_linking/scripts/overlap.py | 2 +- property_linking/scripts/preproc_all.sh | 2 +- .../preprocessing/closure_inference.py | 2 +- .../scripts/preprocessing/labeler.py | 2 +- .../property_linking_data_collector.py | 2 +- property_linking/scripts/prune_entity.py | 2 +- property_linking/scripts/reduce_names.py | 2 +- property_linking/scripts/restrict_to_choi.py | 2 +- .../scripts/synthetic_data/conform_to_wd.py | 2 +- .../scripts/synthetic_data/make_cats.py | 2 +- .../scripts/synthetic_data/make_kb.py | 2 +- .../scripts/synthetic_data/make_names.py | 2 +- property_linking/scripts/wordcounts.py | 2 +- property_linking/src/bert_util.py | 2 +- property_linking/src/kb.py | 2 +- property_linking/src/model.py | 2 +- property_linking/src/property_linker.py | 2 +- property_linking/src/trainer.py | 2 +- property_linking/src/util.py | 2 +- protoattend/input_data.py | 2 +- protoattend/main_protoattend.py | 2 +- protoattend/model.py | 2 +- protoattend/options.py | 2 +- protoattend/run.sh | 2 +- protoattend/utils.py | 2 +- pruning_identified_exemplars/__init__.py | 2 +- .../aggregate_ckpt_metrics.py | 2 +- .../per_class_accuracy/gen_tstatistic.py | 2 +- .../pie_dataset_gen/aggregate_predictions.py | 2 +- .../pie_dataset_gen/generate_pie_dataset.py | 2 +- .../pie_dataset_gen/imagenet_predictions.py | 2 +- .../robustness_tests/imagenet_corruptions.py | 2 +- pruning_identified_exemplars/run.sh | 2 +- .../save_checkpoint/imagenet_train_eval.py | 2 +- .../utils/class_level_metrics.py | 2 +- .../utils/data_input.py | 2 +- .../utils/model_utils.py | 2 +- .../utils/preprocessing_helper.py | 2 +- .../utils/resnet_model.py | 2 +- psycholab/examples/asymmetric.py | 2 +- psycholab/examples/compromise.py | 2 +- psycholab/examples/coordination.py | 2 +- psycholab/examples/prisoners_dilemma.py | 2 +- psycholab/examples/temptation.py | 2 +- psycholab/game.py | 2 +- psycholab/game_test.py | 2 +- psycholab/run.sh | 2 +- psycholab/visualizer.py | 2 +- qanet/__init__.py | 2 +- qanet/data/__init__.py | 2 +- qanet/data/tf_data_pipeline.py | 2 +- qanet/data/tf_data_pipeline_test.py | 2 +- qanet/embedding.py | 2 +- qanet/experiment.py | 2 +- qanet/infer.py | 2 +- qanet/model_base.py | 2 +- qanet/optimizers.py | 2 +- qanet/qanet_model.py | 2 +- qanet/squad_data.py | 2 +- qanet/squad_helper.py | 2 +- qanet/squad_helper_test.py | 2 +- qanet/train.py | 2 +- qanet/util/__init__.py | 2 +- qanet/util/configurable.py | 2 +- qanet/util/configurable_test.py | 2 +- qanet/util/evaluator_util.py | 2 +- qanet/util/misc_util.py | 2 +- qanet/util/prepro_util.py | 2 +- qanet/util/tokenizer_util.py | 2 +- qanet/util/tokenizer_util_test.py | 2 +- r4r/__init__.py | 2 +- r4r/cls.py | 2 +- r4r/dtw.py | 2 +- r4r/graph_utils.py | 2 +- r4r/r4r_generate_data.py | 2 +- recursive_optimizer/__init__.py | 2 +- recursive_optimizer/recursive_optimizer.py | 2 +- recursive_optimizer/run.sh | 2 +- recursive_optimizer/synthetic_experiment.py | 2 +- recursive_optimizer/synthetic_experiment.sh | 2 +- resolve_ref_exp_elements_ml/__init__.py | 2 +- resolve_ref_exp_elements_ml/common.py | 2 +- .../deeplab/__init__.py | 2 +- .../deeplab/feature_extractor.py | 2 +- .../deeplab/mobilenet/__init__.py | 2 +- .../deeplab/mobilenet/conv_blocks.py | 2 +- .../deeplab/mobilenet/mobilenet.py | 2 +- .../deeplab/mobilenet/mobilenet_v2.py | 2 +- .../deeplab/preprocess_utils.py | 2 +- .../deeplab/save_annotation.py | 2 +- .../deeplab/train_utils.py | 2 +- .../elements_embeddings.py | 2 +- resolve_ref_exp_elements_ml/eval.py | 2 +- resolve_ref_exp_elements_ml/model.py | 2 +- resolve_ref_exp_elements_ml/model_input.py | 2 +- resolve_ref_exp_elements_ml/train.py | 2 +- resolve_ref_exp_elements_ml/visualize.py | 2 +- rl4circopt/architecture.py | 2 +- rl4circopt/architecture_test.py | 2 +- rl4circopt/circuit.py | 2 +- rl4circopt/circuit_test.py | 2 +- rl4circopt/cirq_converter.py | 2 +- rl4circopt/cirq_converter_test.py | 2 +- rl4circopt/hello_circuit.py | 2 +- rl4circopt/parsing.py | 2 +- rl4circopt/rules.py | 2 +- rl4circopt/rules_test.py | 2 +- rl4circopt/run.sh | 2 +- rl4circopt/transform.py | 2 +- rl4circopt/transform_test.py | 2 +- rllim/data_loading.py | 2 +- rllim/main_local_dynamics_recovery.py | 2 +- rllim/main_rllim_on_real_data.py | 2 +- rllim/rllim.py | 2 +- rllim/rllim_metrics.py | 2 +- rllim/rllim_test.py | 2 +- rllim/run.sh | 2 +- robust_loss/adaptive.py | 2 +- robust_loss/adaptive_test.py | 2 +- robust_loss/cubic_spline.py | 2 +- robust_loss/cubic_spline_test.py | 2 +- robust_loss/distribution.py | 2 +- robust_loss/distribution_test.py | 2 +- robust_loss/fit_partition_spline.py | 2 +- robust_loss/fit_partition_spline_test.py | 2 +- robust_loss/general.py | 2 +- robust_loss/general_test.py | 2 +- robust_loss/run.sh | 2 +- robust_loss/util.py | 2 +- robust_loss/util_test.py | 2 +- robust_loss/vae.py | 2 +- robust_loss/wavelet.py | 2 +- robust_loss/wavelet_test.py | 2 +- rouge/__init__.py | 2 +- rouge/create_pyrouge_files.py | 2 +- rouge/io.py | 2 +- rouge/io_test.py | 2 +- rouge/rouge.py | 2 +- rouge/rouge_scorer.py | 2 +- rouge/rouge_scorer_test.py | 2 +- rouge/run.sh | 2 +- rouge/scoring.py | 2 +- rouge/scoring_test.py | 2 +- rouge/test_util.py | 2 +- rouge/tokenize.py | 2 +- rouge/tokenize_test.py | 2 +- saccader/__init__.py | 2 +- saccader/data_provider.py | 2 +- saccader/data_provider_test.py | 2 +- saccader/feedforward/bagnet_config.py | 2 +- saccader/feedforward/bagnet_model.py | 2 +- saccader/feedforward/bagnet_model_test.py | 2 +- saccader/losses.py | 2 +- saccader/losses_test.py | 2 +- saccader/model_utils.py | 2 +- saccader/model_utils_test.py | 2 +- saccader/utils.py | 2 +- saccader/utils_test.py | 2 +- .../visual_attention/classification_model.py | 2 +- .../classification_model_test.py | 2 +- saccader/visual_attention/dram.py | 2 +- saccader/visual_attention/dram_config.py | 2 +- saccader/visual_attention/dram_test.py | 2 +- saccader/visual_attention/emission_model.py | 2 +- .../visual_attention/emission_model_test.py | 2 +- saccader/visual_attention/glimpse_model.py | 2 +- .../visual_attention/glimpse_model_test.py | 2 +- saccader/visual_attention/saccader.py | 2 +- .../visual_attention/saccader_classnet.py | 2 +- .../saccader_classnet_config.py | 2 +- .../saccader_classnet_test.py | 2 +- saccader/visual_attention/saccader_config.py | 2 +- saccader/visual_attention/saccader_test.py | 2 +- safemrl/__init__.py | 2 +- safemrl/algorithm/__init__.py | 2 +- safemrl/algorithm/agents.py | 2 +- safemrl/algorithm/safe_sac_agent.py | 2 +- safemrl/envs/__init__.py | 2 +- safemrl/envs/gridworld.py | 2 +- safemrl/envs/minitaur.py | 2 +- safemrl/envs/point_mass.py | 2 +- safemrl/envs/walker2d.py | 2 +- safemrl/train.py | 2 +- safemrl/train_sc.py | 2 +- safemrl/trainer.py | 2 +- safemrl/utils/metrics.py | 2 +- safemrl/utils/misc.py | 2 +- schema_guided_dst/__init__.py | 2 +- schema_guided_dst/baseline/__init__.py | 2 +- schema_guided_dst/baseline/bert/__init__.py | 2 +- schema_guided_dst/baseline/bert/modeling.py | 2 +- .../baseline/bert/optimization.py | 2 +- .../baseline/bert/tokenization.py | 2 +- schema_guided_dst/baseline/data_utils.py | 2 +- schema_guided_dst/baseline/data_utils_test.py | 2 +- .../baseline/extract_schema_embedding.py | 2 +- schema_guided_dst/baseline/pred_utils.py | 2 +- .../baseline/train_and_predict.py | 2 +- schema_guided_dst/evaluate.py | 2 +- schema_guided_dst/metrics.py | 2 +- schema_guided_dst/metrics_test.py | 2 +- schema_guided_dst/schema.py | 2 +- simulation_research/tf_risk/__init__.py | 2 +- simulation_research/tf_risk/controllers.py | 2 +- simulation_research/tf_risk/dynamics.py | 2 +- simulation_research/tf_risk/dynamics_test.py | 2 +- .../tf_risk/monte_carlo_manager.py | 2 +- .../tf_risk/monte_carlo_manager_test.py | 2 +- simulation_research/tf_risk/payoffs.py | 2 +- simulation_research/tf_risk/payoffs_test.py | 2 +- simulation_research/tf_risk/risk_metrics.py | 2 +- .../tf_risk/risk_metrics_test.py | 2 +- .../tf_risk/run_replication_experiment.py | 2 +- simulation_research/tf_risk/util.py | 2 +- simulation_research/tf_risk/util_test.py | 2 +- sketching/countmin.cc | 2 +- sketching/countmin.h | 2 +- sketching/countmin_test.cc | 2 +- sketching/frequent.cc | 2 +- sketching/frequent.h | 2 +- sketching/frequent_test.cc | 2 +- sketching/lossy_count.cc | 2 +- sketching/lossy_count.h | 2 +- sketching/lossy_weight.cc | 2 +- sketching/lossy_weight.h | 2 +- sketching/lossy_weight_test.cc | 2 +- sketching/run_sketches.cc | 2 +- sketching/sketch.h | 2 +- sketching/utils.cc | 2 +- sketching/utils.h | 2 +- sm3/run.sh | 2 +- sm3/sm3.py | 2 +- sm3/sm3_test.py | 2 +- soft_sort/jax/ops.py | 2 +- soft_sort/jax/ops_test.py | 2 +- soft_sort/jax/sinkhorn.py | 2 +- soft_sort/jax/sinkhorn_test.py | 2 +- soft_sort/jax/soft_quantilizer.py | 2 +- soft_sort/jax/soft_quantilizer_test.py | 2 +- soft_sort/layers.py | 2 +- soft_sort/layers_test.py | 2 +- soft_sort/losses.py | 2 +- soft_sort/losses_test.py | 2 +- soft_sort/metrics.py | 2 +- soft_sort/metrics_test.py | 2 +- soft_sort/ops.py | 2 +- soft_sort/ops_test.py | 2 +- soft_sort/run.sh | 2 +- soft_sort/sinkhorn.py | 2 +- soft_sort/sinkhorn_test.py | 2 +- soft_sort/soft_quantilizer.py | 2 +- soft_sort/squash.py | 2 +- soft_sort/squash_test.py | 2 +- solver1d/run.sh | 2 +- solver1d/setup.py | 2 +- solver1d/solver1d/__init__.py | 2 +- solver1d/solver1d/scripts/__init__.py | 2 +- .../scripts/solve_poschl_teller_potential.py | 2 +- solver1d/solver1d/single_electron.py | 2 +- solver1d/solver1d/single_electron_test.py | 2 +- sparse_data/data/__init__.py | 2 +- sparse_data/data/decomposition.py | 2 +- sparse_data/data/real.py | 2 +- sparse_data/data/sim.py | 2 +- sparse_data/data/sim_test.py | 2 +- sparse_data/exp_framework/__init__.py | 2 +- sparse_data/exp_framework/dnn.py | 2 +- sparse_data/exp_framework/dnn_test.py | 2 +- sparse_data/exp_framework/evaluate.py | 2 +- sparse_data/exp_framework/gbdt.py | 2 +- sparse_data/exp_framework/gbdt_test.py | 2 +- sparse_data/exp_framework/linear.py | 2 +- sparse_data/exp_framework/linear_test.py | 2 +- sparse_data/exp_framework/random_forest.py | 2 +- .../exp_framework/random_forest_test.py | 2 +- sparse_data/exp_framework/utils.py | 2 +- sparse_data/exp_framework/utils_test.py | 2 +- sparse_data/experiment.py | 2 +- sparse_data/read.sh | 2 +- sparse_data/run.sh | 2 +- sparse_data/tuning_collate.py | 2 +- sparse_data/tuning_worker.py | 2 +- sparse_data/utils.py | 2 +- stacked_capsule_autoencoders/__init__.py | 2 +- .../capsules/__init__.py | 2 +- .../capsules/attention.py | 2 +- .../capsules/capsule.py | 2 +- .../capsules/configs/__init__.py | 2 +- .../capsules/configs/data_config.py | 2 +- .../capsules/configs/model_config.py | 2 +- .../capsules/data/__init__.py | 2 +- .../capsules/data/constellation.py | 2 +- .../capsules/data/image.py | 2 +- .../capsules/data/preprocess.py | 2 +- .../capsules/data/tfrecords.py | 2 +- stacked_capsule_autoencoders/capsules/eval.py | 2 +- .../capsules/math_ops.py | 2 +- .../capsules/models/__init__.py | 2 +- .../capsules/models/constellation.py | 2 +- .../capsules/models/model.py | 2 +- .../capsules/models/scae.py | 2 +- .../capsules/neural.py | 2 +- stacked_capsule_autoencoders/capsules/plot.py | 2 +- .../capsules/primary.py | 2 +- stacked_capsule_autoencoders/capsules/prob.py | 2 +- .../capsules/probe.py | 2 +- .../capsules/tensor_ops.py | 2 +- .../capsules/train/__init__.py | 2 +- .../capsules/train/hooks.py | 2 +- .../capsules/train/tools.py | 2 +- stacked_capsule_autoencoders/eval_mnist.sh | 2 +- .../eval_mnist_coupled.sh | 2 +- .../eval_mnist_model.py | 2 +- stacked_capsule_autoencoders/run.sh | 2 +- .../run_constellation.sh | 2 +- stacked_capsule_autoencoders/run_mnist.sh | 2 +- .../setup_virtualenv.sh | 2 +- stacked_capsule_autoencoders/train.py | 2 +- state_of_sparsity/__init__.py | 2 +- state_of_sparsity/checkpoint_sparsity.py | 2 +- state_of_sparsity/layers/__init__.py | 2 +- .../layers/l0_regularization/__init__.py | 2 +- .../layers/l0_regularization/common.py | 2 +- .../layers/l0_regularization/layers.py | 2 +- .../layers/l0_regularization/nn.py | 2 +- .../layers/l0_regularization/nn_test.py | 2 +- .../layers/l0_regularization/rnn.py | 2 +- .../layers/l0_regularization/rnn_test.py | 2 +- .../layers/l0_regularization/test_base.py | 2 +- state_of_sparsity/layers/utils/__init__.py | 2 +- state_of_sparsity/layers/utils/layer_utils.py | 2 +- state_of_sparsity/layers/utils/rnn_checks.py | 2 +- state_of_sparsity/layers/utils/test_utils.py | 2 +- .../layers/variational_dropout/__init__.py | 2 +- .../layers/variational_dropout/common.py | 2 +- .../layers/variational_dropout/common_test.py | 2 +- .../layers/variational_dropout/layers.py | 2 +- .../layers/variational_dropout/nn.py | 2 +- .../layers/variational_dropout/nn_test.py | 2 +- .../layers/variational_dropout/rnn.py | 2 +- .../layers/variational_dropout/rnn_test.py | 2 +- .../layers/variational_dropout/test_base.py | 2 +- state_of_sparsity/run.sh | 2 +- state_of_sparsity/sparse_rn50/__init__.py | 2 +- .../evaluate/evaluate_extended_mp.sh | 2 +- .../sparse_rn50/evaluate/evaluate_mp.sh | 2 +- .../sparse_rn50/evaluate/evaluate_vd.sh | 2 +- .../sparse_rn50/imagenet_input.py | 2 +- .../sparse_rn50/imagenet_train_eval.py | 2 +- .../sparse_rn50/pruning_layers.py | 2 +- .../sparse_rn50/pruning_layers_test.py | 2 +- state_of_sparsity/sparse_rn50/resnet_model.py | 2 +- .../sparse_rn50/resnet_preprocessing.py | 2 +- state_of_sparsity/sparse_rn50/utils.py | 2 +- .../sparse_transformer/__init__.py | 2 +- .../sparse_transformer/common_flags.py | 2 +- .../sparse_transformer/decode/decode_l0.sh | 2 +- .../sparse_transformer/decode/decode_mp.sh | 2 +- .../sparse_transformer/decode/decode_vd.sh | 2 +- .../decode/get_ende_bleu.sh | 2 +- .../sparse_transformer/decoder.py | 2 +- .../sparse_transformer/layers/__init__.py | 2 +- .../sparse_transformer/layers/common_init.py | 2 +- .../layers/common_init_test.py | 2 +- .../layers/common_sparse.py | 2 +- .../layers/sparse_attention.py | 2 +- .../layers/sparse_layers.py | 2 +- .../layers/sparse_modalities.py | 2 +- .../layers/sparse_transformer_layers.py | 2 +- .../sparse_transformer/models/__init__.py | 2 +- .../sparse_transformer/models/sparse_model.py | 2 +- .../models/sparse_transformer.py | 2 +- .../models/sparse_transformer_test.py | 2 +- .../sparse_transformer/scripts/__init__.py | 2 +- .../sparse_transformer/scripts/train_l0.sh | 2 +- .../sparse_transformer/scripts/train_mp.sh | 2 +- .../sparse_transformer/scripts/train_vd.sh | 2 +- .../sparse_transformer/trainer.py | 2 +- stochastic_to_deterministic/hashing.py | 2 +- stochastic_to_deterministic/run.sh | 2 +- storm_optimizer/__init__.py | 2 +- storm_optimizer/run.sh | 2 +- storm_optimizer/storm_optimizer.py | 2 +- storm_optimizer/storm_test.py | 2 +- sufficient_input_subsets/__init__.py | 2 +- sufficient_input_subsets/run.sh | 2 +- sufficient_input_subsets/sis.py | 2 +- sufficient_input_subsets/sis_test.py | 2 +- summae/baselines/extractive_baseline.py | 2 +- summae/beam_search.py | 2 +- summae/compare_2_models_mturk.html | 2 +- summae/data_util.py | 2 +- summae/generate_data.sh | 2 +- summae/human_and_extractive.py | 2 +- summae/model.py | 13 ++++++------ summae/model_test.py | 2 +- summae/p2s_eval.py | 2 +- summae/p2s_eval_test.py | 2 +- summae/pors.py | 20 +++++++++++-------- summae/pors_test.py | 6 +++--- summae/process_rocstories.py | 2 +- summae/requirements.txt | 1 + summae/run.sh | 2 +- summae/run_locally.sh | 2 +- summae/sample.py | 2 +- summae/summarize_mturk.html | 2 +- summae/text_encoder.py | 2 +- summae/text_encoder_test.py | 2 +- summae/tokenizer.py | 2 +- summae/tokenizer_test.py | 2 +- summae/transformer.py | 5 +++-- summae/transformer_test.py | 2 +- summae/util.py | 2 +- summae/util_test.py | 2 +- summae/verify_data.py | 2 +- tabnet/data_helper_covertype.py | 2 +- tabnet/download_prepare_covertype.py | 2 +- tabnet/experiment_covertype.py | 2 +- tabnet/run.sh | 2 +- tabnet/tabnet_model.py | 2 +- tabnet/test_experiment_covertype.py | 2 +- task_specific_learned_opt/__init__.py | 2 +- task_specific_learned_opt/base_arch.py | 2 +- task_specific_learned_opt/base_trainer.py | 2 +- task_specific_learned_opt/common_trainer.py | 2 +- task_specific_learned_opt/custom_getters.py | 2 +- task_specific_learned_opt/device_utils.py | 2 +- task_specific_learned_opt/es_grad_inv_var.py | 2 +- task_specific_learned_opt/fast_rolling_mlp.py | 2 +- task_specific_learned_opt/py_utils.py | 2 +- task_specific_learned_opt/run_chief.py | 2 +- task_specific_learned_opt/run_single_eval.py | 2 +- task_specific_learned_opt/run_worker.py | 2 +- task_specific_learned_opt/session_creators.py | 2 +- task_specific_learned_opt/setup_experiment.py | 2 +- task_specific_learned_opt/tf_utils.py | 2 +- .../truncated_training.py | 2 +- .../truncation_strategy.py | 2 +- task_specific_learned_opt/utils_arch.py | 2 +- tcc/__init__.py | 2 +- tcc/algorithms.py | 2 +- tcc/algos/__init__.py | 2 +- tcc/algos/algorithm.py | 2 +- tcc/algos/alignment.py | 2 +- tcc/algos/alignment_sal_tcn.py | 2 +- tcc/algos/classification.py | 2 +- tcc/algos/sal.py | 2 +- tcc/algos/tcn.py | 2 +- tcc/config.py | 2 +- tcc/dataset_preparation/__init__.py | 2 +- tcc/dataset_preparation/dataset_utils.py | 2 +- .../download_pouring_data.sh | 2 +- .../images_to_tfrecords.py | 2 +- .../videos_to_tfrecords.py | 2 +- .../visualize_tfrecords.py | 2 +- tcc/dataset_splits.py | 2 +- tcc/datasets.py | 2 +- tcc/evaluate.py | 2 +- tcc/evaluation/__init__.py | 2 +- tcc/evaluation/algo_loss.py | 2 +- tcc/evaluation/classification.py | 2 +- tcc/evaluation/event_completion.py | 2 +- tcc/evaluation/few_shot_classification.py | 2 +- tcc/evaluation/kendalls_tau.py | 2 +- tcc/evaluation/task.py | 2 +- tcc/evaluation/task_utils.py | 2 +- tcc/extract_embeddings.py | 2 +- tcc/models.py | 2 +- tcc/preprocessors/__init__.py | 2 +- tcc/preprocessors/preprocess_sequence.py | 2 +- tcc/preprocessors/sequence_preprocessor.py | 2 +- tcc/run.sh | 2 +- tcc/tasks.py | 2 +- tcc/tcc/__init__.py | 2 +- tcc/tcc/alignment.py | 2 +- tcc/tcc/deterministic_alignment.py | 2 +- tcc/tcc/losses.py | 2 +- tcc/tcc/stochastic_alignment.py | 2 +- tcc/train.py | 2 +- tcc/utils.py | 2 +- tcc/visualize_alignment.py | 2 +- tf_trees/neural_trees_helpers.cc | 2 +- tf_trees/neural_trees_helpers.h | 2 +- tf_trees/neural_trees_kernels.cc | 2 +- tf_trees/neural_trees_layer.py | 2 +- tf_trees/neural_trees_ops.cc | 2 +- tf_trees/neural_trees_ops_tests.py | 2 +- tf_trees/run.sh | 2 +- tft/data_formatters/__init__.py | 2 +- tft/data_formatters/base.py | 2 +- tft/data_formatters/electricity.py | 2 +- tft/data_formatters/favorita.py | 2 +- tft/data_formatters/traffic.py | 2 +- tft/data_formatters/volatility.py | 2 +- tft/expt_settings/__init__.py | 2 +- tft/expt_settings/configs.py | 2 +- tft/libs/__init__.py | 2 +- tft/libs/hyperparam_opt.py | 2 +- tft/libs/tft_model.py | 2 +- tft/libs/utils.py | 2 +- tft/run.sh | 2 +- tft/script_download_data.py | 2 +- tft/script_hyperparam_opt.py | 2 +- tft/script_train_fixed_params.py | 2 +- towards_gan_benchmarks/__init__.py | 2 +- towards_gan_benchmarks/lib/__init__.py | 2 +- towards_gan_benchmarks/lib/flags.py | 2 +- towards_gan_benchmarks/lib/gan.py | 2 +- towards_gan_benchmarks/lib/logger.py | 2 +- towards_gan_benchmarks/lib/nn_divergence.py | 2 +- .../lib/nn_divergence_test.py | 2 +- towards_gan_benchmarks/run.sh | 2 +- towards_gan_benchmarks/run_cnn_divergence.py | 2 +- uncertainties/scripts/train.py | 2 +- uncertainties/scripts/train_local.sh | 2 +- .../sources/cifar/cifar_input_python.py | 2 +- uncertainties/sources/cifar/features_cifar.py | 2 +- uncertainties/sources/cifar/network_cifar.py | 2 +- uncertainties/sources/mnist/mnist_input.py | 2 +- uncertainties/sources/mnist/network_mnist.py | 2 +- .../sources/mnist/train_features_mnist.py | 2 +- uncertainties/sources/models/bootstrap.py | 2 +- uncertainties/sources/models/dropout.py | 2 +- uncertainties/sources/models/precond.py | 2 +- uncertainties/sources/models/simple.py | 2 +- .../sources/postprocessing/metrics.py | 2 +- .../sources/postprocessing/postprocess.py | 2 +- uncertainties/sources/utils/util.py | 2 +- unprocessing/dataset.py | 2 +- unprocessing/dnd_denoise.py | 2 +- unprocessing/estimator.py | 2 +- unprocessing/network.py | 2 +- unprocessing/process.py | 2 +- unprocessing/train.py | 2 +- unprocessing/unprocess.py | 2 +- uq_benchmark_2019/array_utils.py | 2 +- uq_benchmark_2019/array_utils_test.py | 2 +- uq_benchmark_2019/calibration_lib.py | 2 +- uq_benchmark_2019/calibration_lib_test.py | 2 +- uq_benchmark_2019/cifar/data_lib.py | 2 +- uq_benchmark_2019/cifar/data_lib_test.py | 2 +- uq_benchmark_2019/cifar/end_to_end_test.py | 2 +- uq_benchmark_2019/cifar/hparams_lib.py | 2 +- uq_benchmark_2019/cifar/models_lib.py | 2 +- uq_benchmark_2019/cifar/resnet.py | 2 +- uq_benchmark_2019/cifar/run_predict.py | 2 +- uq_benchmark_2019/cifar/run_train.py | 2 +- uq_benchmark_2019/criteo/data_lib.py | 2 +- uq_benchmark_2019/criteo/data_lib_test.py | 2 +- uq_benchmark_2019/criteo/hparams_lib.py | 2 +- uq_benchmark_2019/criteo/models_lib.py | 2 +- uq_benchmark_2019/criteo/run_predict.py | 2 +- uq_benchmark_2019/criteo/run_train.py | 2 +- uq_benchmark_2019/criteo/run_train_test.py | 2 +- uq_benchmark_2019/experiment_utils.py | 2 +- uq_benchmark_2019/gaussian_process_kernels.py | 2 +- .../gaussian_process_kernels_test.py | 2 +- uq_benchmark_2019/image_data_utils.py | 2 +- uq_benchmark_2019/imagenet/data_lib.py | 2 +- uq_benchmark_2019/imagenet/data_lib_test.py | 2 +- uq_benchmark_2019/imagenet/end_to_end_test.py | 2 +- uq_benchmark_2019/imagenet/hparams_lib.py | 2 +- uq_benchmark_2019/imagenet/imagenet_input.py | 2 +- .../imagenet/learning_rate_lib.py | 2 +- uq_benchmark_2019/imagenet/models_lib.py | 2 +- uq_benchmark_2019/imagenet/resnet50_model.py | 2 +- uq_benchmark_2019/imagenet/resnet50_train.py | 2 +- .../imagenet/resnet_preprocessing.py | 2 +- uq_benchmark_2019/imagenet/run_metrics.py | 2 +- uq_benchmark_2019/imagenet/run_predict.py | 2 +- .../imagenet/run_temp_scaling.py | 2 +- uq_benchmark_2019/metrics_lib.py | 2 +- uq_benchmark_2019/metrics_lib_test.py | 2 +- uq_benchmark_2019/mnist/data_lib.py | 2 +- uq_benchmark_2019/mnist/experiment.py | 2 +- uq_benchmark_2019/mnist/experiment_test.py | 2 +- uq_benchmark_2019/mnist/hparams_lib.py | 2 +- uq_benchmark_2019/mnist/models_lib.py | 2 +- uq_benchmark_2019/mnist/run_experiment.py | 2 +- uq_benchmark_2019/news/classifier.py | 2 +- uq_benchmark_2019/news/classifier_eval.py | 2 +- uq_benchmark_2019/news/data_generate.py | 2 +- uq_benchmark_2019/news/data_utils.py | 2 +- .../news/data_utils_from_hendrycks.py | 2 +- uq_benchmark_2019/news/run.sh | 2 +- uq_benchmark_2019/run.sh | 2 +- uq_benchmark_2019/uq_utils.py | 2 +- uq_benchmark_2019/uq_utils_test.py | 2 +- value_dice/data_utils.py | 2 +- value_dice/gail.py | 2 +- value_dice/keras_utils.py | 2 +- value_dice/run_experiments.sh | 2 +- value_dice/train_eval.py | 2 +- value_dice/twin_sac.py | 2 +- value_dice/value_dice.py | 2 +- value_dice/wrappers/__init__.py | 2 +- value_dice/wrappers/absorbing_wrapper.py | 2 +- .../wrappers/normalize_action_wrapper.py | 2 +- .../wrappers/normalize_state_wrapper.py | 2 +- video_structure/__init__.py | 2 +- video_structure/datasets.py | 2 +- video_structure/datasets_test.py | 2 +- video_structure/dynamics.py | 2 +- video_structure/dynamics_test.py | 2 +- video_structure/hyperparameters.py | 2 +- video_structure/losses.py | 2 +- video_structure/losses_test.py | 2 +- video_structure/ops.py | 2 +- video_structure/ops_test.py | 2 +- video_structure/run.sh | 2 +- video_structure/train.py | 2 +- video_structure/vision.py | 2 +- video_structure/vision_test.py | 2 +- weak_disentangle/__init__.py | 2 +- weak_disentangle/datasets.py | 2 +- weak_disentangle/evaluate.py | 2 +- weak_disentangle/main.py | 2 +- weak_disentangle/networks.py | 2 +- weak_disentangle/tensorsketch/__init__.py | 2 +- .../tensorsketch/modules/__init__.py | 2 +- .../tensorsketch/modules/activation.py | 2 +- .../tensorsketch/modules/affine.py | 2 +- weak_disentangle/tensorsketch/modules/base.py | 2 +- .../tensorsketch/modules/shape.py | 2 +- .../tensorsketch/normalization/__init__.py | 2 +- .../tensorsketch/normalization/base.py | 2 +- .../normalization/batch_normalization.py | 2 +- .../normalization/running_normalization.py | 2 +- .../normalization/spectral_normalization.py | 2 +- .../normalization/weight_normalization.py | 2 +- weak_disentangle/tensorsketch/utils.py | 2 +- weak_disentangle/utils.py | 2 +- weak_disentangle/viz.py | 2 +- wiki_split_bleu_eval/run.sh | 2 +- wiki_split_bleu_eval/score_lib.py | 2 +- wiki_split_bleu_eval/score_lib_test.py | 2 +- wiki_split_bleu_eval/score_main.py | 2 +- 1651 files changed, 1672 insertions(+), 1665 deletions(-) diff --git a/__init__.py b/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/__init__.py +++ b/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/abps_runners.py b/abps/abps_runners.py index 8d316daef7a..20548e47c66 100644 --- a/abps/abps_runners.py +++ b/abps/abps_runners.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/agents/dqn/dqn_agent.py b/abps/agents/dqn/dqn_agent.py index f5aeb12546c..4a18258ee16 100644 --- a/abps/agents/dqn/dqn_agent.py +++ b/abps/agents/dqn/dqn_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/agents/tf_agent.py b/abps/agents/tf_agent.py index ab439f7cdbd..42052e86aed 100644 --- a/abps/agents/tf_agent.py +++ b/abps/agents/tf_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/baseline_runners.py b/abps/baseline_runners.py index befac2add8d..6f81283d620 100644 --- a/abps/baseline_runners.py +++ b/abps/baseline_runners.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/eval.py b/abps/eval.py index 78bd117d83a..9c2fde628d3 100644 --- a/abps/eval.py +++ b/abps/eval.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/eval_independ.py b/abps/eval_independ.py index 14f5165d7e0..14cc3bcc0cb 100644 --- a/abps/eval_independ.py +++ b/abps/eval_independ.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/hparam.py b/abps/hparam.py index 1a6f53f211a..570a5b66bd4 100644 --- a/abps/hparam.py +++ b/abps/hparam.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/new_pymetrics.py b/abps/new_pymetrics.py index b898a44f4de..04157d69aa1 100644 --- a/abps/new_pymetrics.py +++ b/abps/new_pymetrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/py_hashed_replay_buffer.py b/abps/py_hashed_replay_buffer.py index a1cad10210d..2bc1a8a88a6 100644 --- a/abps/py_hashed_replay_buffer.py +++ b/abps/py_hashed_replay_buffer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/py_uniform_replay_buffer.py b/abps/py_uniform_replay_buffer.py index 7a99ae546f6..e43fc58ba8a 100644 --- a/abps/py_uniform_replay_buffer.py +++ b/abps/py_uniform_replay_buffer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/run.sh b/abps/run.sh index e12f8c51ca3..1db3541c275 100755 --- a/abps/run.sh +++ b/abps/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/train.py b/abps/train.py index 587c86ccc2f..5102f651200 100644 --- a/abps/train.py +++ b/abps/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/abps/train_independ.py b/abps/train_independ.py index a4075df906b..4974ef0485b 100644 --- a/abps/train_independ.py +++ b/abps/train_independ.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/__init__.py b/algae_dice/__init__.py index 122de214f6c..40821125b29 100644 --- a/algae_dice/__init__.py +++ b/algae_dice/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/algae.py b/algae_dice/algae.py index bb7b2549cff..383e915ce09 100644 --- a/algae_dice/algae.py +++ b/algae_dice/algae.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/keras_utils.py b/algae_dice/keras_utils.py index 3fca7f99b8a..642531be79b 100644 --- a/algae_dice/keras_utils.py +++ b/algae_dice/keras_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/run.sh b/algae_dice/run.sh index 37077de3fd8..244d6ada344 100755 --- a/algae_dice/run.sh +++ b/algae_dice/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/train_eval.py b/algae_dice/train_eval.py index cccd4566573..8bd73fa9a67 100644 --- a/algae_dice/train_eval.py +++ b/algae_dice/train_eval.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/wrappers/__init__.py b/algae_dice/wrappers/__init__.py index 738e6a3780e..c84f5153048 100644 --- a/algae_dice/wrappers/__init__.py +++ b/algae_dice/wrappers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/algae_dice/wrappers/normalize_action_wrapper.py b/algae_dice/wrappers/normalize_action_wrapper.py index 862ef006878..6d6e54de909 100644 --- a/algae_dice/wrappers/normalize_action_wrapper.py +++ b/algae_dice/wrappers/normalize_action_wrapper.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/attribution/__init__.py b/attribution/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/attribution/__init__.py +++ b/attribution/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/attribution/integrated_gradients.py b/attribution/integrated_gradients.py index e09bc6edd2e..a411503c28a 100644 --- a/attribution/integrated_gradients.py +++ b/attribution/integrated_gradients.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/attribution/integrated_gradients_test.py b/attribution/integrated_gradients_test.py index e0aa95f0bd9..37ccb9e97be 100644 --- a/attribution/integrated_gradients_test.py +++ b/attribution/integrated_gradients_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/attribution/run.sh b/attribution/run.sh index 3013d5cae48..ae007cc6814 100755 --- a/attribution/run.sh +++ b/attribution/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/__init__.py b/axial/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/axial/__init__.py +++ b/axial/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/config_imagenet32.py b/axial/config_imagenet32.py index 0aef1958576..23f1b372fcb 100644 --- a/axial/config_imagenet32.py +++ b/axial/config_imagenet32.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/config_imagenet64.py b/axial/config_imagenet64.py index 3985064e8d3..78c59f23e27 100644 --- a/axial/config_imagenet64.py +++ b/axial/config_imagenet64.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/datasets.py b/axial/datasets.py index 9e560d75da0..186e5e5531d 100644 --- a/axial/datasets.py +++ b/axial/datasets.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/logging_utils.py b/axial/logging_utils.py index 29e28b4bb74..c3513366c61 100644 --- a/axial/logging_utils.py +++ b/axial/logging_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/main.py b/axial/main.py index 680a37a562f..8b88d7ad5a7 100644 --- a/axial/main.py +++ b/axial/main.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/models.py b/axial/models.py index 0eec524e934..f33c9c418cd 100644 --- a/axial/models.py +++ b/axial/models.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/nn.py b/axial/nn.py index 2e39a6e14c4..15e2f4c5806 100644 --- a/axial/nn.py +++ b/axial/nn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/run.sh b/axial/run.sh index 0177fa2be37..5cf3ae4aba6 100755 --- a/axial/run.sh +++ b/axial/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/transformers.py b/axial/transformers.py index 732a219862b..5e3089c0bd5 100644 --- a/axial/transformers.py +++ b/axial/transformers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/transformers_test.py b/axial/transformers_test.py index d89499c1f4b..aa708a4481c 100644 --- a/axial/transformers_test.py +++ b/axial/transformers_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/utils.py b/axial/utils.py index f935252a91a..69c8fee547e 100644 --- a/axial/utils.py +++ b/axial/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/axial/worker_util.py b/axial/worker_util.py index bb037c55d9c..2bff207f2f5 100644 --- a/axial/worker_util.py +++ b/axial/worker_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/__init__.py b/bam/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/__init__.py +++ b/bam/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/bert/__init__.py b/bam/bert/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/bert/__init__.py +++ b/bam/bert/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/bert/modeling.py b/bam/bert/modeling.py index 165a0bac5e1..26108836e13 100644 --- a/bam/bert/modeling.py +++ b/bam/bert/modeling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/bert/optimization.py b/bam/bert/optimization.py index 8c3277cf6c3..96829785644 100644 --- a/bam/bert/optimization.py +++ b/bam/bert/optimization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/bert/tokenization.py b/bam/bert/tokenization.py index e4136f94754..5627585bae2 100644 --- a/bam/bert/tokenization.py +++ b/bam/bert/tokenization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/configure.py b/bam/configure.py index 4ca67436600..4a9951a5a17 100644 --- a/bam/configure.py +++ b/bam/configure.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/data/__init__.py b/bam/data/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/data/__init__.py +++ b/bam/data/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/data/feature_spec.py b/bam/data/feature_spec.py index c9d2fdda00e..4600106f4a9 100644 --- a/bam/data/feature_spec.py +++ b/bam/data/feature_spec.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/data/preprocessing.py b/bam/data/preprocessing.py index 6745e5584bb..74d82604b99 100644 --- a/bam/data/preprocessing.py +++ b/bam/data/preprocessing.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/data/task_weighting.py b/bam/data/task_weighting.py index 237f6c07f9a..0a816a26689 100644 --- a/bam/data/task_weighting.py +++ b/bam/data/task_weighting.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/helpers/__init__.py b/bam/helpers/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/helpers/__init__.py +++ b/bam/helpers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/helpers/training_utils.py b/bam/helpers/training_utils.py index 5b0128d3731..40b00c34d27 100644 --- a/bam/helpers/training_utils.py +++ b/bam/helpers/training_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/helpers/utils.py b/bam/helpers/utils.py index f4c0eb821bd..f49b57c64b6 100644 --- a/bam/helpers/utils.py +++ b/bam/helpers/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/run.sh b/bam/run.sh index 503ffa933ee..a0b9d445663 100755 --- a/bam/run.sh +++ b/bam/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/run_classifier.py b/bam/run_classifier.py index bf17de0a34b..3dc58016379 100644 --- a/bam/run_classifier.py +++ b/bam/run_classifier.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/__init__.py b/bam/task_specific/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/task_specific/__init__.py +++ b/bam/task_specific/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/classification/__init__.py b/bam/task_specific/classification/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bam/task_specific/classification/__init__.py +++ b/bam/task_specific/classification/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/classification/classification_metrics.py b/bam/task_specific/classification/classification_metrics.py index 10c7301d165..1d721d67513 100644 --- a/bam/task_specific/classification/classification_metrics.py +++ b/bam/task_specific/classification/classification_metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/classification/classification_tasks.py b/bam/task_specific/classification/classification_tasks.py index afaf0fff2c4..1b58c7bcc24 100644 --- a/bam/task_specific/classification/classification_tasks.py +++ b/bam/task_specific/classification/classification_tasks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/scorer.py b/bam/task_specific/scorer.py index cfe6bbf9bfe..c56dbb2898a 100644 --- a/bam/task_specific/scorer.py +++ b/bam/task_specific/scorer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/task.py b/bam/task_specific/task.py index 5e6a4fd3784..7f45fe0fdbf 100644 --- a/bam/task_specific/task.py +++ b/bam/task_specific/task.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bam/task_specific/task_builder.py b/bam/task_specific/task_builder.py index fbd09eecdd4..e64fa23bb7a 100644 --- a/bam/task_specific/task_builder.py +++ b/bam/task_specific/task_builder.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/batch_science/__init__.py b/batch_science/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/batch_science/__init__.py +++ b/batch_science/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/batch_science/data_loader.py b/batch_science/data_loader.py index 5c2f2157115..c6cb3831e3d 100644 --- a/batch_science/data_loader.py +++ b/batch_science/data_loader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/batch_science/measurement_utils.py b/batch_science/measurement_utils.py index a4c88285ad1..e5740846d7a 100644 --- a/batch_science/measurement_utils.py +++ b/batch_science/measurement_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/batch_science/plot_utils.py b/batch_science/plot_utils.py index 73f80e4a2cc..4f72b947150 100644 --- a/batch_science/plot_utils.py +++ b/batch_science/plot_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/__init__.py b/behavior_regularized_offline_rl/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/behavior_regularized_offline_rl/__init__.py +++ b/behavior_regularized_offline_rl/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/__init__.py b/behavior_regularized_offline_rl/brac/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/behavior_regularized_offline_rl/brac/__init__.py +++ b/behavior_regularized_offline_rl/brac/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/agent.py b/behavior_regularized_offline_rl/brac/agent.py index 23aad210ac3..def91d14842 100644 --- a/behavior_regularized_offline_rl/brac/agent.py +++ b/behavior_regularized_offline_rl/brac/agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/agents.py b/behavior_regularized_offline_rl/brac/agents.py index def751db057..2bd2819519f 100644 --- a/behavior_regularized_offline_rl/brac/agents.py +++ b/behavior_regularized_offline_rl/brac/agents.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/bc_agent.py b/behavior_regularized_offline_rl/brac/bc_agent.py index ab0efc17526..a4919d77cdd 100644 --- a/behavior_regularized_offline_rl/brac/bc_agent.py +++ b/behavior_regularized_offline_rl/brac/bc_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/bcq_agent.py b/behavior_regularized_offline_rl/brac/bcq_agent.py index 8604c175e4e..2fca5089ce6 100644 --- a/behavior_regularized_offline_rl/brac/bcq_agent.py +++ b/behavior_regularized_offline_rl/brac/bcq_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/brac_dual_agent.py b/behavior_regularized_offline_rl/brac/brac_dual_agent.py index 49d665e5c70..323128b98a7 100644 --- a/behavior_regularized_offline_rl/brac/brac_dual_agent.py +++ b/behavior_regularized_offline_rl/brac/brac_dual_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/brac_primal_agent.py b/behavior_regularized_offline_rl/brac/brac_primal_agent.py index ff8328aba3b..d1d49b3238f 100644 --- a/behavior_regularized_offline_rl/brac/brac_primal_agent.py +++ b/behavior_regularized_offline_rl/brac/brac_primal_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/collect_data.py b/behavior_regularized_offline_rl/brac/collect_data.py index 309b88bacc0..1f7d90a9f26 100644 --- a/behavior_regularized_offline_rl/brac/collect_data.py +++ b/behavior_regularized_offline_rl/brac/collect_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/collect_data_test.py b/behavior_regularized_offline_rl/brac/collect_data_test.py index 44fe7b4ed89..7f493e2472f 100644 --- a/behavior_regularized_offline_rl/brac/collect_data_test.py +++ b/behavior_regularized_offline_rl/brac/collect_data_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_eps1.py b/behavior_regularized_offline_rl/brac/configs/dcfg_eps1.py index 80db94b5344..55574849e6b 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_eps1.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_eps1.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_eps3.py b/behavior_regularized_offline_rl/brac/configs/dcfg_eps3.py index 151649ff51f..54c399de115 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_eps3.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_eps3.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_example.py b/behavior_regularized_offline_rl/brac/configs/dcfg_example.py index 73f0e6cdae3..62bbaffd4e9 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_example.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_example.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian1.py b/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian1.py index a6916fa5760..ec279a0f6a8 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian1.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian1.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian3.py b/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian3.py index 0d0fa62b680..f2bc61d2895 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian3.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_gaussian3.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/configs/dcfg_pure.py b/behavior_regularized_offline_rl/brac/configs/dcfg_pure.py index 89476d59b83..1d8240102ad 100644 --- a/behavior_regularized_offline_rl/brac/configs/dcfg_pure.py +++ b/behavior_regularized_offline_rl/brac/configs/dcfg_pure.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/dataset.py b/behavior_regularized_offline_rl/brac/dataset.py index f6d3acdbe5a..4c2de5a8b88 100644 --- a/behavior_regularized_offline_rl/brac/dataset.py +++ b/behavior_regularized_offline_rl/brac/dataset.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/divergences.py b/behavior_regularized_offline_rl/brac/divergences.py index 97f401caaf0..7bf034e73b6 100644 --- a/behavior_regularized_offline_rl/brac/divergences.py +++ b/behavior_regularized_offline_rl/brac/divergences.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/networks.py b/behavior_regularized_offline_rl/brac/networks.py index 5fe9558f47f..50bc619439b 100644 --- a/behavior_regularized_offline_rl/brac/networks.py +++ b/behavior_regularized_offline_rl/brac/networks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/policies.py b/behavior_regularized_offline_rl/brac/policies.py index 2907d7e61f1..90fbd806b10 100644 --- a/behavior_regularized_offline_rl/brac/policies.py +++ b/behavior_regularized_offline_rl/brac/policies.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/policy_loader.py b/behavior_regularized_offline_rl/brac/policy_loader.py index dbbbfd35a4d..54fb6b4aada 100644 --- a/behavior_regularized_offline_rl/brac/policy_loader.py +++ b/behavior_regularized_offline_rl/brac/policy_loader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_bc.sh b/behavior_regularized_offline_rl/brac/run_bc.sh index 33e8865de74..5259bc6f3e8 100755 --- a/behavior_regularized_offline_rl/brac/run_bc.sh +++ b/behavior_regularized_offline_rl/brac/run_bc.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_bcq.sh b/behavior_regularized_offline_rl/brac/run_bcq.sh index 1d588b3f344..9eb4ef916a6 100755 --- a/behavior_regularized_offline_rl/brac/run_bcq.sh +++ b/behavior_regularized_offline_rl/brac/run_bcq.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_collect_data.sh b/behavior_regularized_offline_rl/brac/run_collect_data.sh index 9b31f3030b7..5a522399559 100755 --- a/behavior_regularized_offline_rl/brac/run_collect_data.sh +++ b/behavior_regularized_offline_rl/brac/run_collect_data.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_dual.sh b/behavior_regularized_offline_rl/brac/run_dual.sh index ae82ae195a6..e1f5cbda21a 100755 --- a/behavior_regularized_offline_rl/brac/run_dual.sh +++ b/behavior_regularized_offline_rl/brac/run_dual.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_primal.sh b/behavior_regularized_offline_rl/brac/run_primal.sh index 8eddfdc40d3..d9012b37460 100755 --- a/behavior_regularized_offline_rl/brac/run_primal.sh +++ b/behavior_regularized_offline_rl/brac/run_primal.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/run_train_online.sh b/behavior_regularized_offline_rl/brac/run_train_online.sh index 19f625f8ab6..62bb2756d5d 100755 --- a/behavior_regularized_offline_rl/brac/run_train_online.sh +++ b/behavior_regularized_offline_rl/brac/run_train_online.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/sac_agent.py b/behavior_regularized_offline_rl/brac/sac_agent.py index 5e4098ce872..37529cec6b1 100644 --- a/behavior_regularized_offline_rl/brac/sac_agent.py +++ b/behavior_regularized_offline_rl/brac/sac_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_eval_offline.py b/behavior_regularized_offline_rl/brac/train_eval_offline.py index 7022c6597c4..4ac1cac1196 100644 --- a/behavior_regularized_offline_rl/brac/train_eval_offline.py +++ b/behavior_regularized_offline_rl/brac/train_eval_offline.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_eval_online.py b/behavior_regularized_offline_rl/brac/train_eval_online.py index e6a71a859e2..09b96248c5c 100644 --- a/behavior_regularized_offline_rl/brac/train_eval_online.py +++ b/behavior_regularized_offline_rl/brac/train_eval_online.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_eval_utils.py b/behavior_regularized_offline_rl/brac/train_eval_utils.py index 054d6d1ee75..99bab38adfa 100644 --- a/behavior_regularized_offline_rl/brac/train_eval_utils.py +++ b/behavior_regularized_offline_rl/brac/train_eval_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_offline.py b/behavior_regularized_offline_rl/brac/train_offline.py index 01c4a3c469f..df143c37dee 100644 --- a/behavior_regularized_offline_rl/brac/train_offline.py +++ b/behavior_regularized_offline_rl/brac/train_offline.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_offline_test.py b/behavior_regularized_offline_rl/brac/train_offline_test.py index 3e051488ce0..07c28a4ddb6 100644 --- a/behavior_regularized_offline_rl/brac/train_offline_test.py +++ b/behavior_regularized_offline_rl/brac/train_offline_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_online.py b/behavior_regularized_offline_rl/brac/train_online.py index 63be795aa75..8ba4be093d4 100644 --- a/behavior_regularized_offline_rl/brac/train_online.py +++ b/behavior_regularized_offline_rl/brac/train_online.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/train_online_test.py b/behavior_regularized_offline_rl/brac/train_online_test.py index 8425fe20431..fe3c317084c 100644 --- a/behavior_regularized_offline_rl/brac/train_online_test.py +++ b/behavior_regularized_offline_rl/brac/train_online_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/brac/utils.py b/behavior_regularized_offline_rl/brac/utils.py index 02bb3f5032c..8284a4f3fcd 100644 --- a/behavior_regularized_offline_rl/brac/utils.py +++ b/behavior_regularized_offline_rl/brac/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/behavior_regularized_offline_rl/run.sh b/behavior_regularized_offline_rl/run.sh index 921600393de..ac96cc3aed3 100755 --- a/behavior_regularized_offline_rl/run.sh +++ b/behavior_regularized_offline_rl/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/__init__.py b/bisimulation_aaai2020/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bisimulation_aaai2020/__init__.py +++ b/bisimulation_aaai2020/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/__init__.py b/bisimulation_aaai2020/dopamine/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bisimulation_aaai2020/dopamine/__init__.py +++ b/bisimulation_aaai2020/dopamine/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/agent_visualizer.py b/bisimulation_aaai2020/dopamine/agent_visualizer.py index 438369f39f9..781b663bf35 100644 --- a/bisimulation_aaai2020/dopamine/agent_visualizer.py +++ b/bisimulation_aaai2020/dopamine/agent_visualizer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/evaluate.py b/bisimulation_aaai2020/dopamine/evaluate.py index 59eda9521ed..677814d123c 100644 --- a/bisimulation_aaai2020/dopamine/evaluate.py +++ b/bisimulation_aaai2020/dopamine/evaluate.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/play.py b/bisimulation_aaai2020/dopamine/play.py index c0691ef62e7..a73b749bca2 100644 --- a/bisimulation_aaai2020/dopamine/play.py +++ b/bisimulation_aaai2020/dopamine/play.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/rainbow_agent.py b/bisimulation_aaai2020/dopamine/rainbow_agent.py index 620416e8a39..7c9a614beab 100644 --- a/bisimulation_aaai2020/dopamine/rainbow_agent.py +++ b/bisimulation_aaai2020/dopamine/rainbow_agent.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/dopamine/run_experiment.py b/bisimulation_aaai2020/dopamine/run_experiment.py index fd5125ee7a8..5e2c9abe1e4 100644 --- a/bisimulation_aaai2020/dopamine/run_experiment.py +++ b/bisimulation_aaai2020/dopamine/run_experiment.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/grid_world/__init__.py b/bisimulation_aaai2020/grid_world/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bisimulation_aaai2020/grid_world/__init__.py +++ b/bisimulation_aaai2020/grid_world/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/grid_world/compute_metric.py b/bisimulation_aaai2020/grid_world/compute_metric.py index 12295e845e7..c078361dcce 100644 --- a/bisimulation_aaai2020/grid_world/compute_metric.py +++ b/bisimulation_aaai2020/grid_world/compute_metric.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/grid_world/configs/__init__.py b/bisimulation_aaai2020/grid_world/configs/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/bisimulation_aaai2020/grid_world/configs/__init__.py +++ b/bisimulation_aaai2020/grid_world/configs/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/grid_world/grid_world.py b/bisimulation_aaai2020/grid_world/grid_world.py index 4d05464d1da..21946ba7562 100644 --- a/bisimulation_aaai2020/grid_world/grid_world.py +++ b/bisimulation_aaai2020/grid_world/grid_world.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bisimulation_aaai2020/run.sh b/bisimulation_aaai2020/run.sh index 2e0b96a68c2..033cc83d9d5 100644 --- a/bisimulation_aaai2020/run.sh +++ b/bisimulation_aaai2020/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bitempered_loss/loss.py b/bitempered_loss/loss.py index f814be4f5f3..cffd672f38f 100644 --- a/bitempered_loss/loss.py +++ b/bitempered_loss/loss.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bitempered_loss/loss_test.py b/bitempered_loss/loss_test.py index 1bb12599f2b..2f77a9c66d7 100644 --- a/bitempered_loss/loss_test.py +++ b/bitempered_loss/loss_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/bitempered_loss/run.sh b/bitempered_loss/run.sh index 11e06e0f0bb..4eaf083bbc8 100755 --- a/bitempered_loss/run.sh +++ b/bitempered_loss/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/__init__.py b/capsule_em/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/capsule_em/__init__.py +++ b/capsule_em/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/em_layers.py b/capsule_em/em_layers.py index 6889250e0dc..7ebd31caa1c 100644 --- a/capsule_em/em_layers.py +++ b/capsule_em/em_layers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/em_model.py b/capsule_em/em_model.py index 97692bd8c95..304deba73d9 100644 --- a/capsule_em/em_model.py +++ b/capsule_em/em_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/experiment.py b/capsule_em/experiment.py index d3d143abd12..23d629b27da 100644 --- a/capsule_em/experiment.py +++ b/capsule_em/experiment.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/layers.py b/capsule_em/layers.py index 810a15da17e..815c8559f93 100644 --- a/capsule_em/layers.py +++ b/capsule_em/layers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/mnist/__init__.py b/capsule_em/mnist/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/capsule_em/mnist/__init__.py +++ b/capsule_em/mnist/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/mnist/mnist_record.py b/capsule_em/mnist/mnist_record.py index e9d4da00ac1..16669e21ffc 100644 --- a/capsule_em/mnist/mnist_record.py +++ b/capsule_em/mnist/mnist_record.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/model.py b/capsule_em/model.py index 23d90fa2f2c..7bd17916d50 100644 --- a/capsule_em/model.py +++ b/capsule_em/model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/norb/__init__.py b/capsule_em/norb/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/capsule_em/norb/__init__.py +++ b/capsule_em/norb/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/norb/norb_convert.py b/capsule_em/norb/norb_convert.py index 9f7b2c081b6..d5550062fb0 100644 --- a/capsule_em/norb/norb_convert.py +++ b/capsule_em/norb/norb_convert.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/norb/norb_record.py b/capsule_em/norb/norb_record.py index 4c199b8aa21..f718baf7451 100644 --- a/capsule_em/norb/norb_record.py +++ b/capsule_em/norb/norb_record.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/run.sh b/capsule_em/run.sh index e462387b243..d9b60e66b7f 100644 --- a/capsule_em/run.sh +++ b/capsule_em/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/simple_model.py b/capsule_em/simple_model.py index 95f0cd9cfb8..a6f142645e7 100644 --- a/capsule_em/simple_model.py +++ b/capsule_em/simple_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/capsule_em/utils.py b/capsule_em/utils.py index 7cc04e7271c..eff0eccbd62 100644 --- a/capsule_em/utils.py +++ b/capsule_em/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/__init__.py b/cfq/__init__.py index 122de214f6c..40821125b29 100644 --- a/cfq/__init__.py +++ b/cfq/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/cfq/__init__.py b/cfq/cfq/__init__.py index 6512381293a..3849187136d 100644 --- a/cfq/cfq/__init__.py +++ b/cfq/cfq/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/cfq/cfq.py b/cfq/cfq/cfq.py index 2399f3a52a6..4ef10dd5946 100644 --- a/cfq/cfq/cfq.py +++ b/cfq/cfq/cfq.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/evaluate.py b/cfq/evaluate.py index ff804cb6c9c..1da03c16011 100644 --- a/cfq/evaluate.py +++ b/cfq/evaluate.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/preprocess_dataset.py b/cfq/preprocess_dataset.py index 23430735a5b..d431d99244f 100644 --- a/cfq/preprocess_dataset.py +++ b/cfq/preprocess_dataset.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/run.sh b/cfq/run.sh index 860590318cf..bfc5d36fa08 100755 --- a/cfq/run.sh +++ b/cfq/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cfq/run_experiment.sh b/cfq/run_experiment.sh index 42d20efef5b..d2ffb1fb226 100755 --- a/cfq/run_experiment.sh +++ b/cfq/run_experiment.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/__init__.py b/cluster_gcn/__init__.py index 122de214f6c..40821125b29 100644 --- a/cluster_gcn/__init__.py +++ b/cluster_gcn/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/inits.py b/cluster_gcn/inits.py index 1ad2a6eaccb..55c353dad3c 100644 --- a/cluster_gcn/inits.py +++ b/cluster_gcn/inits.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/layers.py b/cluster_gcn/layers.py index b4170811fb9..550bac6332e 100644 --- a/cluster_gcn/layers.py +++ b/cluster_gcn/layers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/metrics.py b/cluster_gcn/metrics.py index 265889a106f..d51915d22a9 100644 --- a/cluster_gcn/metrics.py +++ b/cluster_gcn/metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/models.py b/cluster_gcn/models.py index 60ea6672084..75b3db608fd 100755 --- a/cluster_gcn/models.py +++ b/cluster_gcn/models.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/partition_utils.py b/cluster_gcn/partition_utils.py index 87c9f01e894..373fb9f62b9 100644 --- a/cluster_gcn/partition_utils.py +++ b/cluster_gcn/partition_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/run_ppi.sh b/cluster_gcn/run_ppi.sh index df33b27cec7..57d1cb086eb 100755 --- a/cluster_gcn/run_ppi.sh +++ b/cluster_gcn/run_ppi.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/run_reddit.sh b/cluster_gcn/run_reddit.sh index 22a851cf89f..fb52acdbbb7 100755 --- a/cluster_gcn/run_reddit.sh +++ b/cluster_gcn/run_reddit.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/train.py b/cluster_gcn/train.py index d57c8cf7576..5f5bf806bab 100755 --- a/cluster_gcn/train.py +++ b/cluster_gcn/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cluster_gcn/utils.py b/cluster_gcn/utils.py index 7f5c76a9f3e..e06ace91577 100644 --- a/cluster_gcn/utils.py +++ b/cluster_gcn/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/affinities.py b/clustering_normalized_cuts/affinities.py index 5faf0e45169..8d6a8675bc7 100644 --- a/clustering_normalized_cuts/affinities.py +++ b/clustering_normalized_cuts/affinities.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/cnc_net.py b/clustering_normalized_cuts/cnc_net.py index 1eae03fbebf..3a4012929ca 100644 --- a/clustering_normalized_cuts/cnc_net.py +++ b/clustering_normalized_cuts/cnc_net.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/data_loader.py b/clustering_normalized_cuts/data_loader.py index 020a92cf85a..9340be7684e 100644 --- a/clustering_normalized_cuts/data_loader.py +++ b/clustering_normalized_cuts/data_loader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/layer.py b/clustering_normalized_cuts/layer.py index 77bc9b7e9a3..56828467520 100644 --- a/clustering_normalized_cuts/layer.py +++ b/clustering_normalized_cuts/layer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/networks.py b/clustering_normalized_cuts/networks.py index d35d72aa074..cb7946bd07f 100644 --- a/clustering_normalized_cuts/networks.py +++ b/clustering_normalized_cuts/networks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/pairs.py b/clustering_normalized_cuts/pairs.py index bfa2a53ceae..6494cf83725 100644 --- a/clustering_normalized_cuts/pairs.py +++ b/clustering_normalized_cuts/pairs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/run.py b/clustering_normalized_cuts/run.py index d089fb05cdb..b8eeeede357 100644 --- a/clustering_normalized_cuts/run.py +++ b/clustering_normalized_cuts/run.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/setup.py b/clustering_normalized_cuts/setup.py index a4b1a0dfbd6..2f8f1c3353e 100644 --- a/clustering_normalized_cuts/setup.py +++ b/clustering_normalized_cuts/setup.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/train.py b/clustering_normalized_cuts/train.py index 3b44994af0b..11a9571ea4f 100644 --- a/clustering_normalized_cuts/train.py +++ b/clustering_normalized_cuts/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/clustering_normalized_cuts/util.py b/clustering_normalized_cuts/util.py index 8cc33d27ed6..7f6dc0ca17c 100644 --- a/clustering_normalized_cuts/util.py +++ b/clustering_normalized_cuts/util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/__init__.py b/cnn_quantization/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/__init__.py +++ b/cnn_quantization/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/run.sh b/cnn_quantization/run.sh index a7426584103..38252016b55 100755 --- a/cnn_quantization/run.sh +++ b/cnn_quantization/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/__init__.py b/cnn_quantization/tf_cnn_benchmarks/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/tf_cnn_benchmarks/__init__.py +++ b/cnn_quantization/tf_cnn_benchmarks/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark.py b/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark.py index 797df9df826..c68a66f2203 100644 --- a/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark.py +++ b/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark_test.py b/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark_test.py index 12a3db474e7..993df651b92 100644 --- a/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/all_reduce_benchmark_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/allreduce.py b/cnn_quantization/tf_cnn_benchmarks/allreduce.py index ca17f6f2b9a..cf95d24b67a 100644 --- a/cnn_quantization/tf_cnn_benchmarks/allreduce.py +++ b/cnn_quantization/tf_cnn_benchmarks/allreduce.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/allreduce_test.py b/cnn_quantization/tf_cnn_benchmarks/allreduce_test.py index c8f59c37600..4db4cd899f7 100644 --- a/cnn_quantization/tf_cnn_benchmarks/allreduce_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/allreduce_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/batch_allreduce.py b/cnn_quantization/tf_cnn_benchmarks/batch_allreduce.py index 68f146f2ad6..ab9ac8c9b95 100644 --- a/cnn_quantization/tf_cnn_benchmarks/batch_allreduce.py +++ b/cnn_quantization/tf_cnn_benchmarks/batch_allreduce.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn.py b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn.py index 44519dd5c64..88c78d4df81 100644 --- a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn.py +++ b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test.py b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test.py index c8d9096f6b7..e7b38a6fb77 100644 --- a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test_runner.py b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test_runner.py index 05235b9ddd5..60a136e1a79 100644 --- a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test_runner.py +++ b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_distributed_test_runner.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_test.py b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_test.py index 62ef781df2e..661214b3dce 100644 --- a/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/benchmark_cnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/cnn_util.py b/cnn_quantization/tf_cnn_benchmarks/cnn_util.py index 4f2ad1ff67b..df88ccf885b 100644 --- a/cnn_quantization/tf_cnn_benchmarks/cnn_util.py +++ b/cnn_quantization/tf_cnn_benchmarks/cnn_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/cnn_util_test.py b/cnn_quantization/tf_cnn_benchmarks/cnn_util_test.py index 0a7da379ac1..9d884ce3316 100644 --- a/cnn_quantization/tf_cnn_benchmarks/cnn_util_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/cnn_util_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/coco_metric.py b/cnn_quantization/tf_cnn_benchmarks/coco_metric.py index 7fae9058518..80349d006cc 100644 --- a/cnn_quantization/tf_cnn_benchmarks/coco_metric.py +++ b/cnn_quantization/tf_cnn_benchmarks/coco_metric.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/constants.py b/cnn_quantization/tf_cnn_benchmarks/constants.py index d16990e479c..68c6ad0642a 100644 --- a/cnn_quantization/tf_cnn_benchmarks/constants.py +++ b/cnn_quantization/tf_cnn_benchmarks/constants.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/convnet_builder.py b/cnn_quantization/tf_cnn_benchmarks/convnet_builder.py index cf0276884bb..584e41d7d32 100644 --- a/cnn_quantization/tf_cnn_benchmarks/convnet_builder.py +++ b/cnn_quantization/tf_cnn_benchmarks/convnet_builder.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/datasets.py b/cnn_quantization/tf_cnn_benchmarks/datasets.py index 91e670dcbc6..55f7dac7edb 100644 --- a/cnn_quantization/tf_cnn_benchmarks/datasets.py +++ b/cnn_quantization/tf_cnn_benchmarks/datasets.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/flags.py b/cnn_quantization/tf_cnn_benchmarks/flags.py index c0f41b5e4f3..314aec6359d 100644 --- a/cnn_quantization/tf_cnn_benchmarks/flags.py +++ b/cnn_quantization/tf_cnn_benchmarks/flags.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/mlperf.py b/cnn_quantization/tf_cnn_benchmarks/mlperf.py index 90d695ddee8..262e42af478 100644 --- a/cnn_quantization/tf_cnn_benchmarks/mlperf.py +++ b/cnn_quantization/tf_cnn_benchmarks/mlperf.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/mlperf_test.py b/cnn_quantization/tf_cnn_benchmarks/mlperf_test.py index b1c589e9efe..992ee5f7dbf 100644 --- a/cnn_quantization/tf_cnn_benchmarks/mlperf_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/mlperf_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/__init__.py b/cnn_quantization/tf_cnn_benchmarks/models/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/__init__.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/alexnet_model.py b/cnn_quantization/tf_cnn_benchmarks/models/alexnet_model.py index 7fb3a1d66a2..1c94ce8cba0 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/alexnet_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/alexnet_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/densenet_model.py b/cnn_quantization/tf_cnn_benchmarks/models/densenet_model.py index 8e8d46cd921..79f74c4c5c2 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/densenet_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/densenet_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/googlenet_model.py b/cnn_quantization/tf_cnn_benchmarks/models/googlenet_model.py index 4d3db76247e..de3a871beb9 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/googlenet_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/googlenet_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/inception_model.py b/cnn_quantization/tf_cnn_benchmarks/models/inception_model.py index 6f254769665..55059b97ad6 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/inception_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/inception_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/lenet_model.py b/cnn_quantization/tf_cnn_benchmarks/models/lenet_model.py index cd899332069..e4b80f349b9 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/lenet_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/lenet_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/model.py b/cnn_quantization/tf_cnn_benchmarks/models/model.py index eae14c05d18..d58a0285393 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/model_config.py b/cnn_quantization/tf_cnn_benchmarks/models/model_config.py index f5b1baf12ec..4622a6fa373 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/model_config.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/model_config.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/overfeat_model.py b/cnn_quantization/tf_cnn_benchmarks/models/overfeat_model.py index 6dcbd0a3d28..833e797ff05 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/overfeat_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/overfeat_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/resnet_model.py b/cnn_quantization/tf_cnn_benchmarks/models/resnet_model.py index 59e958e5677..1fa1a6ed766 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/resnet_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/resnet_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/resnet_model_test.py b/cnn_quantization/tf_cnn_benchmarks/models/resnet_model_test.py index 2b4a7a7b1ad..9e67b56eb3d 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/resnet_model_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/resnet_model_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/ssd_model.py b/cnn_quantization/tf_cnn_benchmarks/models/ssd_model.py index de876c40699..54fabe10c73 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/ssd_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/ssd_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/trivial_model.py b/cnn_quantization/tf_cnn_benchmarks/models/trivial_model.py index 5bdb32d18f5..e4e7f09d246 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/trivial_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/trivial_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/models/vgg_model.py b/cnn_quantization/tf_cnn_benchmarks/models/vgg_model.py index 83b33c80b4e..efa4c14f631 100644 --- a/cnn_quantization/tf_cnn_benchmarks/models/vgg_model.py +++ b/cnn_quantization/tf_cnn_benchmarks/models/vgg_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/platforms/__init__.py b/cnn_quantization/tf_cnn_benchmarks/platforms/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/tf_cnn_benchmarks/platforms/__init__.py +++ b/cnn_quantization/tf_cnn_benchmarks/platforms/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/platforms/default/__init__.py b/cnn_quantization/tf_cnn_benchmarks/platforms/default/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/tf_cnn_benchmarks/platforms/default/__init__.py +++ b/cnn_quantization/tf_cnn_benchmarks/platforms/default/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/platforms/default/util.py b/cnn_quantization/tf_cnn_benchmarks/platforms/default/util.py index 40e2a387a5c..671a4eb7960 100644 --- a/cnn_quantization/tf_cnn_benchmarks/platforms/default/util.py +++ b/cnn_quantization/tf_cnn_benchmarks/platforms/default/util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/platforms/util.py b/cnn_quantization/tf_cnn_benchmarks/platforms/util.py index 1991050ad56..9b6318e135d 100644 --- a/cnn_quantization/tf_cnn_benchmarks/platforms/util.py +++ b/cnn_quantization/tf_cnn_benchmarks/platforms/util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/preprocessing.py b/cnn_quantization/tf_cnn_benchmarks/preprocessing.py index dfea0d73d7a..e78f3abd29d 100644 --- a/cnn_quantization/tf_cnn_benchmarks/preprocessing.py +++ b/cnn_quantization/tf_cnn_benchmarks/preprocessing.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/run_tests.py b/cnn_quantization/tf_cnn_benchmarks/run_tests.py index 22b4676bb77..4c19479aa08 100644 --- a/cnn_quantization/tf_cnn_benchmarks/run_tests.py +++ b/cnn_quantization/tf_cnn_benchmarks/run_tests.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/ssd_constants.py b/cnn_quantization/tf_cnn_benchmarks/ssd_constants.py index 00f2fba444c..2ec7399cb41 100644 --- a/cnn_quantization/tf_cnn_benchmarks/ssd_constants.py +++ b/cnn_quantization/tf_cnn_benchmarks/ssd_constants.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/ssd_dataloader.py b/cnn_quantization/tf_cnn_benchmarks/ssd_dataloader.py index 2b380da78c2..9320ab341f1 100644 --- a/cnn_quantization/tf_cnn_benchmarks/ssd_dataloader.py +++ b/cnn_quantization/tf_cnn_benchmarks/ssd_dataloader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/test_data/__init__.py b/cnn_quantization/tf_cnn_benchmarks/test_data/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/cnn_quantization/tf_cnn_benchmarks/test_data/__init__.py +++ b/cnn_quantization/tf_cnn_benchmarks/test_data/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/test_data/create_cifar10_test_data.py b/cnn_quantization/tf_cnn_benchmarks/test_data/create_cifar10_test_data.py index 1095f93b35a..1afe5917b0b 100644 --- a/cnn_quantization/tf_cnn_benchmarks/test_data/create_cifar10_test_data.py +++ b/cnn_quantization/tf_cnn_benchmarks/test_data/create_cifar10_test_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/test_data/tfrecord_image_generator.py b/cnn_quantization/tf_cnn_benchmarks/test_data/tfrecord_image_generator.py index 3672acd09c8..e0623cf9b81 100644 --- a/cnn_quantization/tf_cnn_benchmarks/test_data/tfrecord_image_generator.py +++ b/cnn_quantization/tf_cnn_benchmarks/test_data/tfrecord_image_generator.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/test_util.py b/cnn_quantization/tf_cnn_benchmarks/test_util.py index ff8cd3d9b83..205efd78312 100644 --- a/cnn_quantization/tf_cnn_benchmarks/test_util.py +++ b/cnn_quantization/tf_cnn_benchmarks/test_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/tf_cnn_benchmarks.py b/cnn_quantization/tf_cnn_benchmarks/tf_cnn_benchmarks.py index 54789cd1d0a..bd5b479940d 100644 --- a/cnn_quantization/tf_cnn_benchmarks/tf_cnn_benchmarks.py +++ b/cnn_quantization/tf_cnn_benchmarks/tf_cnn_benchmarks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/variable_mgr.py b/cnn_quantization/tf_cnn_benchmarks/variable_mgr.py index 823e2b04ea8..a77c8a75d95 100644 --- a/cnn_quantization/tf_cnn_benchmarks/variable_mgr.py +++ b/cnn_quantization/tf_cnn_benchmarks/variable_mgr.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util.py b/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util.py index 08a0b045e72..634ed4812b9 100644 --- a/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util.py +++ b/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util_test.py b/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util_test.py index 489feedd5aa..50e846487f0 100644 --- a/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util_test.py +++ b/cnn_quantization/tf_cnn_benchmarks/variable_mgr_util_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/compile_protos.sh b/compile_protos.sh index 326ecbe3d2f..33c2b7e6e63 100644 --- a/compile_protos.sh +++ b/compile_protos.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/awa_helper.py b/concept_explanations/awa_helper.py index 29f835ac67b..c58ab1685ec 100644 --- a/concept_explanations/awa_helper.py +++ b/concept_explanations/awa_helper.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/awa_main.py b/concept_explanations/awa_main.py index 450e6859e38..56013e13a1f 100644 --- a/concept_explanations/awa_main.py +++ b/concept_explanations/awa_main.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/create_toy.py b/concept_explanations/create_toy.py index 739c1da5c1f..a083b423717 100644 --- a/concept_explanations/create_toy.py +++ b/concept_explanations/create_toy.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/ipca.py b/concept_explanations/ipca.py index 82f41a9e6b5..b6ebae68930 100644 --- a/concept_explanations/ipca.py +++ b/concept_explanations/ipca.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/run.sh b/concept_explanations/run.sh index 6772fa1e266..c1e4567b505 100644 --- a/concept_explanations/run.sh +++ b/concept_explanations/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/toy_baseline.py b/concept_explanations/toy_baseline.py index 773897fc578..f29285054e7 100644 --- a/concept_explanations/toy_baseline.py +++ b/concept_explanations/toy_baseline.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/toy_helper.py b/concept_explanations/toy_helper.py index 305436b5a19..79ebcbf1ab4 100644 --- a/concept_explanations/toy_helper.py +++ b/concept_explanations/toy_helper.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/concept_explanations/toy_main.py b/concept_explanations/toy_main.py index 3de8c482f36..f0176314c1b 100644 --- a/concept_explanations/toy_main.py +++ b/concept_explanations/toy_main.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/distance.py b/correct_batch_effects_wdn/distance.py index 5a203af55b2..887d45f89a3 100644 --- a/correct_batch_effects_wdn/distance.py +++ b/correct_batch_effects_wdn/distance.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/distance_test.py b/correct_batch_effects_wdn/distance_test.py index 7e26d44c9ac..7ff6f1eb7c4 100644 --- a/correct_batch_effects_wdn/distance_test.py +++ b/correct_batch_effects_wdn/distance_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/evaluate.py b/correct_batch_effects_wdn/evaluate.py index 5535c3c73cf..9bf99e72954 100644 --- a/correct_batch_effects_wdn/evaluate.py +++ b/correct_batch_effects_wdn/evaluate.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/evaluate_metrics.py b/correct_batch_effects_wdn/evaluate_metrics.py index 33cc941a6f3..45b711e8474 100644 --- a/correct_batch_effects_wdn/evaluate_metrics.py +++ b/correct_batch_effects_wdn/evaluate_metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/evaluate_test.py b/correct_batch_effects_wdn/evaluate_test.py index bb9202132f7..ab8dc505e66 100644 --- a/correct_batch_effects_wdn/evaluate_test.py +++ b/correct_batch_effects_wdn/evaluate_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/forgetting_nuisance.py b/correct_batch_effects_wdn/forgetting_nuisance.py index 3bfec59981a..82072893265 100644 --- a/correct_batch_effects_wdn/forgetting_nuisance.py +++ b/correct_batch_effects_wdn/forgetting_nuisance.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/forgetting_nuisance_test.py b/correct_batch_effects_wdn/forgetting_nuisance_test.py index 41c573aeea7..384f4187d74 100644 --- a/correct_batch_effects_wdn/forgetting_nuisance_test.py +++ b/correct_batch_effects_wdn/forgetting_nuisance_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/io_utils.py b/correct_batch_effects_wdn/io_utils.py index 5126cc398c2..8a05062f0c8 100644 --- a/correct_batch_effects_wdn/io_utils.py +++ b/correct_batch_effects_wdn/io_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/io_utils_test.py b/correct_batch_effects_wdn/io_utils_test.py index bfeeaae2bfc..6bfc613a655 100644 --- a/correct_batch_effects_wdn/io_utils_test.py +++ b/correct_batch_effects_wdn/io_utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/ljosa_embeddings_to_h5.py b/correct_batch_effects_wdn/ljosa_embeddings_to_h5.py index 8a82df243a0..9a52859cfab 100644 --- a/correct_batch_effects_wdn/ljosa_embeddings_to_h5.py +++ b/correct_batch_effects_wdn/ljosa_embeddings_to_h5.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/ljosa_preprocessing.py b/correct_batch_effects_wdn/ljosa_preprocessing.py index 7efbffb752d..7259ef477b7 100644 --- a/correct_batch_effects_wdn/ljosa_preprocessing.py +++ b/correct_batch_effects_wdn/ljosa_preprocessing.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/metadata.py b/correct_batch_effects_wdn/metadata.py index 1e1c74f710a..6fe520ebe91 100644 --- a/correct_batch_effects_wdn/metadata.py +++ b/correct_batch_effects_wdn/metadata.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/transform.py b/correct_batch_effects_wdn/transform.py index f164d1c5753..b83cf3e3c10 100644 --- a/correct_batch_effects_wdn/transform.py +++ b/correct_batch_effects_wdn/transform.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/correct_batch_effects_wdn/transform_test.py b/correct_batch_effects_wdn/transform_test.py index d3a1847028e..791cba52571 100644 --- a/correct_batch_effects_wdn/transform_test.py +++ b/correct_batch_effects_wdn/transform_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/common.py b/dac/common.py index 87d7795c874..2fb50d52c4a 100644 --- a/dac/common.py +++ b/dac/common.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/create_demos.py b/dac/create_demos.py index 1d5b3e3a193..96d665a125d 100644 --- a/dac/create_demos.py +++ b/dac/create_demos.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/ddpg_td3.py b/dac/ddpg_td3.py index 3d13aa9b63b..8a7a8b8c68a 100644 --- a/dac/ddpg_td3.py +++ b/dac/ddpg_td3.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/evaluation_worker.py b/dac/evaluation_worker.py index 3ed828123f9..735241c4579 100644 --- a/dac/evaluation_worker.py +++ b/dac/evaluation_worker.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/gail.py b/dac/gail.py index 8da6f0291d2..92adadf0f53 100644 --- a/dac/gail.py +++ b/dac/gail.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/generate_expert_data.py b/dac/generate_expert_data.py index 5244a1d820c..cf1a6d8bcef 100644 --- a/dac/generate_expert_data.py +++ b/dac/generate_expert_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/lfd_envs.py b/dac/lfd_envs.py index 744f426119f..94afcfc33e1 100644 --- a/dac/lfd_envs.py +++ b/dac/lfd_envs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/lfd_training_worker.py b/dac/lfd_training_worker.py index c175977f855..67addda5e0d 100644 --- a/dac/lfd_training_worker.py +++ b/dac/lfd_training_worker.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/replay_buffer.py b/dac/replay_buffer.py index 52674c1abd1..bd1432a8ea5 100644 --- a/dac/replay_buffer.py +++ b/dac/replay_buffer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/run_evaluation_worker.sh b/dac/run_evaluation_worker.sh index ce87549c6ec..c50d07cc503 100755 --- a/dac/run_evaluation_worker.sh +++ b/dac/run_evaluation_worker.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/run_training_worker.sh b/dac/run_training_worker.sh index 222c7de8aa7..9d2b1bade80 100755 --- a/dac/run_training_worker.sh +++ b/dac/run_training_worker.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/training_worker.py b/dac/training_worker.py index 35c6e170df6..8de31cd73ba 100644 --- a/dac/training_worker.py +++ b/dac/training_worker.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dac/utils.py b/dac/utils.py index 6761ad5d776..13c48b17463 100644 --- a/dac/utils.py +++ b/dac/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/__init__.py b/dataset_analysis/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/dataset_analysis/__init__.py +++ b/dataset_analysis/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/analyze_data.py b/dataset_analysis/analyze_data.py index e330d54ad83..d5b7dc63c84 100644 --- a/dataset_analysis/analyze_data.py +++ b/dataset_analysis/analyze_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/bert/__init__.py b/dataset_analysis/bert/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/dataset_analysis/bert/__init__.py +++ b/dataset_analysis/bert/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/bert/modeling.py b/dataset_analysis/bert/modeling.py index bd22c48ee63..d4f1a7739a5 100644 --- a/dataset_analysis/bert/modeling.py +++ b/dataset_analysis/bert/modeling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/bert/optimization.py b/dataset_analysis/bert/optimization.py index 3d1f3aa339a..e11e6fa56c4 100644 --- a/dataset_analysis/bert/optimization.py +++ b/dataset_analysis/bert/optimization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/bert/tokenization.py b/dataset_analysis/bert/tokenization.py index 81e8221c243..76be9a5e674 100644 --- a/dataset_analysis/bert/tokenization.py +++ b/dataset_analysis/bert/tokenization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/bert_classifier.py b/dataset_analysis/bert_classifier.py index e2ff5a217ff..62c268b6d6b 100644 --- a/dataset_analysis/bert_classifier.py +++ b/dataset_analysis/bert_classifier.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/extract_words.py b/dataset_analysis/extract_words.py index 6cbe47d5f95..3d8bf37eaee 100644 --- a/dataset_analysis/extract_words.py +++ b/dataset_analysis/extract_words.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/inspect_output_layer_weights.py b/dataset_analysis/inspect_output_layer_weights.py index ee4a9727aea..00801c6c02a 100644 --- a/dataset_analysis/inspect_output_layer_weights.py +++ b/dataset_analysis/inspect_output_layer_weights.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/learn_target_relations.py b/dataset_analysis/learn_target_relations.py index 7224adfe38c..483dd326a6c 100644 --- a/dataset_analysis/learn_target_relations.py +++ b/dataset_analysis/learn_target_relations.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/ppca.py b/dataset_analysis/ppca.py index 971cdde7456..55596c022a9 100644 --- a/dataset_analysis/ppca.py +++ b/dataset_analysis/ppca.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/replace_targets.py b/dataset_analysis/replace_targets.py index d63f56d4ca8..5d933218002 100644 --- a/dataset_analysis/replace_targets.py +++ b/dataset_analysis/replace_targets.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dataset_analysis/run.sh b/dataset_analysis/run.sh index 9caecf49d60..05764f4a605 100755 --- a/dataset_analysis/run.sh +++ b/dataset_analysis/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/data_loader.py b/dble/data_loader.py index 4342c524d87..bdb358d88c0 100644 --- a/dble/data_loader.py +++ b/dble/data_loader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/main_dble.py b/dble/main_dble.py index 3c8e37cbc00..6735e01fa06 100644 --- a/dble/main_dble.py +++ b/dble/main_dble.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/mlp.py b/dble/mlp.py index 08139c9838d..bc79ec5651f 100644 --- a/dble/mlp.py +++ b/dble/mlp.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/resnet.py b/dble/resnet.py index d3fcc7b5459..70b064bcee3 100644 --- a/dble/resnet.py +++ b/dble/resnet.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/run.sh b/dble/run.sh index 3f6ffaa7ae2..d451e6d0ed7 100755 --- a/dble/run.sh +++ b/dble/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/tiny_imagenet.py b/dble/tiny_imagenet.py index ed5408a16c0..767eddbfe26 100644 --- a/dble/tiny_imagenet.py +++ b/dble/tiny_imagenet.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/utils.py b/dble/utils.py index 283ddef5c39..78abdbcad6d 100644 --- a/dble/utils.py +++ b/dble/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dble/vgg.py b/dble/vgg.py index 9bc2d3eb4da..7cd34ced735 100644 --- a/dble/vgg.py +++ b/dble/vgg.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/deep_homography/__init__.py b/deep_homography/__init__.py index 122de214f6c..40821125b29 100644 --- a/deep_homography/__init__.py +++ b/deep_homography/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/deep_homography/hmg_util.py b/deep_homography/hmg_util.py index dd57a54244a..c5602b9ad26 100644 --- a/deep_homography/hmg_util.py +++ b/deep_homography/hmg_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/deep_homography/models.py b/deep_homography/models.py index 6af5d4f2bed..7abe4003d69 100644 --- a/deep_homography/models.py +++ b/deep_homography/models.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/deep_homography/test.py b/deep_homography/test.py index d97a3089873..49ab8cbb5df 100644 --- a/deep_homography/test.py +++ b/deep_homography/test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/deep_homography/train.py b/deep_homography/train.py index 4a76859a355..eb44e14ef59 100644 --- a/deep_homography/train.py +++ b/deep_homography/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/__init__.py b/demogen/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/demogen/__init__.py +++ b/demogen/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/data_util.py b/demogen/data_util.py index 66cd2a59228..91d07d84e3e 100644 --- a/demogen/data_util.py +++ b/demogen/data_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/example.py b/demogen/example.py index 4e15c733e94..e868ab991ba 100644 --- a/demogen/example.py +++ b/demogen/example.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/margin_utils.py b/demogen/margin_utils.py index c5a358b1ac4..3cd170eb309 100644 --- a/demogen/margin_utils.py +++ b/demogen/margin_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/model_config.py b/demogen/model_config.py index 7bbfe146f2f..88eb2584fae 100644 --- a/demogen/model_config.py +++ b/demogen/model_config.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/models/__init__.py b/demogen/models/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/demogen/models/__init__.py +++ b/demogen/models/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/models/get_model.py b/demogen/models/get_model.py index 4fdb59b3cab..f61a0e3fa40 100644 --- a/demogen/models/get_model.py +++ b/demogen/models/get_model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/models/nin.py b/demogen/models/nin.py index 2e5967f2602..9d7271f5e41 100644 --- a/demogen/models/nin.py +++ b/demogen/models/nin.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/models/resnet.py b/demogen/models/resnet.py index 05ab700c5ef..4cb73beda7c 100644 --- a/demogen/models/resnet.py +++ b/demogen/models/resnet.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/run.sh b/demogen/run.sh index 7c60010b10b..0a74e7b8177 100644 --- a/demogen/run.sh +++ b/demogen/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/demogen/total_variation_util.py b/demogen/total_variation_util.py index e8db09feba1..55a80a2b0a8 100644 --- a/demogen/total_variation_util.py +++ b/demogen/total_variation_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dense_representations_for_entity_retrieval/parse_wikinews.py b/dense_representations_for_entity_retrieval/parse_wikinews.py index 54c741a22ff..c5530ae517a 100644 --- a/dense_representations_for_entity_retrieval/parse_wikinews.py +++ b/dense_representations_for_entity_retrieval/parse_wikinews.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dense_representations_for_entity_retrieval/parse_wikinews.sh b/dense_representations_for_entity_retrieval/parse_wikinews.sh index 6a65cc7b15f..fab81b57f7e 100755 --- a/dense_representations_for_entity_retrieval/parse_wikinews.sh +++ b/dense_representations_for_entity_retrieval/parse_wikinews.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dense_representations_for_entity_retrieval/run.sh b/dense_representations_for_entity_retrieval/run.sh index a31698ea714..ddbadac61a5 100755 --- a/dense_representations_for_entity_retrieval/run.sh +++ b/dense_representations_for_entity_retrieval/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/__init__.py b/depth_from_video_in_the_wild/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/depth_from_video_in_the_wild/__init__.py +++ b/depth_from_video_in_the_wild/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/consistency_losses.py b/depth_from_video_in_the_wild/consistency_losses.py index 00ac0573eea..fa726880a36 100644 --- a/depth_from_video_in_the_wild/consistency_losses.py +++ b/depth_from_video_in_the_wild/consistency_losses.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/depth_prediction_net.py b/depth_from_video_in_the_wild/depth_prediction_net.py index 58c1e3a304c..22ecce53be1 100644 --- a/depth_from_video_in_the_wild/depth_prediction_net.py +++ b/depth_from_video_in_the_wild/depth_prediction_net.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/model.py b/depth_from_video_in_the_wild/model.py index e535b4028e8..12e4d05637e 100644 --- a/depth_from_video_in_the_wild/model.py +++ b/depth_from_video_in_the_wild/model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/motion_prediction_net.py b/depth_from_video_in_the_wild/motion_prediction_net.py index 19865120d48..70645369db0 100644 --- a/depth_from_video_in_the_wild/motion_prediction_net.py +++ b/depth_from_video_in_the_wild/motion_prediction_net.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/randomized_layer_normalization.py b/depth_from_video_in_the_wild/randomized_layer_normalization.py index bbc3954aff1..649ecbe6ca0 100644 --- a/depth_from_video_in_the_wild/randomized_layer_normalization.py +++ b/depth_from_video_in_the_wild/randomized_layer_normalization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/reader.py b/depth_from_video_in_the_wild/reader.py index 384a207ecb1..2d252efc363 100644 --- a/depth_from_video_in_the_wild/reader.py +++ b/depth_from_video_in_the_wild/reader.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/render_euroc_depth.py b/depth_from_video_in_the_wild/render_euroc_depth.py index 954a5dbc991..9e4550c29f5 100644 --- a/depth_from_video_in_the_wild/render_euroc_depth.py +++ b/depth_from_video_in_the_wild/render_euroc_depth.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/run.sh b/depth_from_video_in_the_wild/run.sh index fdab641825a..2f0f2160be1 100755 --- a/depth_from_video_in_the_wild/run.sh +++ b/depth_from_video_in_the_wild/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/train.py b/depth_from_video_in_the_wild/train.py index f9d7f9739db..d25a386eb9a 100644 --- a/depth_from_video_in_the_wild/train.py +++ b/depth_from_video_in_the_wild/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/trajectory_inference.py b/depth_from_video_in_the_wild/trajectory_inference.py index 58c07a56bd1..1aaa892a72d 100644 --- a/depth_from_video_in_the_wild/trajectory_inference.py +++ b/depth_from_video_in_the_wild/trajectory_inference.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/transform_depth_map.py b/depth_from_video_in_the_wild/transform_depth_map.py index e45f0f3e2ec..dcf29e898fe 100644 --- a/depth_from_video_in_the_wild/transform_depth_map.py +++ b/depth_from_video_in_the_wild/transform_depth_map.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/depth_from_video_in_the_wild/transform_utils.py b/depth_from_video_in_the_wild/transform_utils.py index 81394f8e42a..db8fed295a2 100644 --- a/depth_from_video_in_the_wild/transform_utils.py +++ b/depth_from_video_in_the_wild/transform_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dictionary_learning/__init__.py b/dictionary_learning/__init__.py index 122de214f6c..40821125b29 100644 --- a/dictionary_learning/__init__.py +++ b/dictionary_learning/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dictionary_learning/dictionary_learning.py b/dictionary_learning/dictionary_learning.py index 2d65ff4acb7..4941b5e5f32 100644 --- a/dictionary_learning/dictionary_learning.py +++ b/dictionary_learning/dictionary_learning.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dictionary_learning/dictionary_learning_test.py b/dictionary_learning/dictionary_learning_test.py index 181c2a84cc2..378cb548ab4 100644 --- a/dictionary_learning/dictionary_learning_test.py +++ b/dictionary_learning/dictionary_learning_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dictionary_learning/run.sh b/dictionary_learning/run.sh index a3da5c5a7b9..d962133049a 100644 --- a/dictionary_learning/run.sh +++ b/dictionary_learning/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/__init__.py b/dql_grasping/__init__.py index 2faa121f3cd..1511ba0b062 100644 --- a/dql_grasping/__init__.py +++ b/dql_grasping/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/collect_eval.py b/dql_grasping/collect_eval.py index 4ae291831a4..da2bba4a337 100644 --- a/dql_grasping/collect_eval.py +++ b/dql_grasping/collect_eval.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/cross_entropy.py b/dql_grasping/cross_entropy.py index 50a0b4558d1..7ea2aa82f6d 100644 --- a/dql_grasping/cross_entropy.py +++ b/dql_grasping/cross_entropy.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/ddpg_graph.py b/dql_grasping/ddpg_graph.py index 780eba5b7b0..1342cac65f5 100644 --- a/dql_grasping/ddpg_graph.py +++ b/dql_grasping/ddpg_graph.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/episode_to_transitions.py b/dql_grasping/episode_to_transitions.py index 456f82c765d..297e6852b3d 100644 --- a/dql_grasping/episode_to_transitions.py +++ b/dql_grasping/episode_to_transitions.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/gin_imports.py b/dql_grasping/gin_imports.py index 73b9e0b5387..3335b6d0599 100644 --- a/dql_grasping/gin_imports.py +++ b/dql_grasping/gin_imports.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/grasping_env.py b/dql_grasping/grasping_env.py index 1def3de3246..7f347e517ea 100644 --- a/dql_grasping/grasping_env.py +++ b/dql_grasping/grasping_env.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/input_data.py b/dql_grasping/input_data.py index 68920c45ab2..5045444fdfc 100644 --- a/dql_grasping/input_data.py +++ b/dql_grasping/input_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/kuka.py b/dql_grasping/kuka.py index 2cf11f5988c..ffe6711d7b5 100644 --- a/dql_grasping/kuka.py +++ b/dql_grasping/kuka.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/policies.py b/dql_grasping/policies.py index cb4f1ca6ecf..460f3b3b327 100644 --- a/dql_grasping/policies.py +++ b/dql_grasping/policies.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/policies_test.py b/dql_grasping/policies_test.py index e8e96b263d7..b8fd04d8baf 100644 --- a/dql_grasping/policies_test.py +++ b/dql_grasping/policies_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/q_graph.py b/dql_grasping/q_graph.py index 189a9d239f3..44467edcba1 100644 --- a/dql_grasping/q_graph.py +++ b/dql_grasping/q_graph.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run.sh b/dql_grasping/run.sh index 76ac13b9f76..9795bb35656 100755 --- a/dql_grasping/run.sh +++ b/dql_grasping/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run_env.py b/dql_grasping/run_env.py index b7c07288a51..7f4cf119152 100644 --- a/dql_grasping/run_env.py +++ b/dql_grasping/run_env.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run_env_test.py b/dql_grasping/run_env_test.py index bb24acf65e9..1ebc0464a06 100644 --- a/dql_grasping/run_env_test.py +++ b/dql_grasping/run_env_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run_random_collect_oss.sh b/dql_grasping/run_random_collect_oss.sh index f05531c2b1f..09a18047795 100644 --- a/dql_grasping/run_random_collect_oss.sh +++ b/dql_grasping/run_random_collect_oss.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run_train_collect_eval.py b/dql_grasping/run_train_collect_eval.py index 0a7026565db..5e8442a9276 100644 --- a/dql_grasping/run_train_collect_eval.py +++ b/dql_grasping/run_train_collect_eval.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/run_train_collect_eval_oss.sh b/dql_grasping/run_train_collect_eval_oss.sh index 1985980fc2e..ae4f3980fa5 100644 --- a/dql_grasping/run_train_collect_eval_oss.sh +++ b/dql_grasping/run_train_collect_eval_oss.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/schedules.py b/dql_grasping/schedules.py index 01b6cb872b1..9d4f1300b02 100644 --- a/dql_grasping/schedules.py +++ b/dql_grasping/schedules.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/schedules_test.py b/dql_grasping/schedules_test.py index f213d20ef2b..419c864395c 100644 --- a/dql_grasping/schedules_test.py +++ b/dql_grasping/schedules_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/tf_critics.py b/dql_grasping/tf_critics.py index d9e67d23093..6107b42b892 100644 --- a/dql_grasping/tf_critics.py +++ b/dql_grasping/tf_critics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/tf_modules.py b/dql_grasping/tf_modules.py index 76ac4a330fe..8da4816d292 100644 --- a/dql_grasping/tf_modules.py +++ b/dql_grasping/tf_modules.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/train_collect_eval.py b/dql_grasping/train_collect_eval.py index 65faefd7bfe..782c41dafb4 100644 --- a/dql_grasping/train_collect_eval.py +++ b/dql_grasping/train_collect_eval.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/train_collect_eval_test.py b/dql_grasping/train_collect_eval_test.py index ebc0dc09793..f40c55821de 100644 --- a/dql_grasping/train_collect_eval_test.py +++ b/dql_grasping/train_collect_eval_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/train_ddpg.py b/dql_grasping/train_ddpg.py index a933292534e..862573239a9 100644 --- a/dql_grasping/train_ddpg.py +++ b/dql_grasping/train_ddpg.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/train_q.py b/dql_grasping/train_q.py index 707a9b84950..48936bba265 100644 --- a/dql_grasping/train_q.py +++ b/dql_grasping/train_q.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dql_grasping/writer.py b/dql_grasping/writer.py index 27eca68ce57..f31c37c70e8 100644 --- a/dql_grasping/writer.py +++ b/dql_grasping/writer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dreg_estimators/__init__.py b/dreg_estimators/__init__.py index af0cc7edbfc..9a198046280 100644 --- a/dreg_estimators/__init__.py +++ b/dreg_estimators/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dreg_estimators/main_loop.py b/dreg_estimators/main_loop.py index 9674d77d08e..543c0030ed0 100644 --- a/dreg_estimators/main_loop.py +++ b/dreg_estimators/main_loop.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dreg_estimators/model.py b/dreg_estimators/model.py index 6e733bba2ea..88fdbcc9898 100644 --- a/dreg_estimators/model.py +++ b/dreg_estimators/model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dreg_estimators/run.sh b/dreg_estimators/run.sh index 171d857e81e..31510307f63 100755 --- a/dreg_estimators/run.sh +++ b/dreg_estimators/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dreg_estimators/utils.py b/dreg_estimators/utils.py index e420d47ebdb..ab825cc734b 100644 --- a/dreg_estimators/utils.py +++ b/dreg_estimators/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/algos/base.py b/dual_dice/algos/base.py index 07c34fb03b0..d07e4ce930c 100644 --- a/dual_dice/algos/base.py +++ b/dual_dice/algos/base.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/algos/dual_dice.py b/dual_dice/algos/dual_dice.py index aeeb510027c..29bee4fbe3a 100644 --- a/dual_dice/algos/dual_dice.py +++ b/dual_dice/algos/dual_dice.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/algos/neural_dual_dice.py b/dual_dice/algos/neural_dual_dice.py index 8cd0632a7c0..39d4b91945e 100644 --- a/dual_dice/algos/neural_dual_dice.py +++ b/dual_dice/algos/neural_dual_dice.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/gridworld/environments.py b/dual_dice/gridworld/environments.py index c0c7de51a82..1c4d0a76910 100644 --- a/dual_dice/gridworld/environments.py +++ b/dual_dice/gridworld/environments.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/gridworld/policies.py b/dual_dice/gridworld/policies.py index d04838352df..05028ec0335 100644 --- a/dual_dice/gridworld/policies.py +++ b/dual_dice/gridworld/policies.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/policy.py b/dual_dice/policy.py index 06b4f87b3f8..5291bdb549e 100644 --- a/dual_dice/policy.py +++ b/dual_dice/policy.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/run.py b/dual_dice/run.py index ee3c0765f58..ba19d0a4f6a 100644 --- a/dual_dice/run.py +++ b/dual_dice/run.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/run.sh b/dual_dice/run.sh index 5149cf72d43..374f039edcf 100644 --- a/dual_dice/run.sh +++ b/dual_dice/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dual_dice/transition_data.py b/dual_dice/transition_data.py index e613964c2ba..2a0b113a934 100644 --- a/dual_dice/transition_data.py +++ b/dual_dice/transition_data.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/data_loading.py b/dvrl/data_loading.py index 4785566274b..e491752f375 100644 --- a/dvrl/data_loading.py +++ b/dvrl/data_loading.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/dvrl.py b/dvrl/dvrl.py index 39778478612..94a295b3774 100644 --- a/dvrl/dvrl.py +++ b/dvrl/dvrl.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/dvrl_metrics.py b/dvrl/dvrl_metrics.py index 97af105c3e1..e2fcd0a19fe 100644 --- a/dvrl/dvrl_metrics.py +++ b/dvrl/dvrl_metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/dvrl_test.py b/dvrl/dvrl_test.py index bc96efbb343..83a9689ffd3 100644 --- a/dvrl/dvrl_test.py +++ b/dvrl/dvrl_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/dvrl_utils.py b/dvrl/dvrl_utils.py index 867e0c5bf5c..a6a06fefc36 100644 --- a/dvrl/dvrl_utils.py +++ b/dvrl/dvrl_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/main_corrupted_sample_discovery.py b/dvrl/main_corrupted_sample_discovery.py index 0d35fb2242a..9b31740d6d7 100644 --- a/dvrl/main_corrupted_sample_discovery.py +++ b/dvrl/main_corrupted_sample_discovery.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/main_data_valuation.py b/dvrl/main_data_valuation.py index ec5d18d8826..5521e0bb0ca 100644 --- a/dvrl/main_data_valuation.py +++ b/dvrl/main_data_valuation.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/main_domain_adaptation.py b/dvrl/main_domain_adaptation.py index ac5ed5c8212..2d5e92de812 100644 --- a/dvrl/main_domain_adaptation.py +++ b/dvrl/main_domain_adaptation.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/main_dvrl_image_transfer_learning.py b/dvrl/main_dvrl_image_transfer_learning.py index 9efc08a4c2f..59fd32ea5a9 100644 --- a/dvrl/main_dvrl_image_transfer_learning.py +++ b/dvrl/main_dvrl_image_transfer_learning.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dvrl/run.sh b/dvrl/run.sh index da322de9f0c..42f22cb9bec 100755 --- a/dvrl/run.sh +++ b/dvrl/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/__init__.py b/edward2_autoreparam/__init__.py index 122de214f6c..40821125b29 100644 --- a/edward2_autoreparam/__init__.py +++ b/edward2_autoreparam/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/analyze_results.py b/edward2_autoreparam/analyze_results.py index 8f26d811252..0bc8b5a4b4e 100644 --- a/edward2_autoreparam/analyze_results.py +++ b/edward2_autoreparam/analyze_results.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/experiments.py b/edward2_autoreparam/experiments.py index e14050884aa..02f394b861c 100644 --- a/edward2_autoreparam/experiments.py +++ b/edward2_autoreparam/experiments.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/models.py b/edward2_autoreparam/models.py index f9be5190ef5..5fdcd1dd9fa 100644 --- a/edward2_autoreparam/models.py +++ b/edward2_autoreparam/models.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/models_test.py b/edward2_autoreparam/models_test.py index 4b690c31222..7132825b6db 100644 --- a/edward2_autoreparam/models_test.py +++ b/edward2_autoreparam/models_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/run.sh b/edward2_autoreparam/run.sh index 4f1761d5c4f..4c37345ac10 100755 --- a/edward2_autoreparam/run.sh +++ b/edward2_autoreparam/run.sh @@ -1,4 +1,4 @@ -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/run_experiments.py b/edward2_autoreparam/run_experiments.py index 26fae2dff11..afe6bb3fcf6 100644 --- a/edward2_autoreparam/run_experiments.py +++ b/edward2_autoreparam/run_experiments.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/tfp/__init__.py b/edward2_autoreparam/tfp/__init__.py index 122de214f6c..40821125b29 100644 --- a/edward2_autoreparam/tfp/__init__.py +++ b/edward2_autoreparam/tfp/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/tfp/interleaved.py b/edward2_autoreparam/tfp/interleaved.py index 58589322b52..7dbc99a875e 100644 --- a/edward2_autoreparam/tfp/interleaved.py +++ b/edward2_autoreparam/tfp/interleaved.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/tfp/program_transformations.py b/edward2_autoreparam/tfp/program_transformations.py index 96f30914232..caa4c824412 100644 --- a/edward2_autoreparam/tfp/program_transformations.py +++ b/edward2_autoreparam/tfp/program_transformations.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/edward2_autoreparam/util.py b/edward2_autoreparam/util.py index d2acf9f45e1..eccd1efbca8 100644 --- a/edward2_autoreparam/util.py +++ b/edward2_autoreparam/util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/__init__.py b/eeg_modelling/__init__.py index 122de214f6c..40821125b29 100644 --- a/eeg_modelling/__init__.py +++ b/eeg_modelling/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/canonical_errors.cc b/eeg_modelling/edf/base/canonical_errors.cc index a3a9b9eb243..e7587ec4121 100644 --- a/eeg_modelling/edf/base/canonical_errors.cc +++ b/eeg_modelling/edf/base/canonical_errors.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/canonical_errors.h b/eeg_modelling/edf/base/canonical_errors.h index 8e5062f8d3f..5758e0e0064 100644 --- a/eeg_modelling/edf/base/canonical_errors.h +++ b/eeg_modelling/edf/base/canonical_errors.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/status.cc b/eeg_modelling/edf/base/status.cc index e2cb528faed..171d623d4ff 100644 --- a/eeg_modelling/edf/base/status.cc +++ b/eeg_modelling/edf/base/status.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/status.h b/eeg_modelling/edf/base/status.h index 4ee9d82182a..7115a99ca54 100644 --- a/eeg_modelling/edf/base/status.h +++ b/eeg_modelling/edf/base/status.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/status_macros.h b/eeg_modelling/edf/base/status_macros.h index ccbf91f52ca..f928b0d2533 100644 --- a/eeg_modelling/edf/base/status_macros.h +++ b/eeg_modelling/edf/base/status_macros.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/statusor.cc b/eeg_modelling/edf/base/statusor.cc index e99bcb830be..1e320e99cdf 100644 --- a/eeg_modelling/edf/base/statusor.cc +++ b/eeg_modelling/edf/base/statusor.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/statusor.h b/eeg_modelling/edf/base/statusor.h index fc399187776..0526245e5b6 100644 --- a/eeg_modelling/edf/base/statusor.h +++ b/eeg_modelling/edf/base/statusor.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/time_proto_util.cc b/eeg_modelling/edf/base/time_proto_util.cc index 94cbc87f39d..86684bbf4f2 100644 --- a/eeg_modelling/edf/base/time_proto_util.cc +++ b/eeg_modelling/edf/base/time_proto_util.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/base/time_proto_util.h b/eeg_modelling/edf/base/time_proto_util.h index b35c9f8b387..ed3d4dd5791 100644 --- a/eeg_modelling/edf/base/time_proto_util.h +++ b/eeg_modelling/edf/base/time_proto_util.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf.cc b/eeg_modelling/edf/edf.cc index ce2a45d08bf..6152de736ca 100644 --- a/eeg_modelling/edf/edf.cc +++ b/eeg_modelling/edf/edf.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf.h b/eeg_modelling/edf/edf.h index 0d33b2ef4fb..451fba9978f 100644 --- a/eeg_modelling/edf/edf.h +++ b/eeg_modelling/edf/edf.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_file.cc b/eeg_modelling/edf/edf_file.cc index 45254cf40ef..710a06d65df 100644 --- a/eeg_modelling/edf/edf_file.cc +++ b/eeg_modelling/edf/edf_file.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_file.h b/eeg_modelling/edf/edf_file.h index 698aec44152..f0c757aafb1 100644 --- a/eeg_modelling/edf/edf_file.h +++ b/eeg_modelling/edf/edf_file.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_oss_file.cc b/eeg_modelling/edf/edf_oss_file.cc index d92cbd7f666..739e86639e3 100644 --- a/eeg_modelling/edf/edf_oss_file.cc +++ b/eeg_modelling/edf/edf_oss_file.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_oss_file.h b/eeg_modelling/edf/edf_oss_file.h index af545d96179..a0963a269bd 100644 --- a/eeg_modelling/edf/edf_oss_file.h +++ b/eeg_modelling/edf/edf_oss_file.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_reader.cc b/eeg_modelling/edf/edf_reader.cc index cfd6d27c869..96c941f5c01 100644 --- a/eeg_modelling/edf/edf_reader.cc +++ b/eeg_modelling/edf/edf_reader.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_reader.h b/eeg_modelling/edf/edf_reader.h index 14d3bf7cfdd..516ded2618b 100644 --- a/eeg_modelling/edf/edf_reader.h +++ b/eeg_modelling/edf/edf_reader.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_util.cc b/eeg_modelling/edf/edf_util.cc index 5d965258d22..c143ab108d7 100644 --- a/eeg_modelling/edf/edf_util.cc +++ b/eeg_modelling/edf/edf_util.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/edf_util.h b/eeg_modelling/edf/edf_util.h index ed9a417ffb7..3afa6d796ab 100644 --- a/eeg_modelling/edf/edf_util.h +++ b/eeg_modelling/edf/edf_util.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/parse_edf_lib.cc b/eeg_modelling/edf/parse_edf_lib.cc index 0968d563cf2..52faf0db82f 100644 --- a/eeg_modelling/edf/parse_edf_lib.cc +++ b/eeg_modelling/edf/parse_edf_lib.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/parse_edf_lib.h b/eeg_modelling/edf/parse_edf_lib.h index c94ea3605b1..a66fb6bd911 100644 --- a/eeg_modelling/edf/parse_edf_lib.h +++ b/eeg_modelling/edf/parse_edf_lib.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/proto/annotation.proto b/eeg_modelling/edf/proto/annotation.proto index 9abc1534062..ac8780459cf 100644 --- a/eeg_modelling/edf/proto/annotation.proto +++ b/eeg_modelling/edf/proto/annotation.proto @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/proto/edf.proto b/eeg_modelling/edf/proto/edf.proto index 17236b937fc..c610119b02a 100644 --- a/eeg_modelling/edf/proto/edf.proto +++ b/eeg_modelling/edf/proto/edf.proto @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/proto/event.proto b/eeg_modelling/edf/proto/event.proto index b750051beb7..9b84b0093f2 100644 --- a/eeg_modelling/edf/proto/event.proto +++ b/eeg_modelling/edf/proto/event.proto @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/proto/segment.proto b/eeg_modelling/edf/proto/segment.proto index fa8ea191714..7b67a01f56f 100644 --- a/eeg_modelling/edf/proto/segment.proto +++ b/eeg_modelling/edf/proto/segment.proto @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/temple_edf_to_tf_example.cc b/eeg_modelling/edf/temple_edf_to_tf_example.cc index 795812c9edd..5143295041f 100644 --- a/eeg_modelling/edf/temple_edf_to_tf_example.cc +++ b/eeg_modelling/edf/temple_edf_to_tf_example.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/temple_util.cc b/eeg_modelling/edf/temple_util.cc index 77965d25e8e..f6d839e5f56 100644 --- a/eeg_modelling/edf/temple_util.cc +++ b/eeg_modelling/edf/temple_util.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/temple_util.h b/eeg_modelling/edf/temple_util.h index cc4d9f079c2..df36a46ebd2 100644 --- a/eeg_modelling/edf/temple_util.h +++ b/eeg_modelling/edf/temple_util.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/tf_example_lib.cc b/eeg_modelling/edf/tf_example_lib.cc index fc5e6e20c4d..baafac5e29a 100644 --- a/eeg_modelling/edf/tf_example_lib.cc +++ b/eeg_modelling/edf/tf_example_lib.cc @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/edf/tf_example_lib.h b/eeg_modelling/edf/tf_example_lib.h index 76c7c7a838f..4247a39cfc5 100644 --- a/eeg_modelling/edf/tf_example_lib.h +++ b/eeg_modelling/edf/tf_example_lib.h @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/__init__.py b/eeg_modelling/eeg_viewer/__init__.py index 122de214f6c..40821125b29 100644 --- a/eeg_modelling/eeg_viewer/__init__.py +++ b/eeg_modelling/eeg_viewer/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/data_source.py b/eeg_modelling/eeg_viewer/data_source.py index 0d2b3768a57..dbe257c7b25 100644 --- a/eeg_modelling/eeg_viewer/data_source.py +++ b/eeg_modelling/eeg_viewer/data_source.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/jslib/app_loader.js b/eeg_modelling/eeg_viewer/jslib/app_loader.js index a5ecf45ed8a..14aba85bd98 100644 --- a/eeg_modelling/eeg_viewer/jslib/app_loader.js +++ b/eeg_modelling/eeg_viewer/jslib/app_loader.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/jslib/download_helper.js b/eeg_modelling/eeg_viewer/jslib/download_helper.js index 75ca05c2c52..702413328c6 100644 --- a/eeg_modelling/eeg_viewer/jslib/download_helper.js +++ b/eeg_modelling/eeg_viewer/jslib/download_helper.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/lookup.py b/eeg_modelling/eeg_viewer/lookup.py index 95063164531..023e716d238 100644 --- a/eeg_modelling/eeg_viewer/lookup.py +++ b/eeg_modelling/eeg_viewer/lookup.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/lookup_test.py b/eeg_modelling/eeg_viewer/lookup_test.py index c1f86e9e5d0..4fe2d366977 100644 --- a/eeg_modelling/eeg_viewer/lookup_test.py +++ b/eeg_modelling/eeg_viewer/lookup_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/prediction_data_service.py b/eeg_modelling/eeg_viewer/prediction_data_service.py index b3c635b160a..78376f921f9 100644 --- a/eeg_modelling/eeg_viewer/prediction_data_service.py +++ b/eeg_modelling/eeg_viewer/prediction_data_service.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/prediction_data_service_test.py b/eeg_modelling/eeg_viewer/prediction_data_service_test.py index a8e5596b66f..33462a531fb 100644 --- a/eeg_modelling/eeg_viewer/prediction_data_service_test.py +++ b/eeg_modelling/eeg_viewer/prediction_data_service_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/server.py b/eeg_modelling/eeg_viewer/server.py index fc4f236c7a1..51911277794 100644 --- a/eeg_modelling/eeg_viewer/server.py +++ b/eeg_modelling/eeg_viewer/server.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/server_test.py b/eeg_modelling/eeg_viewer/server_test.py index 3176083bab9..a593803381d 100644 --- a/eeg_modelling/eeg_viewer/server_test.py +++ b/eeg_modelling/eeg_viewer/server_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/signal_helper.py b/eeg_modelling/eeg_viewer/signal_helper.py index 0b995f4a770..cf6ee99627a 100644 --- a/eeg_modelling/eeg_viewer/signal_helper.py +++ b/eeg_modelling/eeg_viewer/signal_helper.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/similarity.py b/eeg_modelling/eeg_viewer/similarity.py index 05941c92da0..5232d4d8e99 100644 --- a/eeg_modelling/eeg_viewer/similarity.py +++ b/eeg_modelling/eeg_viewer/similarity.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/similarity_test.py b/eeg_modelling/eeg_viewer/similarity_test.py index bb5f2470efb..54d410f96f6 100644 --- a/eeg_modelling/eeg_viewer/similarity_test.py +++ b/eeg_modelling/eeg_viewer/similarity_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2019 The Google Research Authors. +# Copyright 2020 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/annotations.js b/eeg_modelling/eeg_viewer/static/js/annotations.js index 226a0220546..4b5bc61caca 100644 --- a/eeg_modelling/eeg_viewer/static/js/annotations.js +++ b/eeg_modelling/eeg_viewer/static/js/annotations.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/annotations_test.js b/eeg_modelling/eeg_viewer/static/js/annotations_test.js index 4af7ebf2d51..12d045be014 100644 --- a/eeg_modelling/eeg_viewer/static/js/annotations_test.js +++ b/eeg_modelling/eeg_viewer/static/js/annotations_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/chart_base.js b/eeg_modelling/eeg_viewer/static/js/chart_base.js index 6842f3833ba..8da74f44d1f 100644 --- a/eeg_modelling/eeg_viewer/static/js/chart_base.js +++ b/eeg_modelling/eeg_viewer/static/js/chart_base.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/chart_base_test.js b/eeg_modelling/eeg_viewer/static/js/chart_base_test.js index 6ba615fc59c..627aab84bb6 100644 --- a/eeg_modelling/eeg_viewer/static/js/chart_base_test.js +++ b/eeg_modelling/eeg_viewer/static/js/chart_base_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/chart_controller.js b/eeg_modelling/eeg_viewer/static/js/chart_controller.js index f7f53522ed4..b76b7c0934a 100644 --- a/eeg_modelling/eeg_viewer/static/js/chart_controller.js +++ b/eeg_modelling/eeg_viewer/static/js/chart_controller.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/dispatcher.js b/eeg_modelling/eeg_viewer/static/js/dispatcher.js index ddcd324d881..d8605177022 100644 --- a/eeg_modelling/eeg_viewer/static/js/dispatcher.js +++ b/eeg_modelling/eeg_viewer/static/js/dispatcher.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/dispatcher_test.js b/eeg_modelling/eeg_viewer/static/js/dispatcher_test.js index ac2c5b03275..4fd19a0e7e0 100644 --- a/eeg_modelling/eeg_viewer/static/js/dispatcher_test.js +++ b/eeg_modelling/eeg_viewer/static/js/dispatcher_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/downloader.js b/eeg_modelling/eeg_viewer/static/js/downloader.js index bbd02470d65..4d6f8390a09 100644 --- a/eeg_modelling/eeg_viewer/static/js/downloader.js +++ b/eeg_modelling/eeg_viewer/static/js/downloader.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/downloader_test.js b/eeg_modelling/eeg_viewer/static/js/downloader_test.js index acb70db2ae3..fad32467896 100644 --- a/eeg_modelling/eeg_viewer/static/js/downloader_test.js +++ b/eeg_modelling/eeg_viewer/static/js/downloader_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/error.js b/eeg_modelling/eeg_viewer/static/js/error.js index ace9b23dec4..2c71a3be535 100644 --- a/eeg_modelling/eeg_viewer/static/js/error.js +++ b/eeg_modelling/eeg_viewer/static/js/error.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/error_test.js b/eeg_modelling/eeg_viewer/static/js/error_test.js index d515c074cd9..57653f0a155 100644 --- a/eeg_modelling/eeg_viewer/static/js/error_test.js +++ b/eeg_modelling/eeg_viewer/static/js/error_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/formatter.js b/eeg_modelling/eeg_viewer/static/js/formatter.js index c7c32e7d920..b92905bd1e0 100644 --- a/eeg_modelling/eeg_viewer/static/js/formatter.js +++ b/eeg_modelling/eeg_viewer/static/js/formatter.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/graph.js b/eeg_modelling/eeg_viewer/static/js/graph.js index fcbfcadd200..3ed321de0d4 100644 --- a/eeg_modelling/eeg_viewer/static/js/graph.js +++ b/eeg_modelling/eeg_viewer/static/js/graph.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/graph_test.js b/eeg_modelling/eeg_viewer/static/js/graph_test.js index 69cbc249a62..c06e83b4847 100644 --- a/eeg_modelling/eeg_viewer/static/js/graph_test.js +++ b/eeg_modelling/eeg_viewer/static/js/graph_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/main.js b/eeg_modelling/eeg_viewer/static/js/main.js index 9b27952edb1..73fba2bdc81 100644 --- a/eeg_modelling/eeg_viewer/static/js/main.js +++ b/eeg_modelling/eeg_viewer/static/js/main.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/menus.js b/eeg_modelling/eeg_viewer/static/js/menus.js index 4a65a5f17d6..246f806c26c 100644 --- a/eeg_modelling/eeg_viewer/static/js/menus.js +++ b/eeg_modelling/eeg_viewer/static/js/menus.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/menus_test.js b/eeg_modelling/eeg_viewer/static/js/menus_test.js index 13592c5b407..7ea55c7f5df 100644 --- a/eeg_modelling/eeg_viewer/static/js/menus_test.js +++ b/eeg_modelling/eeg_viewer/static/js/menus_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/montages.js b/eeg_modelling/eeg_viewer/static/js/montages.js index 1b16dff0dd5..23e3baf89b7 100644 --- a/eeg_modelling/eeg_viewer/static/js/montages.js +++ b/eeg_modelling/eeg_viewer/static/js/montages.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/nav_chart.js b/eeg_modelling/eeg_viewer/static/js/nav_chart.js index b44405d840d..a87e81db73a 100644 --- a/eeg_modelling/eeg_viewer/static/js/nav_chart.js +++ b/eeg_modelling/eeg_viewer/static/js/nav_chart.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/nav_chart_test.js b/eeg_modelling/eeg_viewer/static/js/nav_chart_test.js index f55ed152225..3d0baca7955 100644 --- a/eeg_modelling/eeg_viewer/static/js/nav_chart_test.js +++ b/eeg_modelling/eeg_viewer/static/js/nav_chart_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/predictions.js b/eeg_modelling/eeg_viewer/static/js/predictions.js index 3e75352311e..63c23f729d0 100644 --- a/eeg_modelling/eeg_viewer/static/js/predictions.js +++ b/eeg_modelling/eeg_viewer/static/js/predictions.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/predictions_chart.js b/eeg_modelling/eeg_viewer/static/js/predictions_chart.js index 490b39f20eb..55c7ade37d5 100644 --- a/eeg_modelling/eeg_viewer/static/js/predictions_chart.js +++ b/eeg_modelling/eeg_viewer/static/js/predictions_chart.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/predictions_chart_test.js b/eeg_modelling/eeg_viewer/static/js/predictions_chart_test.js index bfed73c3483..41de575810e 100644 --- a/eeg_modelling/eeg_viewer/static/js/predictions_chart_test.js +++ b/eeg_modelling/eeg_viewer/static/js/predictions_chart_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/predictions_test.js b/eeg_modelling/eeg_viewer/static/js/predictions_test.js index 00ef1aea9c4..d4ff470e820 100644 --- a/eeg_modelling/eeg_viewer/static/js/predictions_test.js +++ b/eeg_modelling/eeg_viewer/static/js/predictions_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/requests.js b/eeg_modelling/eeg_viewer/static/js/requests.js index def38c965e0..0320d336bc9 100644 --- a/eeg_modelling/eeg_viewer/static/js/requests.js +++ b/eeg_modelling/eeg_viewer/static/js/requests.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/requests_test.js b/eeg_modelling/eeg_viewer/static/js/requests_test.js index 973dda26110..9fb05b2d6a7 100644 --- a/eeg_modelling/eeg_viewer/static/js/requests_test.js +++ b/eeg_modelling/eeg_viewer/static/js/requests_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/store.js b/eeg_modelling/eeg_viewer/static/js/store.js index b464d4388fd..8035fbe8639 100644 --- a/eeg_modelling/eeg_viewer/static/js/store.js +++ b/eeg_modelling/eeg_viewer/static/js/store.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/store_test.js b/eeg_modelling/eeg_viewer/static/js/store_test.js index 2e771410dda..1d9ce3678d4 100644 --- a/eeg_modelling/eeg_viewer/static/js/store_test.js +++ b/eeg_modelling/eeg_viewer/static/js/store_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/tool_bar.js b/eeg_modelling/eeg_viewer/static/js/tool_bar.js index b87345afd87..41311dbed16 100644 --- a/eeg_modelling/eeg_viewer/static/js/tool_bar.js +++ b/eeg_modelling/eeg_viewer/static/js/tool_bar.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/tool_bar_test.js b/eeg_modelling/eeg_viewer/static/js/tool_bar_test.js index 03ccaa0b7c1..55a3a5e6ecb 100644 --- a/eeg_modelling/eeg_viewer/static/js/tool_bar_test.js +++ b/eeg_modelling/eeg_viewer/static/js/tool_bar_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/uploader.js b/eeg_modelling/eeg_viewer/static/js/uploader.js index eafbc3a8b47..fc1f2b90e78 100644 --- a/eeg_modelling/eeg_viewer/static/js/uploader.js +++ b/eeg_modelling/eeg_viewer/static/js/uploader.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/uploader_test.js b/eeg_modelling/eeg_viewer/static/js/uploader_test.js index cf114069017..7ec020cb7d1 100644 --- a/eeg_modelling/eeg_viewer/static/js/uploader_test.js +++ b/eeg_modelling/eeg_viewer/static/js/uploader_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/utils.js b/eeg_modelling/eeg_viewer/static/js/utils.js index 941dc503254..5b557edca7a 100644 --- a/eeg_modelling/eeg_viewer/static/js/utils.js +++ b/eeg_modelling/eeg_viewer/static/js/utils.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/wave_event_form.js b/eeg_modelling/eeg_viewer/static/js/wave_event_form.js index 9ec094a1c6c..cc7bd5a5e04 100644 --- a/eeg_modelling/eeg_viewer/static/js/wave_event_form.js +++ b/eeg_modelling/eeg_viewer/static/js/wave_event_form.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/wave_events.js b/eeg_modelling/eeg_viewer/static/js/wave_events.js index 1e13bd0a8de..164b7612dab 100644 --- a/eeg_modelling/eeg_viewer/static/js/wave_events.js +++ b/eeg_modelling/eeg_viewer/static/js/wave_events.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/window_location.js b/eeg_modelling/eeg_viewer/static/js/window_location.js index 9336e26d26e..f615b0a77df 100644 --- a/eeg_modelling/eeg_viewer/static/js/window_location.js +++ b/eeg_modelling/eeg_viewer/static/js/window_location.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/js/window_location_test.js b/eeg_modelling/eeg_viewer/static/js/window_location_test.js index b6315b5b2aa..9439ec1122d 100644 --- a/eeg_modelling/eeg_viewer/static/js/window_location_test.js +++ b/eeg_modelling/eeg_viewer/static/js/window_location_test.js @@ -1,4 +1,4 @@ -// Copyright 2019 The Google Research Authors. +// Copyright 2020 The Google Research Authors. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/static/styles/styles.css b/eeg_modelling/eeg_viewer/static/styles/styles.css index 60afac89aaa..5aae15b1243 100644 --- a/eeg_modelling/eeg_viewer/static/styles/styles.css +++ b/eeg_modelling/eeg_viewer/static/styles/styles.css @@ -1,5 +1,5 @@ /* - * Copyright 2019 The Google Research Authors. + * Copyright 2020 The Google Research Authors. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. diff --git a/eeg_modelling/eeg_viewer/templates/index.html b/eeg_modelling/eeg_viewer/templates/index.html index 0f7e17224c6..21286917b9f 100644 --- a/eeg_modelling/eeg_viewer/templates/index.html +++ b/eeg_modelling/eeg_viewer/templates/index.html @@ -1,5 +1,5 @@