From db5c95f218af07a34eadc6729db3fd484c80a759 Mon Sep 17 00:00:00 2001 From: Jiawei Xia Date: Tue, 16 May 2023 17:08:54 -0700 Subject: [PATCH] Move the TF-NumPy einsum test from Trax to the TF-NumPy directory. PiperOrigin-RevId: 532617470 --- .github/workflows/build.yaml | 2 +- .readthedocs.yaml | 2 +- docs/.readthedocs.yaml | 2 +- docs/source/conf.py | 2 +- oss_scripts/oss_pip_install.sh | 2 +- oss_scripts/oss_release.sh | 2 +- oss_scripts/oss_tests.sh | 2 +- setup.py | 2 +- trax/__init__.py | 2 +- trax/data/__init__.py | 2 +- trax/data/debug_data_pipeline.py | 2 +- trax/data/inputs.py | 2 +- trax/data/inputs_test.py | 2 +- trax/data/text_encoder.py | 2 +- trax/data/text_encoder_build_subword.py | 2 +- trax/data/text_encoder_test.py | 2 +- trax/data/tf_inputs.py | 2 +- trax/data/tf_inputs_test.py | 2 +- trax/data/tokenizer.py | 2 +- trax/data/tokenizer_test.py | 2 +- trax/fastmath/__init__.py | 2 +- trax/fastmath/jax.py | 2 +- trax/fastmath/numpy.py | 2 +- trax/fastmath/ops.py | 2 +- trax/fastmath/ops_test.py | 2 +- trax/fastmath/tf.py | 2 +- trax/import_test.py | 2 +- trax/jaxboard.py | 2 +- trax/layers/__init__.py | 2 +- trax/layers/acceleration.py | 2 +- trax/layers/acceleration_test.py | 2 +- trax/layers/activation_fns.py | 2 +- trax/layers/activation_fns_test.py | 2 +- trax/layers/assert_shape.py | 2 +- trax/layers/assert_shape_test.py | 2 +- trax/layers/attention.py | 2 +- trax/layers/attention_test.py | 2 +- trax/layers/base.py | 2 +- trax/layers/base_test.py | 2 +- trax/layers/combinators.py | 2 +- trax/layers/combinators_test.py | 2 +- trax/layers/convolution.py | 2 +- trax/layers/convolution_test.py | 2 +- trax/layers/core.py | 2 +- trax/layers/core_test.py | 2 +- trax/layers/deconvolution.py | 2 +- trax/layers/deconvolution_test.py | 2 +- trax/layers/initializers.py | 2 +- trax/layers/initializers_test.py | 2 +- trax/layers/metrics.py | 2 +- trax/layers/metrics_test.py | 2 +- trax/layers/normalization.py | 2 +- trax/layers/normalization_test.py | 2 +- trax/layers/pooling.py | 2 +- trax/layers/pooling_test.py | 2 +- trax/layers/research/__init__.py | 2 +- trax/layers/research/efficient_attention.py | 2 +- trax/layers/research/efficient_attention_test.py | 2 +- trax/layers/research/position_encodings.py | 2 +- trax/layers/research/position_encodings_test.py | 2 +- trax/layers/research/rel_attention.py | 2 +- trax/layers/research/rel_attention_test.py | 2 +- trax/layers/research/resampling.py | 2 +- trax/layers/research/rotary_positional_embedding.py | 2 +- trax/layers/research/rotary_positional_embedding_test.py | 2 +- trax/layers/research/sparsity.py | 2 +- trax/layers/research/sparsity_test.py | 2 +- trax/layers/reversible.py | 2 +- trax/layers/reversible_test.py | 2 +- trax/layers/rnn.py | 2 +- trax/layers/rnn_test.py | 2 +- trax/layers/test_utils.py | 2 +- trax/layers/test_utils_test.py | 2 +- trax/models/__init__.py | 2 +- trax/models/atari_cnn.py | 2 +- trax/models/atari_cnn_test.py | 2 +- trax/models/mlp.py | 2 +- trax/models/mlp_test.py | 2 +- trax/models/neural_gpu.py | 2 +- trax/models/neural_gpu_test.py | 2 +- trax/models/reformer/__init__.py | 2 +- trax/models/reformer/reformer.py | 2 +- trax/models/reformer/reformer_e2e_test.py | 2 +- trax/models/reformer/reformer_test.py | 2 +- trax/models/research/__init__.py | 2 +- trax/models/research/bert.py | 2 +- trax/models/research/configurable_transformer.py | 2 +- trax/models/research/configurable_transformer_test.py | 2 +- trax/models/research/hourglass.py | 2 +- trax/models/research/hourglass_test.py | 2 +- trax/models/research/layerdrop_transformer.py | 2 +- trax/models/research/layerdrop_transformer_test.py | 2 +- trax/models/research/predict_terraformer.py | 2 +- trax/models/research/rezero.py | 2 +- trax/models/research/rezero_test.py | 2 +- trax/models/research/rse.py | 2 +- trax/models/research/rse_test.py | 2 +- trax/models/research/terraformer.py | 2 +- trax/models/research/terraformer_e2e_test.py | 2 +- trax/models/research/terraformer_memory_test.py | 2 +- trax/models/research/terraformer_oom_test.py | 2 +- trax/models/research/terraformer_test.py | 2 +- trax/models/research/transformer2.py | 2 +- trax/models/research/transformer2_test.py | 2 +- trax/models/resnet.py | 2 +- trax/models/resnet_test.py | 2 +- trax/models/rl.py | 2 +- trax/models/rl_test.py | 2 +- trax/models/rnn.py | 2 +- trax/models/rnn_test.py | 2 +- trax/models/transformer.py | 2 +- trax/models/transformer_test.py | 2 +- trax/optimizers/__init__.py | 2 +- trax/optimizers/adafactor.py | 2 +- trax/optimizers/adam.py | 2 +- trax/optimizers/base.py | 2 +- trax/optimizers/momentum.py | 2 +- trax/optimizers/optimizers_test.py | 2 +- trax/optimizers/rms_prop.py | 2 +- trax/optimizers/sm3.py | 2 +- trax/optimizers/trainer.py | 2 +- trax/optimizers/trainer_test.py | 2 +- trax/predict_drop.py | 2 +- trax/rl/__init__.py | 2 +- trax/rl/actor_critic.py | 2 +- trax/rl/actor_critic_joint.py | 2 +- trax/rl/actor_critic_joint_test.py | 2 +- trax/rl/actor_critic_test.py | 2 +- trax/rl/advantages.py | 2 +- trax/rl/advantages_test.py | 2 +- trax/rl/atari_test.py | 2 +- trax/rl/configs/dqn_cartpole_regression.gin | 2 +- trax/rl/configs/light_a2c_joint_atari_sweep.yaml | 2 +- trax/rl/configs/light_atari.gin | 2 +- trax/rl/configs/light_atari_sweep.yaml | 2 +- trax/rl/configs/light_awr_cartpole_sweep.yaml | 2 +- trax/rl/configs/light_awr_joint_atari_sweep.yaml | 2 +- trax/rl/configs/light_awr_joint_cartpole.gin | 2 +- trax/rl/configs/light_awr_joint_cartpole_sweep.yaml | 2 +- trax/rl/configs/light_cartpole.gin | 2 +- trax/rl/configs/light_copy.gin | 2 +- trax/rl/configs/light_copy_sweep.yaml | 2 +- trax/rl/configs/light_joint_atari.gin | 2 +- trax/rl/configs/light_joint_cartpole.gin | 2 +- trax/rl/configs/light_lunarlander.gin | 2 +- trax/rl/configs/light_mujoco.gin | 2 +- trax/rl/configs/light_mujoco_regression_test.gin | 2 +- trax/rl/configs/light_mujoco_sweep.yaml | 2 +- trax/rl/configs/light_ppo_atari.gin | 2 +- trax/rl/configs/light_ppo_boxing_regression_test.gin | 2 +- trax/rl/configs/light_ppo_cartpole_regression_test.gin | 2 +- trax/rl/configs/light_ppo_half_cheetah_regression_test.gin | 2 +- trax/rl/configs/light_ppo_joint_atari.gin | 2 +- trax/rl/configs/light_ppo_joint_atari_sweep.yaml | 2 +- trax/rl/configs/light_ppo_lunar_lander_regression_test.gin | 2 +- trax/rl/configs/light_ppo_pong_regression_test.gin | 2 +- trax/rl/configs/ppo_atari_sweep.yaml | 2 +- trax/rl/configs/ppo_cartpole_sweep.yaml | 2 +- trax/rl/configs/transformer_srl_sine.gin | 2 +- trax/rl/distributions.py | 2 +- trax/rl/distributions_test.py | 2 +- trax/rl/envs/__init__.py | 2 +- trax/rl/envs/data_envs.py | 2 +- trax/rl/envs/data_envs_test.py | 2 +- trax/rl/normalization.py | 2 +- trax/rl/normalization_test.py | 2 +- trax/rl/policy_tasks.py | 2 +- trax/rl/rl_layers.py | 2 +- trax/rl/serialization_utils.py | 2 +- trax/rl/serialization_utils_test.py | 2 +- trax/rl/space_serializer.py | 2 +- trax/rl/space_serializer_test.py | 2 +- trax/rl/task.py | 2 +- trax/rl/task_test.py | 2 +- trax/rl/training.py | 2 +- trax/rl/training_test.py | 2 +- trax/rl/value_tasks.py | 2 +- trax/rl/value_tasks_test.py | 2 +- trax/rl_trainer.py | 2 +- trax/shapes.py | 2 +- trax/shapes_test.py | 2 +- trax/supervised/__init__.py | 2 +- trax/supervised/callbacks.py | 2 +- trax/supervised/callbacks_test.py | 2 +- trax/supervised/configs/bert.gin | 2 +- trax/supervised/configs/bert_glue_classification.gin | 2 +- trax/supervised/configs/bert_glue_regression.gin | 2 +- .../supervised/configs/bert_glue_sweep_regression_task.yaml | 2 +- .../supervised/configs/bert_glue_sweep_single_sentence.yaml | 2 +- trax/supervised/configs/bert_glue_sweep_two_sentences.yaml | 2 +- trax/supervised/configs/bert_pretraining.gin | 2 +- trax/supervised/configs/bert_pretraining_onlymlm.gin | 2 +- trax/supervised/configs/bert_pretraining_onlynsp.gin | 2 +- trax/supervised/configs/c4.gin | 2 +- trax/supervised/configs/c4_pretrain_16gb_adafactor.gin | 2 +- trax/supervised/configs/c4_trax_data.gin | 2 +- trax/supervised/configs/cond_skipping_transformer_lm1b.gin | 2 +- trax/supervised/configs/gru_copy.gin | 2 +- trax/supervised/configs/hourglass_cifar10.gin | 2 +- trax/supervised/configs/hourglass_enwik8.gin | 2 +- trax/supervised/configs/hourglass_imagenet32.gin | 2 +- trax/supervised/configs/hourglass_imagenet64.gin | 2 +- trax/supervised/configs/hourglass_wiki40b.gin | 2 +- .../supervised/configs/layerdrop_every_transformer_lm1b.gin | 2 +- trax/supervised/configs/layerdrop_transformer_lm1b.gin | 2 +- .../configs/layerdrop_ushape_transformer_lm1b.gin | 2 +- trax/supervised/configs/lstm_lm1b.gin | 2 +- trax/supervised/configs/lstm_seq2seq_wmt_ende.gin | 2 +- trax/supervised/configs/mlp_mnist.gin | 2 +- trax/supervised/configs/reformer_addition.gin | 2 +- trax/supervised/configs/reformer_bair_robot_pushing.gin | 2 +- trax/supervised/configs/reformer_c4.gin | 2 +- trax/supervised/configs/reformer_cifar10.gin | 2 +- trax/supervised/configs/reformer_copy.gin | 2 +- trax/supervised/configs/reformer_enwik8.gin | 2 +- trax/supervised/configs/reformer_imagenet64.gin | 2 +- trax/supervised/configs/reformer_imagenet64_testing.gin | 2 +- trax/supervised/configs/reformer_pc_enpl.gin | 2 +- trax/supervised/configs/reformer_wmt_ende.gin | 2 +- trax/supervised/configs/reformer_wmt_ende_big.gin | 2 +- trax/supervised/configs/resnet50_frn_imagenet_8gb.gin | 2 +- trax/supervised/configs/resnet50_imagenet_8gb_testing.gin | 2 +- .../configs/rezero_wmt_ende_16gb_adafactor_testing.gin | 2 +- trax/supervised/configs/rse_addition.gin | 2 +- trax/supervised/configs/rse_addition_sweep.yaml | 2 +- trax/supervised/configs/scientific_papers_reformer_lm.gin | 2 +- trax/supervised/configs/scientific_papers_terraformer.gin | 2 +- .../configs/scientific_papers_terraformer_favor.gin | 2 +- .../configs/scientific_papers_terraformer_pretrained.gin | 2 +- trax/supervised/configs/skipping_transformer_lm1b.gin | 2 +- trax/supervised/configs/sp_sweep.yaml | 2 +- .../configs/sparse_c4_pretrain_16gb_adafactor.gin | 2 +- trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin | 2 +- trax/supervised/configs/t5_aqua_parallel.gin | 2 +- trax/supervised/configs/t5_drop.gin | 2 +- trax/supervised/configs/t5_glue_classification.gin | 2 +- trax/supervised/configs/t5_glue_classification_mnli.gin | 2 +- trax/supervised/configs/t5_glue_classification_parallel.gin | 2 +- .../configs/t5_glue_classification_two_constants.gin | 2 +- trax/supervised/configs/t5_mathqa.gin | 2 +- trax/supervised/configs/t5_mathqa_drop_loop.gin | 2 +- trax/supervised/configs/t5_mathqa_drop_sweep.yaml | 2 +- trax/supervised/configs/t5_mathqa_multi.gin | 2 +- trax/supervised/configs/t5_mathqa_parallel.gin | 2 +- trax/supervised/configs/t5_mathqa_parallel_full.gin | 2 +- .../configs/t5_mathqa_parallel_full_correct_order.gin | 2 +- trax/supervised/configs/t5_mathqa_parallel_full_order.gin | 2 +- .../configs/t5_mathqa_parallel_with_drop_annot.gin | 2 +- trax/supervised/configs/t5_sweep.yaml | 2 +- trax/supervised/configs/t5_sweep_temperature.yaml | 2 +- trax/supervised/configs/terraformer_c4_medium.gin | 2 +- trax/supervised/configs/terraformer_copy.gin | 2 +- trax/supervised/configs/terraformer_copy_self_attn.gin | 2 +- trax/supervised/configs/terraformer_purelsh_copy.gin | 2 +- trax/supervised/configs/terraformer_wmt_ende.gin | 2 +- trax/supervised/configs/transformer_big_lm1b_8gb.gin | 2 +- trax/supervised/configs/transformer_finetune_squad_16gb.gin | 2 +- trax/supervised/configs/transformer_imdb_8gb.gin | 2 +- trax/supervised/configs/transformer_imdb_tfds.gin | 2 +- trax/supervised/configs/transformer_lm1b_8gb_testing.gin | 2 +- trax/supervised/configs/transformer_lm_cnndailymail.gin | 2 +- trax/supervised/configs/transformer_lm_wmt_ende_16gb.gin | 2 +- trax/supervised/configs/transformer_lm_wmt_ende_8gb.gin | 2 +- trax/supervised/configs/transformer_ptb_16gb.gin | 2 +- .../configs/transformer_wmt_ende_16gb_adafactor_testing.gin | 2 +- trax/supervised/configs/transformer_wmt_ende_8gb.gin | 2 +- trax/supervised/configs/wide_resnet_cifar10_8gb.gin | 2 +- trax/supervised/decoding.py | 2 +- trax/supervised/decoding_test.py | 2 +- trax/supervised/decoding_timing_test.py | 2 +- trax/supervised/history.py | 2 +- trax/supervised/history_test.py | 2 +- trax/supervised/lr_schedules.py | 2 +- trax/supervised/lr_schedules_test.py | 2 +- trax/supervised/mnist_test.py | 2 +- trax/supervised/pretrain_finetune.py | 2 +- trax/supervised/trainer_lib.py | 2 +- trax/supervised/trainer_lib_test.py | 2 +- trax/supervised/training.py | 2 +- trax/supervised/training_test.py | 2 +- trax/test_utils.py | 2 +- trax/tf_numpy/__init__.py | 2 +- trax/tf_numpy/examples/mnist/dataset.py | 2 +- trax/tf_numpy/examples/mnist/model.py | 2 +- trax/tf_numpy/examples/mnist/train.py | 2 +- trax/tf_numpy/examples/mnist/train_test.py | 2 +- trax/tf_numpy/extensions/__init__.py | 2 +- trax/tf_numpy/extensions/extensions.py | 2 +- trax/tf_numpy/extensions/extensions_test.py | 2 +- trax/tf_numpy/jax_tests/config.py | 2 +- trax/tf_numpy/jax_tests/lax_numpy_einsum_test.py | 2 +- trax/tf_numpy/jax_tests/lax_numpy_indexing_test.py | 2 +- trax/tf_numpy/jax_tests/lax_numpy_test.py | 2 +- trax/tf_numpy/jax_tests/test_util.py | 2 +- trax/tf_numpy/jax_tests/vmap_test.py | 2 +- trax/tf_numpy/numpy/__init__.py | 6 +++--- trax/tf_numpy/numpy_impl/__init__.py | 2 +- trax/tf_numpy/numpy_impl/array_ops.py | 2 +- trax/tf_numpy/numpy_impl/arrays.py | 2 +- trax/tf_numpy/numpy_impl/dtypes.py | 2 +- trax/tf_numpy/numpy_impl/math_ops.py | 2 +- trax/tf_numpy/numpy_impl/random.py | 2 +- trax/tf_numpy/numpy_impl/tests/array_ops_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/arrays_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/backprop_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/logic_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/math_ops_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/random_test.py | 2 +- trax/tf_numpy/numpy_impl/tests/utils_test.py | 2 +- trax/tf_numpy/numpy_impl/utils.py | 2 +- trax/tf_numpy/public_symbol_test.py | 2 +- trax/trainer.py | 2 +- trax/trainer_flags.py | 2 +- trax/trax2keras.py | 2 +- trax/trax2keras_test.py | 2 +- 315 files changed, 317 insertions(+), 317 deletions(-) diff --git a/.github/workflows/build.yaml b/.github/workflows/build.yaml index 1227b03dc..55bde3f57 100644 --- a/.github/workflows/build.yaml +++ b/.github/workflows/build.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/.readthedocs.yaml b/.readthedocs.yaml index d9de2c1be..0b8403170 100644 --- a/.readthedocs.yaml +++ b/.readthedocs.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/docs/.readthedocs.yaml b/docs/.readthedocs.yaml index d9de2c1be..0b8403170 100644 --- a/docs/.readthedocs.yaml +++ b/docs/.readthedocs.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/docs/source/conf.py b/docs/source/conf.py index 9901cffd3..149c830e3 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/oss_scripts/oss_pip_install.sh b/oss_scripts/oss_pip_install.sh index 839d3d9fc..2d45d8abc 100755 --- a/oss_scripts/oss_pip_install.sh +++ b/oss_scripts/oss_pip_install.sh @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/oss_scripts/oss_release.sh b/oss_scripts/oss_release.sh index 9d913ba8f..8b54e4577 100755 --- a/oss_scripts/oss_release.sh +++ b/oss_scripts/oss_release.sh @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/oss_scripts/oss_tests.sh b/oss_scripts/oss_tests.sh index ee3bf428f..fe7285619 100755 --- a/oss_scripts/oss_tests.sh +++ b/oss_scripts/oss_tests.sh @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/setup.py b/setup.py index 0f1f0ec57..ba6221dfe 100644 --- a/setup.py +++ b/setup.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/__init__.py b/trax/__init__.py index 8747ec520..99cb93d30 100644 --- a/trax/__init__.py +++ b/trax/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/__init__.py b/trax/data/__init__.py index 9f1ed919b..24cf13beb 100644 --- a/trax/data/__init__.py +++ b/trax/data/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/debug_data_pipeline.py b/trax/data/debug_data_pipeline.py index 7506149cc..70e0e3f7a 100644 --- a/trax/data/debug_data_pipeline.py +++ b/trax/data/debug_data_pipeline.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/inputs.py b/trax/data/inputs.py index de15497f4..4834a3c27 100644 --- a/trax/data/inputs.py +++ b/trax/data/inputs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/inputs_test.py b/trax/data/inputs_test.py index e4cf5c0bd..ed4aca21f 100644 --- a/trax/data/inputs_test.py +++ b/trax/data/inputs_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/text_encoder.py b/trax/data/text_encoder.py index 245d9f312..67b9c0613 100644 --- a/trax/data/text_encoder.py +++ b/trax/data/text_encoder.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/text_encoder_build_subword.py b/trax/data/text_encoder_build_subword.py index 1df9d85cc..a1c85c029 100644 --- a/trax/data/text_encoder_build_subword.py +++ b/trax/data/text_encoder_build_subword.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/text_encoder_test.py b/trax/data/text_encoder_test.py index 791f13e9b..a7a40d375 100644 --- a/trax/data/text_encoder_test.py +++ b/trax/data/text_encoder_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/tf_inputs.py b/trax/data/tf_inputs.py index 239b4d3a1..8dd2bb02c 100644 --- a/trax/data/tf_inputs.py +++ b/trax/data/tf_inputs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/tf_inputs_test.py b/trax/data/tf_inputs_test.py index 376f59c2b..619c38e45 100644 --- a/trax/data/tf_inputs_test.py +++ b/trax/data/tf_inputs_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/tokenizer.py b/trax/data/tokenizer.py index 64081f4da..a7cd7f4fa 100644 --- a/trax/data/tokenizer.py +++ b/trax/data/tokenizer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/data/tokenizer_test.py b/trax/data/tokenizer_test.py index 593ebe83d..c74188904 100644 --- a/trax/data/tokenizer_test.py +++ b/trax/data/tokenizer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/__init__.py b/trax/fastmath/__init__.py index 751eb992e..76f82b0a8 100644 --- a/trax/fastmath/__init__.py +++ b/trax/fastmath/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/jax.py b/trax/fastmath/jax.py index df838c708..88c66d6f8 100644 --- a/trax/fastmath/jax.py +++ b/trax/fastmath/jax.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/numpy.py b/trax/fastmath/numpy.py index 0826fa416..08d0bbc65 100644 --- a/trax/fastmath/numpy.py +++ b/trax/fastmath/numpy.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/ops.py b/trax/fastmath/ops.py index dbd6dfb83..d195e0b22 100644 --- a/trax/fastmath/ops.py +++ b/trax/fastmath/ops.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/ops_test.py b/trax/fastmath/ops_test.py index 2e22b91b6..a4821d08d 100644 --- a/trax/fastmath/ops_test.py +++ b/trax/fastmath/ops_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/fastmath/tf.py b/trax/fastmath/tf.py index e02ba40a7..bcbbf63fa 100644 --- a/trax/fastmath/tf.py +++ b/trax/fastmath/tf.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/import_test.py b/trax/import_test.py index 00051b8fb..b2d46ee87 100644 --- a/trax/import_test.py +++ b/trax/import_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/jaxboard.py b/trax/jaxboard.py index c160c63fa..9bb2b8a63 100644 --- a/trax/jaxboard.py +++ b/trax/jaxboard.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/__init__.py b/trax/layers/__init__.py index 3913fdafc..830952fef 100644 --- a/trax/layers/__init__.py +++ b/trax/layers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/acceleration.py b/trax/layers/acceleration.py index 57fd7ffe5..96983dd6a 100644 --- a/trax/layers/acceleration.py +++ b/trax/layers/acceleration.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/acceleration_test.py b/trax/layers/acceleration_test.py index 57002474d..3efaff062 100644 --- a/trax/layers/acceleration_test.py +++ b/trax/layers/acceleration_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/activation_fns.py b/trax/layers/activation_fns.py index 625ff87ab..a758af2a4 100644 --- a/trax/layers/activation_fns.py +++ b/trax/layers/activation_fns.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/activation_fns_test.py b/trax/layers/activation_fns_test.py index 2f128bd47..13a309840 100644 --- a/trax/layers/activation_fns_test.py +++ b/trax/layers/activation_fns_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/assert_shape.py b/trax/layers/assert_shape.py index dffa85392..02d96ce11 100644 --- a/trax/layers/assert_shape.py +++ b/trax/layers/assert_shape.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/assert_shape_test.py b/trax/layers/assert_shape_test.py index 5c3995ba6..7a7dd57b4 100644 --- a/trax/layers/assert_shape_test.py +++ b/trax/layers/assert_shape_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/attention.py b/trax/layers/attention.py index 231c1eb8f..d2dcb4427 100644 --- a/trax/layers/attention.py +++ b/trax/layers/attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/attention_test.py b/trax/layers/attention_test.py index 165866d62..da244f7eb 100644 --- a/trax/layers/attention_test.py +++ b/trax/layers/attention_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/base.py b/trax/layers/base.py index 5c80f1521..5336e95cc 100644 --- a/trax/layers/base.py +++ b/trax/layers/base.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/base_test.py b/trax/layers/base_test.py index b1abf2786..57b0d1baf 100644 --- a/trax/layers/base_test.py +++ b/trax/layers/base_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/combinators.py b/trax/layers/combinators.py index ddde61f8f..9eea0c55a 100644 --- a/trax/layers/combinators.py +++ b/trax/layers/combinators.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/combinators_test.py b/trax/layers/combinators_test.py index 4f6ba40b8..10e92f8b4 100644 --- a/trax/layers/combinators_test.py +++ b/trax/layers/combinators_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/convolution.py b/trax/layers/convolution.py index d0658f679..c986d2e15 100644 --- a/trax/layers/convolution.py +++ b/trax/layers/convolution.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/convolution_test.py b/trax/layers/convolution_test.py index 7d7c69d30..a7a36ad07 100644 --- a/trax/layers/convolution_test.py +++ b/trax/layers/convolution_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/core.py b/trax/layers/core.py index b7fd6fc31..d6267ba67 100644 --- a/trax/layers/core.py +++ b/trax/layers/core.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/core_test.py b/trax/layers/core_test.py index 85143f0ca..a6f66c664 100644 --- a/trax/layers/core_test.py +++ b/trax/layers/core_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/deconvolution.py b/trax/layers/deconvolution.py index 05c5a26de..6cfdb3da1 100644 --- a/trax/layers/deconvolution.py +++ b/trax/layers/deconvolution.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/deconvolution_test.py b/trax/layers/deconvolution_test.py index f1111f21e..d0f93e53d 100644 --- a/trax/layers/deconvolution_test.py +++ b/trax/layers/deconvolution_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/initializers.py b/trax/layers/initializers.py index 42e9220d5..bb873243f 100644 --- a/trax/layers/initializers.py +++ b/trax/layers/initializers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/initializers_test.py b/trax/layers/initializers_test.py index 921452c58..86445388f 100644 --- a/trax/layers/initializers_test.py +++ b/trax/layers/initializers_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/metrics.py b/trax/layers/metrics.py index 9cea73922..c7ea95fad 100644 --- a/trax/layers/metrics.py +++ b/trax/layers/metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/metrics_test.py b/trax/layers/metrics_test.py index 3c59da790..3e277833f 100644 --- a/trax/layers/metrics_test.py +++ b/trax/layers/metrics_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/normalization.py b/trax/layers/normalization.py index 8c3e5c138..a70ae7ca8 100644 --- a/trax/layers/normalization.py +++ b/trax/layers/normalization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/normalization_test.py b/trax/layers/normalization_test.py index b844c0d1c..9f379b068 100644 --- a/trax/layers/normalization_test.py +++ b/trax/layers/normalization_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/pooling.py b/trax/layers/pooling.py index f10241d3c..889e9282c 100644 --- a/trax/layers/pooling.py +++ b/trax/layers/pooling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/pooling_test.py b/trax/layers/pooling_test.py index 7c858cd8b..69391c3d9 100644 --- a/trax/layers/pooling_test.py +++ b/trax/layers/pooling_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/__init__.py b/trax/layers/research/__init__.py index a4ee92161..af4b633bf 100644 --- a/trax/layers/research/__init__.py +++ b/trax/layers/research/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/efficient_attention.py b/trax/layers/research/efficient_attention.py index ecc52e523..99285c454 100644 --- a/trax/layers/research/efficient_attention.py +++ b/trax/layers/research/efficient_attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/efficient_attention_test.py b/trax/layers/research/efficient_attention_test.py index fd4cbc9e3..ab9af92be 100644 --- a/trax/layers/research/efficient_attention_test.py +++ b/trax/layers/research/efficient_attention_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/position_encodings.py b/trax/layers/research/position_encodings.py index b483a8650..fedbc3683 100644 --- a/trax/layers/research/position_encodings.py +++ b/trax/layers/research/position_encodings.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/position_encodings_test.py b/trax/layers/research/position_encodings_test.py index f59cbc592..9f7be4e17 100644 --- a/trax/layers/research/position_encodings_test.py +++ b/trax/layers/research/position_encodings_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/rel_attention.py b/trax/layers/research/rel_attention.py index 19b25240d..8303a5ce9 100644 --- a/trax/layers/research/rel_attention.py +++ b/trax/layers/research/rel_attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/rel_attention_test.py b/trax/layers/research/rel_attention_test.py index 50918ff78..ec07b574c 100644 --- a/trax/layers/research/rel_attention_test.py +++ b/trax/layers/research/rel_attention_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/resampling.py b/trax/layers/research/resampling.py index e1866fd8c..b7e70d973 100644 --- a/trax/layers/research/resampling.py +++ b/trax/layers/research/resampling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/rotary_positional_embedding.py b/trax/layers/research/rotary_positional_embedding.py index dbb08fcea..e01057708 100644 --- a/trax/layers/research/rotary_positional_embedding.py +++ b/trax/layers/research/rotary_positional_embedding.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/rotary_positional_embedding_test.py b/trax/layers/research/rotary_positional_embedding_test.py index 8e049d11e..541801a60 100644 --- a/trax/layers/research/rotary_positional_embedding_test.py +++ b/trax/layers/research/rotary_positional_embedding_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/sparsity.py b/trax/layers/research/sparsity.py index 1ac1c8ca4..9a8756ba5 100644 --- a/trax/layers/research/sparsity.py +++ b/trax/layers/research/sparsity.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/research/sparsity_test.py b/trax/layers/research/sparsity_test.py index dd39091aa..fc189537c 100644 --- a/trax/layers/research/sparsity_test.py +++ b/trax/layers/research/sparsity_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/reversible.py b/trax/layers/reversible.py index 438e2bf52..0ddab00df 100644 --- a/trax/layers/reversible.py +++ b/trax/layers/reversible.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/reversible_test.py b/trax/layers/reversible_test.py index 14fb67eaf..c7e34417b 100644 --- a/trax/layers/reversible_test.py +++ b/trax/layers/reversible_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/rnn.py b/trax/layers/rnn.py index 3d80cfdda..24f6d8b1d 100644 --- a/trax/layers/rnn.py +++ b/trax/layers/rnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/rnn_test.py b/trax/layers/rnn_test.py index 40e128785..4386043ba 100644 --- a/trax/layers/rnn_test.py +++ b/trax/layers/rnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/test_utils.py b/trax/layers/test_utils.py index 156220314..0dd8fb59e 100644 --- a/trax/layers/test_utils.py +++ b/trax/layers/test_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/layers/test_utils_test.py b/trax/layers/test_utils_test.py index e21a50dbd..f35ee90a6 100644 --- a/trax/layers/test_utils_test.py +++ b/trax/layers/test_utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/__init__.py b/trax/models/__init__.py index f827f1d94..94d10cec9 100644 --- a/trax/models/__init__.py +++ b/trax/models/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/atari_cnn.py b/trax/models/atari_cnn.py index 99464d527..d26e9644d 100644 --- a/trax/models/atari_cnn.py +++ b/trax/models/atari_cnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/atari_cnn_test.py b/trax/models/atari_cnn_test.py index fe3ded66d..8c4451ee4 100644 --- a/trax/models/atari_cnn_test.py +++ b/trax/models/atari_cnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/mlp.py b/trax/models/mlp.py index ad7cb46f7..b681e39ea 100644 --- a/trax/models/mlp.py +++ b/trax/models/mlp.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/mlp_test.py b/trax/models/mlp_test.py index 40d335610..942d7ca6d 100644 --- a/trax/models/mlp_test.py +++ b/trax/models/mlp_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/neural_gpu.py b/trax/models/neural_gpu.py index 76abf7673..01d1c63a5 100644 --- a/trax/models/neural_gpu.py +++ b/trax/models/neural_gpu.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/neural_gpu_test.py b/trax/models/neural_gpu_test.py index 0eaa77dbf..261bbf658 100644 --- a/trax/models/neural_gpu_test.py +++ b/trax/models/neural_gpu_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/reformer/__init__.py b/trax/models/reformer/__init__.py index a4ee92161..af4b633bf 100644 --- a/trax/models/reformer/__init__.py +++ b/trax/models/reformer/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/reformer/reformer.py b/trax/models/reformer/reformer.py index 73edeae7a..3f7f30365 100644 --- a/trax/models/reformer/reformer.py +++ b/trax/models/reformer/reformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/reformer/reformer_e2e_test.py b/trax/models/reformer/reformer_e2e_test.py index 57b180353..b57954dcf 100644 --- a/trax/models/reformer/reformer_e2e_test.py +++ b/trax/models/reformer/reformer_e2e_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/reformer/reformer_test.py b/trax/models/reformer/reformer_test.py index 5a1fce949..1c89582a2 100644 --- a/trax/models/reformer/reformer_test.py +++ b/trax/models/reformer/reformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/__init__.py b/trax/models/research/__init__.py index a4ee92161..af4b633bf 100644 --- a/trax/models/research/__init__.py +++ b/trax/models/research/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/bert.py b/trax/models/research/bert.py index 539d4c29c..81be10613 100644 --- a/trax/models/research/bert.py +++ b/trax/models/research/bert.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/configurable_transformer.py b/trax/models/research/configurable_transformer.py index b0d1e3232..e693f5773 100644 --- a/trax/models/research/configurable_transformer.py +++ b/trax/models/research/configurable_transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/configurable_transformer_test.py b/trax/models/research/configurable_transformer_test.py index 0c10f078f..398f77c3d 100644 --- a/trax/models/research/configurable_transformer_test.py +++ b/trax/models/research/configurable_transformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/hourglass.py b/trax/models/research/hourglass.py index 669cd7e39..df0052179 100644 --- a/trax/models/research/hourglass.py +++ b/trax/models/research/hourglass.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/hourglass_test.py b/trax/models/research/hourglass_test.py index 9329c109e..d91739916 100644 --- a/trax/models/research/hourglass_test.py +++ b/trax/models/research/hourglass_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/layerdrop_transformer.py b/trax/models/research/layerdrop_transformer.py index 0709fad38..520889932 100644 --- a/trax/models/research/layerdrop_transformer.py +++ b/trax/models/research/layerdrop_transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/layerdrop_transformer_test.py b/trax/models/research/layerdrop_transformer_test.py index 2fe41fe07..23224f63f 100644 --- a/trax/models/research/layerdrop_transformer_test.py +++ b/trax/models/research/layerdrop_transformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/predict_terraformer.py b/trax/models/research/predict_terraformer.py index 79df866c5..a94a2ba88 100644 --- a/trax/models/research/predict_terraformer.py +++ b/trax/models/research/predict_terraformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/rezero.py b/trax/models/research/rezero.py index a9a2e4526..ca298f40c 100644 --- a/trax/models/research/rezero.py +++ b/trax/models/research/rezero.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/rezero_test.py b/trax/models/research/rezero_test.py index d6be6d32e..4656a71df 100644 --- a/trax/models/research/rezero_test.py +++ b/trax/models/research/rezero_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/rse.py b/trax/models/research/rse.py index b5c51c247..8987a23a2 100644 --- a/trax/models/research/rse.py +++ b/trax/models/research/rse.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/rse_test.py b/trax/models/research/rse_test.py index 36891dbe5..cb3421ede 100644 --- a/trax/models/research/rse_test.py +++ b/trax/models/research/rse_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/terraformer.py b/trax/models/research/terraformer.py index 892c5c5d9..6326e2242 100644 --- a/trax/models/research/terraformer.py +++ b/trax/models/research/terraformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/terraformer_e2e_test.py b/trax/models/research/terraformer_e2e_test.py index 2dfd36742..2ece3b9b1 100644 --- a/trax/models/research/terraformer_e2e_test.py +++ b/trax/models/research/terraformer_e2e_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/terraformer_memory_test.py b/trax/models/research/terraformer_memory_test.py index 8c4a78601..ff2c50b5d 100644 --- a/trax/models/research/terraformer_memory_test.py +++ b/trax/models/research/terraformer_memory_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/terraformer_oom_test.py b/trax/models/research/terraformer_oom_test.py index 2d68819fe..f96a72e1f 100644 --- a/trax/models/research/terraformer_oom_test.py +++ b/trax/models/research/terraformer_oom_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/terraformer_test.py b/trax/models/research/terraformer_test.py index b5344a2f5..8afb18882 100644 --- a/trax/models/research/terraformer_test.py +++ b/trax/models/research/terraformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/transformer2.py b/trax/models/research/transformer2.py index c92a9160d..0277b615b 100644 --- a/trax/models/research/transformer2.py +++ b/trax/models/research/transformer2.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/research/transformer2_test.py b/trax/models/research/transformer2_test.py index 18a10c5d3..e6d91450e 100644 --- a/trax/models/research/transformer2_test.py +++ b/trax/models/research/transformer2_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/resnet.py b/trax/models/resnet.py index d7ea0f2f4..7e322e981 100644 --- a/trax/models/resnet.py +++ b/trax/models/resnet.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/resnet_test.py b/trax/models/resnet_test.py index 3742d67ae..3c9fd65e3 100644 --- a/trax/models/resnet_test.py +++ b/trax/models/resnet_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/rl.py b/trax/models/rl.py index 0808f53f7..9683ffcd3 100644 --- a/trax/models/rl.py +++ b/trax/models/rl.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/rl_test.py b/trax/models/rl_test.py index ac0e8b4ce..3559963d6 100644 --- a/trax/models/rl_test.py +++ b/trax/models/rl_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/rnn.py b/trax/models/rnn.py index f29414a8e..e791b5ca9 100644 --- a/trax/models/rnn.py +++ b/trax/models/rnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/rnn_test.py b/trax/models/rnn_test.py index 6de04bea2..01f1d8baf 100644 --- a/trax/models/rnn_test.py +++ b/trax/models/rnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/transformer.py b/trax/models/transformer.py index ed9917baa..990d9b510 100644 --- a/trax/models/transformer.py +++ b/trax/models/transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/models/transformer_test.py b/trax/models/transformer_test.py index 017b1d4e0..4621908b3 100644 --- a/trax/models/transformer_test.py +++ b/trax/models/transformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/__init__.py b/trax/optimizers/__init__.py index 1ec623abe..a29006631 100644 --- a/trax/optimizers/__init__.py +++ b/trax/optimizers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/adafactor.py b/trax/optimizers/adafactor.py index 501290246..0f63eada6 100644 --- a/trax/optimizers/adafactor.py +++ b/trax/optimizers/adafactor.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/adam.py b/trax/optimizers/adam.py index e950eab9f..a3fc322ca 100644 --- a/trax/optimizers/adam.py +++ b/trax/optimizers/adam.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/base.py b/trax/optimizers/base.py index 269bc0a73..deb865029 100644 --- a/trax/optimizers/base.py +++ b/trax/optimizers/base.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/momentum.py b/trax/optimizers/momentum.py index 625e7a2b4..357b804a8 100644 --- a/trax/optimizers/momentum.py +++ b/trax/optimizers/momentum.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/optimizers_test.py b/trax/optimizers/optimizers_test.py index 583f73655..321661f5a 100644 --- a/trax/optimizers/optimizers_test.py +++ b/trax/optimizers/optimizers_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/rms_prop.py b/trax/optimizers/rms_prop.py index 351d05425..8608f07ad 100644 --- a/trax/optimizers/rms_prop.py +++ b/trax/optimizers/rms_prop.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/sm3.py b/trax/optimizers/sm3.py index e716bd32c..b238a87be 100644 --- a/trax/optimizers/sm3.py +++ b/trax/optimizers/sm3.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/trainer.py b/trax/optimizers/trainer.py index c633bface..41707701f 100644 --- a/trax/optimizers/trainer.py +++ b/trax/optimizers/trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/optimizers/trainer_test.py b/trax/optimizers/trainer_test.py index bda6d191f..8f67b539a 100644 --- a/trax/optimizers/trainer_test.py +++ b/trax/optimizers/trainer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/predict_drop.py b/trax/predict_drop.py index 0b00a12e9..6a3b6577a 100644 --- a/trax/predict_drop.py +++ b/trax/predict_drop.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/__init__.py b/trax/rl/__init__.py index e26fba012..1adfbf284 100644 --- a/trax/rl/__init__.py +++ b/trax/rl/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/actor_critic.py b/trax/rl/actor_critic.py index f23988359..f1fe907d8 100644 --- a/trax/rl/actor_critic.py +++ b/trax/rl/actor_critic.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/actor_critic_joint.py b/trax/rl/actor_critic_joint.py index 70eeabff2..afcf8e54a 100644 --- a/trax/rl/actor_critic_joint.py +++ b/trax/rl/actor_critic_joint.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/actor_critic_joint_test.py b/trax/rl/actor_critic_joint_test.py index c4eddcc84..c68f70e30 100644 --- a/trax/rl/actor_critic_joint_test.py +++ b/trax/rl/actor_critic_joint_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/actor_critic_test.py b/trax/rl/actor_critic_test.py index eaf3dea10..8d5a3cc4d 100644 --- a/trax/rl/actor_critic_test.py +++ b/trax/rl/actor_critic_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/advantages.py b/trax/rl/advantages.py index 3825a856a..2a59d7f15 100644 --- a/trax/rl/advantages.py +++ b/trax/rl/advantages.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/advantages_test.py b/trax/rl/advantages_test.py index ba0c25be7..bde148587 100644 --- a/trax/rl/advantages_test.py +++ b/trax/rl/advantages_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/atari_test.py b/trax/rl/atari_test.py index 2bf552b90..a666f4131 100644 --- a/trax/rl/atari_test.py +++ b/trax/rl/atari_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/dqn_cartpole_regression.gin b/trax/rl/configs/dqn_cartpole_regression.gin index c64e19019..82542c3f1 100644 --- a/trax/rl/configs/dqn_cartpole_regression.gin +++ b/trax/rl/configs/dqn_cartpole_regression.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_a2c_joint_atari_sweep.yaml b/trax/rl/configs/light_a2c_joint_atari_sweep.yaml index 702049e9c..6f68147cd 100644 --- a/trax/rl/configs/light_a2c_joint_atari_sweep.yaml +++ b/trax/rl/configs/light_a2c_joint_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_atari.gin b/trax/rl/configs/light_atari.gin index aa6ab8e8b..ae63965bd 100644 --- a/trax/rl/configs/light_atari.gin +++ b/trax/rl/configs/light_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_atari_sweep.yaml b/trax/rl/configs/light_atari_sweep.yaml index a18b48ca7..9ab2397de 100644 --- a/trax/rl/configs/light_atari_sweep.yaml +++ b/trax/rl/configs/light_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_awr_cartpole_sweep.yaml b/trax/rl/configs/light_awr_cartpole_sweep.yaml index de29138f4..d6cd5d5de 100644 --- a/trax/rl/configs/light_awr_cartpole_sweep.yaml +++ b/trax/rl/configs/light_awr_cartpole_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_awr_joint_atari_sweep.yaml b/trax/rl/configs/light_awr_joint_atari_sweep.yaml index dcf3be561..c040cc1cc 100644 --- a/trax/rl/configs/light_awr_joint_atari_sweep.yaml +++ b/trax/rl/configs/light_awr_joint_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_awr_joint_cartpole.gin b/trax/rl/configs/light_awr_joint_cartpole.gin index 51139170e..e9a2e5c40 100644 --- a/trax/rl/configs/light_awr_joint_cartpole.gin +++ b/trax/rl/configs/light_awr_joint_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_awr_joint_cartpole_sweep.yaml b/trax/rl/configs/light_awr_joint_cartpole_sweep.yaml index 68e4ebd0b..f785cfd48 100644 --- a/trax/rl/configs/light_awr_joint_cartpole_sweep.yaml +++ b/trax/rl/configs/light_awr_joint_cartpole_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_cartpole.gin b/trax/rl/configs/light_cartpole.gin index b73b9c7aa..9fa2478c2 100644 --- a/trax/rl/configs/light_cartpole.gin +++ b/trax/rl/configs/light_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_copy.gin b/trax/rl/configs/light_copy.gin index 5cf84c6b0..6d6ab9df9 100644 --- a/trax/rl/configs/light_copy.gin +++ b/trax/rl/configs/light_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_copy_sweep.yaml b/trax/rl/configs/light_copy_sweep.yaml index 3f7aa5ec1..6879df83a 100644 --- a/trax/rl/configs/light_copy_sweep.yaml +++ b/trax/rl/configs/light_copy_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_joint_atari.gin b/trax/rl/configs/light_joint_atari.gin index 8dd7a72e7..87fcb5fbe 100644 --- a/trax/rl/configs/light_joint_atari.gin +++ b/trax/rl/configs/light_joint_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_joint_cartpole.gin b/trax/rl/configs/light_joint_cartpole.gin index 1be74c2c2..cfa5c7246 100644 --- a/trax/rl/configs/light_joint_cartpole.gin +++ b/trax/rl/configs/light_joint_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_lunarlander.gin b/trax/rl/configs/light_lunarlander.gin index 3ae22bd1a..485e998c3 100644 --- a/trax/rl/configs/light_lunarlander.gin +++ b/trax/rl/configs/light_lunarlander.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_mujoco.gin b/trax/rl/configs/light_mujoco.gin index 82e1ccd7d..a038e16c8 100644 --- a/trax/rl/configs/light_mujoco.gin +++ b/trax/rl/configs/light_mujoco.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_mujoco_regression_test.gin b/trax/rl/configs/light_mujoco_regression_test.gin index f5b238286..1ae106548 100644 --- a/trax/rl/configs/light_mujoco_regression_test.gin +++ b/trax/rl/configs/light_mujoco_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_mujoco_sweep.yaml b/trax/rl/configs/light_mujoco_sweep.yaml index d4697d9ab..6691faa80 100644 --- a/trax/rl/configs/light_mujoco_sweep.yaml +++ b/trax/rl/configs/light_mujoco_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_atari.gin b/trax/rl/configs/light_ppo_atari.gin index 2630e1798..b5269b308 100644 --- a/trax/rl/configs/light_ppo_atari.gin +++ b/trax/rl/configs/light_ppo_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_boxing_regression_test.gin b/trax/rl/configs/light_ppo_boxing_regression_test.gin index e9a88a798..1501930c2 100644 --- a/trax/rl/configs/light_ppo_boxing_regression_test.gin +++ b/trax/rl/configs/light_ppo_boxing_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_cartpole_regression_test.gin b/trax/rl/configs/light_ppo_cartpole_regression_test.gin index 6f96b842a..89cd38cb0 100644 --- a/trax/rl/configs/light_ppo_cartpole_regression_test.gin +++ b/trax/rl/configs/light_ppo_cartpole_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_half_cheetah_regression_test.gin b/trax/rl/configs/light_ppo_half_cheetah_regression_test.gin index c88b00ab8..fef3f3af7 100644 --- a/trax/rl/configs/light_ppo_half_cheetah_regression_test.gin +++ b/trax/rl/configs/light_ppo_half_cheetah_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_joint_atari.gin b/trax/rl/configs/light_ppo_joint_atari.gin index 6e988a4f9..61f7e0553 100644 --- a/trax/rl/configs/light_ppo_joint_atari.gin +++ b/trax/rl/configs/light_ppo_joint_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_joint_atari_sweep.yaml b/trax/rl/configs/light_ppo_joint_atari_sweep.yaml index 961d1a156..ed616b919 100644 --- a/trax/rl/configs/light_ppo_joint_atari_sweep.yaml +++ b/trax/rl/configs/light_ppo_joint_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_lunar_lander_regression_test.gin b/trax/rl/configs/light_ppo_lunar_lander_regression_test.gin index 613d9b8ea..daa453a72 100644 --- a/trax/rl/configs/light_ppo_lunar_lander_regression_test.gin +++ b/trax/rl/configs/light_ppo_lunar_lander_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/light_ppo_pong_regression_test.gin b/trax/rl/configs/light_ppo_pong_regression_test.gin index 0c9d7e366..90f323689 100644 --- a/trax/rl/configs/light_ppo_pong_regression_test.gin +++ b/trax/rl/configs/light_ppo_pong_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/ppo_atari_sweep.yaml b/trax/rl/configs/ppo_atari_sweep.yaml index bde8ced90..c7d43e1a8 100644 --- a/trax/rl/configs/ppo_atari_sweep.yaml +++ b/trax/rl/configs/ppo_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/ppo_cartpole_sweep.yaml b/trax/rl/configs/ppo_cartpole_sweep.yaml index 0d333bcbe..ae05dcf7d 100644 --- a/trax/rl/configs/ppo_cartpole_sweep.yaml +++ b/trax/rl/configs/ppo_cartpole_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/configs/transformer_srl_sine.gin b/trax/rl/configs/transformer_srl_sine.gin index 3daab1698..3fd797bca 100644 --- a/trax/rl/configs/transformer_srl_sine.gin +++ b/trax/rl/configs/transformer_srl_sine.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/distributions.py b/trax/rl/distributions.py index 294dea379..8f8e5cb00 100644 --- a/trax/rl/distributions.py +++ b/trax/rl/distributions.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/distributions_test.py b/trax/rl/distributions_test.py index df6f3d7f1..112f38a8f 100644 --- a/trax/rl/distributions_test.py +++ b/trax/rl/distributions_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/envs/__init__.py b/trax/rl/envs/__init__.py index 6cf568ba3..642adaa77 100644 --- a/trax/rl/envs/__init__.py +++ b/trax/rl/envs/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/envs/data_envs.py b/trax/rl/envs/data_envs.py index 3bc67ce0c..1613047cc 100644 --- a/trax/rl/envs/data_envs.py +++ b/trax/rl/envs/data_envs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/envs/data_envs_test.py b/trax/rl/envs/data_envs_test.py index 205e44f5e..592117527 100644 --- a/trax/rl/envs/data_envs_test.py +++ b/trax/rl/envs/data_envs_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/normalization.py b/trax/rl/normalization.py index 141eb719b..1cf35433e 100644 --- a/trax/rl/normalization.py +++ b/trax/rl/normalization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/normalization_test.py b/trax/rl/normalization_test.py index d24ab68a0..d44957813 100644 --- a/trax/rl/normalization_test.py +++ b/trax/rl/normalization_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/policy_tasks.py b/trax/rl/policy_tasks.py index 4bf1a9ba6..5606863c7 100644 --- a/trax/rl/policy_tasks.py +++ b/trax/rl/policy_tasks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/rl_layers.py b/trax/rl/rl_layers.py index e4c320280..633c2f861 100644 --- a/trax/rl/rl_layers.py +++ b/trax/rl/rl_layers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/serialization_utils.py b/trax/rl/serialization_utils.py index 778c95872..dcd1fd74b 100644 --- a/trax/rl/serialization_utils.py +++ b/trax/rl/serialization_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/serialization_utils_test.py b/trax/rl/serialization_utils_test.py index e7fd79c8d..fa3432075 100644 --- a/trax/rl/serialization_utils_test.py +++ b/trax/rl/serialization_utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/space_serializer.py b/trax/rl/space_serializer.py index 316060de8..c9a04a748 100644 --- a/trax/rl/space_serializer.py +++ b/trax/rl/space_serializer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/space_serializer_test.py b/trax/rl/space_serializer_test.py index 6e46f2ba1..bbd304e03 100644 --- a/trax/rl/space_serializer_test.py +++ b/trax/rl/space_serializer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/task.py b/trax/rl/task.py index 5a9b2342f..db42e21dc 100644 --- a/trax/rl/task.py +++ b/trax/rl/task.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/task_test.py b/trax/rl/task_test.py index 90630fbb4..1465aa6fc 100644 --- a/trax/rl/task_test.py +++ b/trax/rl/task_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/training.py b/trax/rl/training.py index d5cead516..8801ce4ab 100644 --- a/trax/rl/training.py +++ b/trax/rl/training.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/training_test.py b/trax/rl/training_test.py index 8f646eed2..d19feac83 100644 --- a/trax/rl/training_test.py +++ b/trax/rl/training_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/value_tasks.py b/trax/rl/value_tasks.py index fe5671bd8..bb2602cb1 100644 --- a/trax/rl/value_tasks.py +++ b/trax/rl/value_tasks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl/value_tasks_test.py b/trax/rl/value_tasks_test.py index 1d4274476..6b40fb9d8 100644 --- a/trax/rl/value_tasks_test.py +++ b/trax/rl/value_tasks_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/rl_trainer.py b/trax/rl_trainer.py index 7487a0c46..4b2b72e2f 100644 --- a/trax/rl_trainer.py +++ b/trax/rl_trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/shapes.py b/trax/shapes.py index ee58a7e7c..30d762b9c 100644 --- a/trax/shapes.py +++ b/trax/shapes.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/shapes_test.py b/trax/shapes_test.py index 4266195e5..b0a988a55 100644 --- a/trax/shapes_test.py +++ b/trax/shapes_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/__init__.py b/trax/supervised/__init__.py index cc4ea931c..156c7cde2 100644 --- a/trax/supervised/__init__.py +++ b/trax/supervised/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/callbacks.py b/trax/supervised/callbacks.py index 9c9b826b9..3df52fcd3 100644 --- a/trax/supervised/callbacks.py +++ b/trax/supervised/callbacks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/callbacks_test.py b/trax/supervised/callbacks_test.py index 3eaf328f8..457040d53 100644 --- a/trax/supervised/callbacks_test.py +++ b/trax/supervised/callbacks_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert.gin b/trax/supervised/configs/bert.gin index 9f46a31d9..2f7c64cf6 100644 --- a/trax/supervised/configs/bert.gin +++ b/trax/supervised/configs/bert.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_glue_classification.gin b/trax/supervised/configs/bert_glue_classification.gin index 08cee82e3..28ddfa7e9 100644 --- a/trax/supervised/configs/bert_glue_classification.gin +++ b/trax/supervised/configs/bert_glue_classification.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_glue_regression.gin b/trax/supervised/configs/bert_glue_regression.gin index a8043888b..1e36dd5a8 100644 --- a/trax/supervised/configs/bert_glue_regression.gin +++ b/trax/supervised/configs/bert_glue_regression.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_glue_sweep_regression_task.yaml b/trax/supervised/configs/bert_glue_sweep_regression_task.yaml index 82c95e5a0..5788a01b7 100644 --- a/trax/supervised/configs/bert_glue_sweep_regression_task.yaml +++ b/trax/supervised/configs/bert_glue_sweep_regression_task.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_glue_sweep_single_sentence.yaml b/trax/supervised/configs/bert_glue_sweep_single_sentence.yaml index 24d5e5c96..c170168e3 100644 --- a/trax/supervised/configs/bert_glue_sweep_single_sentence.yaml +++ b/trax/supervised/configs/bert_glue_sweep_single_sentence.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_glue_sweep_two_sentences.yaml b/trax/supervised/configs/bert_glue_sweep_two_sentences.yaml index 4591a44e5..2dc6f86eb 100644 --- a/trax/supervised/configs/bert_glue_sweep_two_sentences.yaml +++ b/trax/supervised/configs/bert_glue_sweep_two_sentences.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_pretraining.gin b/trax/supervised/configs/bert_pretraining.gin index fd29a8cb4..4419a8421 100644 --- a/trax/supervised/configs/bert_pretraining.gin +++ b/trax/supervised/configs/bert_pretraining.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_pretraining_onlymlm.gin b/trax/supervised/configs/bert_pretraining_onlymlm.gin index 9a91a7602..e538babc0 100644 --- a/trax/supervised/configs/bert_pretraining_onlymlm.gin +++ b/trax/supervised/configs/bert_pretraining_onlymlm.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/bert_pretraining_onlynsp.gin b/trax/supervised/configs/bert_pretraining_onlynsp.gin index 05e28d4b0..b4db7d4c4 100644 --- a/trax/supervised/configs/bert_pretraining_onlynsp.gin +++ b/trax/supervised/configs/bert_pretraining_onlynsp.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/c4.gin b/trax/supervised/configs/c4.gin index 40b42e02d..f500ac7f8 100644 --- a/trax/supervised/configs/c4.gin +++ b/trax/supervised/configs/c4.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin b/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin index df43e9f8f..717201a8f 100644 --- a/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin +++ b/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/c4_trax_data.gin b/trax/supervised/configs/c4_trax_data.gin index d0b5ad3a8..3681824a7 100644 --- a/trax/supervised/configs/c4_trax_data.gin +++ b/trax/supervised/configs/c4_trax_data.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/cond_skipping_transformer_lm1b.gin b/trax/supervised/configs/cond_skipping_transformer_lm1b.gin index d5dbd7b7c..e39aca654 100644 --- a/trax/supervised/configs/cond_skipping_transformer_lm1b.gin +++ b/trax/supervised/configs/cond_skipping_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/gru_copy.gin b/trax/supervised/configs/gru_copy.gin index e40e13d00..7c537f6de 100644 --- a/trax/supervised/configs/gru_copy.gin +++ b/trax/supervised/configs/gru_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/hourglass_cifar10.gin b/trax/supervised/configs/hourglass_cifar10.gin index aca156772..eddb967bb 100644 --- a/trax/supervised/configs/hourglass_cifar10.gin +++ b/trax/supervised/configs/hourglass_cifar10.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/hourglass_enwik8.gin b/trax/supervised/configs/hourglass_enwik8.gin index 75914641a..a079d5850 100644 --- a/trax/supervised/configs/hourglass_enwik8.gin +++ b/trax/supervised/configs/hourglass_enwik8.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/hourglass_imagenet32.gin b/trax/supervised/configs/hourglass_imagenet32.gin index 95782ccce..5afdf4da5 100644 --- a/trax/supervised/configs/hourglass_imagenet32.gin +++ b/trax/supervised/configs/hourglass_imagenet32.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/hourglass_imagenet64.gin b/trax/supervised/configs/hourglass_imagenet64.gin index f2f3515a4..262ee6de1 100644 --- a/trax/supervised/configs/hourglass_imagenet64.gin +++ b/trax/supervised/configs/hourglass_imagenet64.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/hourglass_wiki40b.gin b/trax/supervised/configs/hourglass_wiki40b.gin index 9d97ecf88..f191b83c9 100644 --- a/trax/supervised/configs/hourglass_wiki40b.gin +++ b/trax/supervised/configs/hourglass_wiki40b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin b/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin index 593219a55..a7ee53911 100644 --- a/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/layerdrop_transformer_lm1b.gin b/trax/supervised/configs/layerdrop_transformer_lm1b.gin index bf7077d44..f5154126e 100644 --- a/trax/supervised/configs/layerdrop_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin b/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin index f3c002c2b..ec447d22a 100644 --- a/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/lstm_lm1b.gin b/trax/supervised/configs/lstm_lm1b.gin index 95cac448b..74309b109 100644 --- a/trax/supervised/configs/lstm_lm1b.gin +++ b/trax/supervised/configs/lstm_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin b/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin index 0c0b16419..6ef9b9131 100644 --- a/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin +++ b/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/mlp_mnist.gin b/trax/supervised/configs/mlp_mnist.gin index 52e4934a9..8b4abfd69 100644 --- a/trax/supervised/configs/mlp_mnist.gin +++ b/trax/supervised/configs/mlp_mnist.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_addition.gin b/trax/supervised/configs/reformer_addition.gin index e96f0edc8..66b0cbbd9 100644 --- a/trax/supervised/configs/reformer_addition.gin +++ b/trax/supervised/configs/reformer_addition.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_bair_robot_pushing.gin b/trax/supervised/configs/reformer_bair_robot_pushing.gin index 0b7bbfc15..2dfa57241 100644 --- a/trax/supervised/configs/reformer_bair_robot_pushing.gin +++ b/trax/supervised/configs/reformer_bair_robot_pushing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_c4.gin b/trax/supervised/configs/reformer_c4.gin index 8a694a609..5a8d5763c 100644 --- a/trax/supervised/configs/reformer_c4.gin +++ b/trax/supervised/configs/reformer_c4.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_cifar10.gin b/trax/supervised/configs/reformer_cifar10.gin index b301040b6..4098bc70d 100644 --- a/trax/supervised/configs/reformer_cifar10.gin +++ b/trax/supervised/configs/reformer_cifar10.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_copy.gin b/trax/supervised/configs/reformer_copy.gin index 891f24c3b..7ba335bbd 100644 --- a/trax/supervised/configs/reformer_copy.gin +++ b/trax/supervised/configs/reformer_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_enwik8.gin b/trax/supervised/configs/reformer_enwik8.gin index 20938af95..4b73d2fc0 100644 --- a/trax/supervised/configs/reformer_enwik8.gin +++ b/trax/supervised/configs/reformer_enwik8.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_imagenet64.gin b/trax/supervised/configs/reformer_imagenet64.gin index fbd5eba5c..a77d948cb 100644 --- a/trax/supervised/configs/reformer_imagenet64.gin +++ b/trax/supervised/configs/reformer_imagenet64.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_imagenet64_testing.gin b/trax/supervised/configs/reformer_imagenet64_testing.gin index 878649ee9..5b55e3cf6 100644 --- a/trax/supervised/configs/reformer_imagenet64_testing.gin +++ b/trax/supervised/configs/reformer_imagenet64_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_pc_enpl.gin b/trax/supervised/configs/reformer_pc_enpl.gin index e306bb12e..b16bb5745 100644 --- a/trax/supervised/configs/reformer_pc_enpl.gin +++ b/trax/supervised/configs/reformer_pc_enpl.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_wmt_ende.gin b/trax/supervised/configs/reformer_wmt_ende.gin index bb0a873f6..be12898a6 100644 --- a/trax/supervised/configs/reformer_wmt_ende.gin +++ b/trax/supervised/configs/reformer_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/reformer_wmt_ende_big.gin b/trax/supervised/configs/reformer_wmt_ende_big.gin index b807a6ae7..f51fdbdaa 100644 --- a/trax/supervised/configs/reformer_wmt_ende_big.gin +++ b/trax/supervised/configs/reformer_wmt_ende_big.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin b/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin index d08d1b378..4a932f20b 100644 --- a/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin +++ b/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin b/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin index 5ffdc2a9d..0aa3fdcbe 100644 --- a/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin +++ b/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/rezero_wmt_ende_16gb_adafactor_testing.gin b/trax/supervised/configs/rezero_wmt_ende_16gb_adafactor_testing.gin index 7e27fa945..1db645fb6 100644 --- a/trax/supervised/configs/rezero_wmt_ende_16gb_adafactor_testing.gin +++ b/trax/supervised/configs/rezero_wmt_ende_16gb_adafactor_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/rse_addition.gin b/trax/supervised/configs/rse_addition.gin index f1060c713..8af07d204 100644 --- a/trax/supervised/configs/rse_addition.gin +++ b/trax/supervised/configs/rse_addition.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/rse_addition_sweep.yaml b/trax/supervised/configs/rse_addition_sweep.yaml index 92c2ead92..d5f1ce4f0 100644 --- a/trax/supervised/configs/rse_addition_sweep.yaml +++ b/trax/supervised/configs/rse_addition_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/scientific_papers_reformer_lm.gin b/trax/supervised/configs/scientific_papers_reformer_lm.gin index b472c90e2..bc300703b 100644 --- a/trax/supervised/configs/scientific_papers_reformer_lm.gin +++ b/trax/supervised/configs/scientific_papers_reformer_lm.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/scientific_papers_terraformer.gin b/trax/supervised/configs/scientific_papers_terraformer.gin index 53fbbd7ce..f16777756 100644 --- a/trax/supervised/configs/scientific_papers_terraformer.gin +++ b/trax/supervised/configs/scientific_papers_terraformer.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/scientific_papers_terraformer_favor.gin b/trax/supervised/configs/scientific_papers_terraformer_favor.gin index 437fd5b9c..bab3e33a0 100644 --- a/trax/supervised/configs/scientific_papers_terraformer_favor.gin +++ b/trax/supervised/configs/scientific_papers_terraformer_favor.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin b/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin index 387f65e73..f103e4c13 100644 --- a/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin +++ b/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/skipping_transformer_lm1b.gin b/trax/supervised/configs/skipping_transformer_lm1b.gin index d5dbd7b7c..e39aca654 100644 --- a/trax/supervised/configs/skipping_transformer_lm1b.gin +++ b/trax/supervised/configs/skipping_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/sp_sweep.yaml b/trax/supervised/configs/sp_sweep.yaml index 467a5e328..f58b5756d 100644 --- a/trax/supervised/configs/sp_sweep.yaml +++ b/trax/supervised/configs/sp_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/sparse_c4_pretrain_16gb_adafactor.gin b/trax/supervised/configs/sparse_c4_pretrain_16gb_adafactor.gin index d62d1cfac..0226024ad 100644 --- a/trax/supervised/configs/sparse_c4_pretrain_16gb_adafactor.gin +++ b/trax/supervised/configs/sparse_c4_pretrain_16gb_adafactor.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin b/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin index cfd546fd8..de6d8d6dc 100644 --- a/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin +++ b/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_aqua_parallel.gin b/trax/supervised/configs/t5_aqua_parallel.gin index 90bdd8dc6..62be6a9f3 100644 --- a/trax/supervised/configs/t5_aqua_parallel.gin +++ b/trax/supervised/configs/t5_aqua_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_drop.gin b/trax/supervised/configs/t5_drop.gin index 514994e45..521bf0aa2 100644 --- a/trax/supervised/configs/t5_drop.gin +++ b/trax/supervised/configs/t5_drop.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_glue_classification.gin b/trax/supervised/configs/t5_glue_classification.gin index 374bf1b78..6ad2b979e 100644 --- a/trax/supervised/configs/t5_glue_classification.gin +++ b/trax/supervised/configs/t5_glue_classification.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_glue_classification_mnli.gin b/trax/supervised/configs/t5_glue_classification_mnli.gin index 884543e85..546cea2d1 100644 --- a/trax/supervised/configs/t5_glue_classification_mnli.gin +++ b/trax/supervised/configs/t5_glue_classification_mnli.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_glue_classification_parallel.gin b/trax/supervised/configs/t5_glue_classification_parallel.gin index 0920f3f21..f1ec0b9eb 100644 --- a/trax/supervised/configs/t5_glue_classification_parallel.gin +++ b/trax/supervised/configs/t5_glue_classification_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_glue_classification_two_constants.gin b/trax/supervised/configs/t5_glue_classification_two_constants.gin index b93a44945..2a5c0dd72 100644 --- a/trax/supervised/configs/t5_glue_classification_two_constants.gin +++ b/trax/supervised/configs/t5_glue_classification_two_constants.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa.gin b/trax/supervised/configs/t5_mathqa.gin index e0698a877..28eac9fbe 100644 --- a/trax/supervised/configs/t5_mathqa.gin +++ b/trax/supervised/configs/t5_mathqa.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_drop_loop.gin b/trax/supervised/configs/t5_mathqa_drop_loop.gin index 7f0797dc8..7c6cef7f0 100644 --- a/trax/supervised/configs/t5_mathqa_drop_loop.gin +++ b/trax/supervised/configs/t5_mathqa_drop_loop.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_drop_sweep.yaml b/trax/supervised/configs/t5_mathqa_drop_sweep.yaml index 8516c0e4f..e874dde50 100644 --- a/trax/supervised/configs/t5_mathqa_drop_sweep.yaml +++ b/trax/supervised/configs/t5_mathqa_drop_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_multi.gin b/trax/supervised/configs/t5_mathqa_multi.gin index 05b229b09..4c033d0b9 100644 --- a/trax/supervised/configs/t5_mathqa_multi.gin +++ b/trax/supervised/configs/t5_mathqa_multi.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_parallel.gin b/trax/supervised/configs/t5_mathqa_parallel.gin index 8b12fee12..57e48a6a1 100644 --- a/trax/supervised/configs/t5_mathqa_parallel.gin +++ b/trax/supervised/configs/t5_mathqa_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_parallel_full.gin b/trax/supervised/configs/t5_mathqa_parallel_full.gin index 0e2678f21..fc18491c7 100644 --- a/trax/supervised/configs/t5_mathqa_parallel_full.gin +++ b/trax/supervised/configs/t5_mathqa_parallel_full.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_parallel_full_correct_order.gin b/trax/supervised/configs/t5_mathqa_parallel_full_correct_order.gin index bea97effe..bffaf3b20 100644 --- a/trax/supervised/configs/t5_mathqa_parallel_full_correct_order.gin +++ b/trax/supervised/configs/t5_mathqa_parallel_full_correct_order.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_parallel_full_order.gin b/trax/supervised/configs/t5_mathqa_parallel_full_order.gin index 1a2ddf25d..bcfc41c46 100644 --- a/trax/supervised/configs/t5_mathqa_parallel_full_order.gin +++ b/trax/supervised/configs/t5_mathqa_parallel_full_order.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_mathqa_parallel_with_drop_annot.gin b/trax/supervised/configs/t5_mathqa_parallel_with_drop_annot.gin index f270e8b99..cbeb4db64 100644 --- a/trax/supervised/configs/t5_mathqa_parallel_with_drop_annot.gin +++ b/trax/supervised/configs/t5_mathqa_parallel_with_drop_annot.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_sweep.yaml b/trax/supervised/configs/t5_sweep.yaml index 60d3eba53..2bd704f5f 100644 --- a/trax/supervised/configs/t5_sweep.yaml +++ b/trax/supervised/configs/t5_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/t5_sweep_temperature.yaml b/trax/supervised/configs/t5_sweep_temperature.yaml index 4d7ed3ba9..b99f0a0ce 100644 --- a/trax/supervised/configs/t5_sweep_temperature.yaml +++ b/trax/supervised/configs/t5_sweep_temperature.yaml @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/terraformer_c4_medium.gin b/trax/supervised/configs/terraformer_c4_medium.gin index 6537b35c5..261bb9f4c 100644 --- a/trax/supervised/configs/terraformer_c4_medium.gin +++ b/trax/supervised/configs/terraformer_c4_medium.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/terraformer_copy.gin b/trax/supervised/configs/terraformer_copy.gin index 83a59a6f2..41f1cf8ee 100644 --- a/trax/supervised/configs/terraformer_copy.gin +++ b/trax/supervised/configs/terraformer_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/terraformer_copy_self_attn.gin b/trax/supervised/configs/terraformer_copy_self_attn.gin index 4f1601f56..a88d5bc33 100644 --- a/trax/supervised/configs/terraformer_copy_self_attn.gin +++ b/trax/supervised/configs/terraformer_copy_self_attn.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/terraformer_purelsh_copy.gin b/trax/supervised/configs/terraformer_purelsh_copy.gin index 75c844adb..4f1670bff 100644 --- a/trax/supervised/configs/terraformer_purelsh_copy.gin +++ b/trax/supervised/configs/terraformer_purelsh_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/terraformer_wmt_ende.gin b/trax/supervised/configs/terraformer_wmt_ende.gin index 91566cc65..dc0cb5221 100644 --- a/trax/supervised/configs/terraformer_wmt_ende.gin +++ b/trax/supervised/configs/terraformer_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_big_lm1b_8gb.gin b/trax/supervised/configs/transformer_big_lm1b_8gb.gin index f97a96ef5..c4c710082 100644 --- a/trax/supervised/configs/transformer_big_lm1b_8gb.gin +++ b/trax/supervised/configs/transformer_big_lm1b_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_finetune_squad_16gb.gin b/trax/supervised/configs/transformer_finetune_squad_16gb.gin index 993ca1dac..2b7c16c93 100644 --- a/trax/supervised/configs/transformer_finetune_squad_16gb.gin +++ b/trax/supervised/configs/transformer_finetune_squad_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_imdb_8gb.gin b/trax/supervised/configs/transformer_imdb_8gb.gin index 429a3b62e..37fdb3123 100644 --- a/trax/supervised/configs/transformer_imdb_8gb.gin +++ b/trax/supervised/configs/transformer_imdb_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_imdb_tfds.gin b/trax/supervised/configs/transformer_imdb_tfds.gin index df346cf99..e1f9b956f 100644 --- a/trax/supervised/configs/transformer_imdb_tfds.gin +++ b/trax/supervised/configs/transformer_imdb_tfds.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_lm1b_8gb_testing.gin b/trax/supervised/configs/transformer_lm1b_8gb_testing.gin index 992698396..16791d53b 100644 --- a/trax/supervised/configs/transformer_lm1b_8gb_testing.gin +++ b/trax/supervised/configs/transformer_lm1b_8gb_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_lm_cnndailymail.gin b/trax/supervised/configs/transformer_lm_cnndailymail.gin index 13c39db3d..2e5b02429 100644 --- a/trax/supervised/configs/transformer_lm_cnndailymail.gin +++ b/trax/supervised/configs/transformer_lm_cnndailymail.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_lm_wmt_ende_16gb.gin b/trax/supervised/configs/transformer_lm_wmt_ende_16gb.gin index 0913538a4..533ce0b67 100644 --- a/trax/supervised/configs/transformer_lm_wmt_ende_16gb.gin +++ b/trax/supervised/configs/transformer_lm_wmt_ende_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_lm_wmt_ende_8gb.gin b/trax/supervised/configs/transformer_lm_wmt_ende_8gb.gin index 859f26290..cadcae1aa 100644 --- a/trax/supervised/configs/transformer_lm_wmt_ende_8gb.gin +++ b/trax/supervised/configs/transformer_lm_wmt_ende_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_ptb_16gb.gin b/trax/supervised/configs/transformer_ptb_16gb.gin index 9c893f15d..0e7f41eef 100644 --- a/trax/supervised/configs/transformer_ptb_16gb.gin +++ b/trax/supervised/configs/transformer_ptb_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_wmt_ende_16gb_adafactor_testing.gin b/trax/supervised/configs/transformer_wmt_ende_16gb_adafactor_testing.gin index 7ff9cc9b9..dad3e0a43 100644 --- a/trax/supervised/configs/transformer_wmt_ende_16gb_adafactor_testing.gin +++ b/trax/supervised/configs/transformer_wmt_ende_16gb_adafactor_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/transformer_wmt_ende_8gb.gin b/trax/supervised/configs/transformer_wmt_ende_8gb.gin index 143f8ca43..7993f9d72 100644 --- a/trax/supervised/configs/transformer_wmt_ende_8gb.gin +++ b/trax/supervised/configs/transformer_wmt_ende_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/configs/wide_resnet_cifar10_8gb.gin b/trax/supervised/configs/wide_resnet_cifar10_8gb.gin index 81d775838..134a19ab8 100644 --- a/trax/supervised/configs/wide_resnet_cifar10_8gb.gin +++ b/trax/supervised/configs/wide_resnet_cifar10_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/decoding.py b/trax/supervised/decoding.py index d8902c1bc..3ee47a8d1 100644 --- a/trax/supervised/decoding.py +++ b/trax/supervised/decoding.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/decoding_test.py b/trax/supervised/decoding_test.py index afaad725c..5e3cf3276 100644 --- a/trax/supervised/decoding_test.py +++ b/trax/supervised/decoding_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/decoding_timing_test.py b/trax/supervised/decoding_timing_test.py index 48faf156e..b1b2966ab 100644 --- a/trax/supervised/decoding_timing_test.py +++ b/trax/supervised/decoding_timing_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/history.py b/trax/supervised/history.py index 910b2ce33..dd45ab2b9 100644 --- a/trax/supervised/history.py +++ b/trax/supervised/history.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/history_test.py b/trax/supervised/history_test.py index 3aee06a64..83566912a 100644 --- a/trax/supervised/history_test.py +++ b/trax/supervised/history_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/lr_schedules.py b/trax/supervised/lr_schedules.py index c58f53d26..10120ac30 100644 --- a/trax/supervised/lr_schedules.py +++ b/trax/supervised/lr_schedules.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/lr_schedules_test.py b/trax/supervised/lr_schedules_test.py index 1973686bf..4d56adf9e 100644 --- a/trax/supervised/lr_schedules_test.py +++ b/trax/supervised/lr_schedules_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/mnist_test.py b/trax/supervised/mnist_test.py index 41fed682f..ec0f301ff 100644 --- a/trax/supervised/mnist_test.py +++ b/trax/supervised/mnist_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/pretrain_finetune.py b/trax/supervised/pretrain_finetune.py index 3bd7b784e..f7782c50d 100644 --- a/trax/supervised/pretrain_finetune.py +++ b/trax/supervised/pretrain_finetune.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/trainer_lib.py b/trax/supervised/trainer_lib.py index 4ffef14f3..b7957eeb3 100644 --- a/trax/supervised/trainer_lib.py +++ b/trax/supervised/trainer_lib.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/trainer_lib_test.py b/trax/supervised/trainer_lib_test.py index 6464cdf2c..2692a4a1f 100644 --- a/trax/supervised/trainer_lib_test.py +++ b/trax/supervised/trainer_lib_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/training.py b/trax/supervised/training.py index e65709ae1..cbc2ae53a 100644 --- a/trax/supervised/training.py +++ b/trax/supervised/training.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/supervised/training_test.py b/trax/supervised/training_test.py index 7d6d6bf5a..464e48e4e 100644 --- a/trax/supervised/training_test.py +++ b/trax/supervised/training_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/test_utils.py b/trax/test_utils.py index cca9f722d..a09cba1f7 100644 --- a/trax/test_utils.py +++ b/trax/test_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/__init__.py b/trax/tf_numpy/__init__.py index a4ee92161..af4b633bf 100644 --- a/trax/tf_numpy/__init__.py +++ b/trax/tf_numpy/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/examples/mnist/dataset.py b/trax/tf_numpy/examples/mnist/dataset.py index 755f724bf..144dadeac 100644 --- a/trax/tf_numpy/examples/mnist/dataset.py +++ b/trax/tf_numpy/examples/mnist/dataset.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/examples/mnist/model.py b/trax/tf_numpy/examples/mnist/model.py index 8f5057b53..043c7087e 100644 --- a/trax/tf_numpy/examples/mnist/model.py +++ b/trax/tf_numpy/examples/mnist/model.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/examples/mnist/train.py b/trax/tf_numpy/examples/mnist/train.py index 766c71998..cd0b670ab 100644 --- a/trax/tf_numpy/examples/mnist/train.py +++ b/trax/tf_numpy/examples/mnist/train.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/examples/mnist/train_test.py b/trax/tf_numpy/examples/mnist/train_test.py index 55a6a5eb4..d005fbae7 100644 --- a/trax/tf_numpy/examples/mnist/train_test.py +++ b/trax/tf_numpy/examples/mnist/train_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/extensions/__init__.py b/trax/tf_numpy/extensions/__init__.py index 76d81ada7..e7b802149 100644 --- a/trax/tf_numpy/extensions/__init__.py +++ b/trax/tf_numpy/extensions/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/extensions/extensions.py b/trax/tf_numpy/extensions/extensions.py index 46c4261e8..59d6995c3 100644 --- a/trax/tf_numpy/extensions/extensions.py +++ b/trax/tf_numpy/extensions/extensions.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/extensions/extensions_test.py b/trax/tf_numpy/extensions/extensions_test.py index 065dbdeef..a431cd5dd 100644 --- a/trax/tf_numpy/extensions/extensions_test.py +++ b/trax/tf_numpy/extensions/extensions_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/config.py b/trax/tf_numpy/jax_tests/config.py index 5da9f1b1e..53f9de6b0 100644 --- a/trax/tf_numpy/jax_tests/config.py +++ b/trax/tf_numpy/jax_tests/config.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/lax_numpy_einsum_test.py b/trax/tf_numpy/jax_tests/lax_numpy_einsum_test.py index cb583abae..6b776b47f 100644 --- a/trax/tf_numpy/jax_tests/lax_numpy_einsum_test.py +++ b/trax/tf_numpy/jax_tests/lax_numpy_einsum_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/lax_numpy_indexing_test.py b/trax/tf_numpy/jax_tests/lax_numpy_indexing_test.py index 7f0a13f03..087929249 100644 --- a/trax/tf_numpy/jax_tests/lax_numpy_indexing_test.py +++ b/trax/tf_numpy/jax_tests/lax_numpy_indexing_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/lax_numpy_test.py b/trax/tf_numpy/jax_tests/lax_numpy_test.py index e973ef79f..f40ef4002 100644 --- a/trax/tf_numpy/jax_tests/lax_numpy_test.py +++ b/trax/tf_numpy/jax_tests/lax_numpy_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/test_util.py b/trax/tf_numpy/jax_tests/test_util.py index b12b04676..045486b43 100644 --- a/trax/tf_numpy/jax_tests/test_util.py +++ b/trax/tf_numpy/jax_tests/test_util.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/jax_tests/vmap_test.py b/trax/tf_numpy/jax_tests/vmap_test.py index b35f78808..0c2028946 100644 --- a/trax/tf_numpy/jax_tests/vmap_test.py +++ b/trax/tf_numpy/jax_tests/vmap_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy/__init__.py b/trax/tf_numpy/numpy/__init__.py index 2877116d7..9dc79586e 100644 --- a/trax/tf_numpy/numpy/__init__.py +++ b/trax/tf_numpy/numpy/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -23,8 +23,8 @@ # Note that this import will work in tf-nightly and TF versions 2.4 and # higher. from tensorflow.experimental.numpy import * - # TODO(agarwal): get rid of following imports. - from tensorflow.experimental.numpy import random + # # TODO(agarwal): get rid of following imports. + # from tensorflow.experimental.numpy import random from tensorflow import bfloat16 import numpy as onp from tensorflow.python.ops.numpy_ops.np_dtypes import canonicalize_dtype diff --git a/trax/tf_numpy/numpy_impl/__init__.py b/trax/tf_numpy/numpy_impl/__init__.py index 4d1d79a2d..ac1e8a33a 100644 --- a/trax/tf_numpy/numpy_impl/__init__.py +++ b/trax/tf_numpy/numpy_impl/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/array_ops.py b/trax/tf_numpy/numpy_impl/array_ops.py index c47b827b3..7c385fbb2 100644 --- a/trax/tf_numpy/numpy_impl/array_ops.py +++ b/trax/tf_numpy/numpy_impl/array_ops.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/arrays.py b/trax/tf_numpy/numpy_impl/arrays.py index 0329c25d0..a51d69b37 100644 --- a/trax/tf_numpy/numpy_impl/arrays.py +++ b/trax/tf_numpy/numpy_impl/arrays.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/dtypes.py b/trax/tf_numpy/numpy_impl/dtypes.py index 6ba976313..c50976504 100644 --- a/trax/tf_numpy/numpy_impl/dtypes.py +++ b/trax/tf_numpy/numpy_impl/dtypes.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/math_ops.py b/trax/tf_numpy/numpy_impl/math_ops.py index aac45cc2c..bbe5ee779 100644 --- a/trax/tf_numpy/numpy_impl/math_ops.py +++ b/trax/tf_numpy/numpy_impl/math_ops.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/random.py b/trax/tf_numpy/numpy_impl/random.py index 8ed3021eb..ae8c32751 100644 --- a/trax/tf_numpy/numpy_impl/random.py +++ b/trax/tf_numpy/numpy_impl/random.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/array_ops_test.py b/trax/tf_numpy/numpy_impl/tests/array_ops_test.py index b74992ba2..393b8cf8d 100644 --- a/trax/tf_numpy/numpy_impl/tests/array_ops_test.py +++ b/trax/tf_numpy/numpy_impl/tests/array_ops_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/arrays_test.py b/trax/tf_numpy/numpy_impl/tests/arrays_test.py index c744c9623..8c82abc58 100644 --- a/trax/tf_numpy/numpy_impl/tests/arrays_test.py +++ b/trax/tf_numpy/numpy_impl/tests/arrays_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/backprop_test.py b/trax/tf_numpy/numpy_impl/tests/backprop_test.py index 581931cd2..beca698c0 100644 --- a/trax/tf_numpy/numpy_impl/tests/backprop_test.py +++ b/trax/tf_numpy/numpy_impl/tests/backprop_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/logic_test.py b/trax/tf_numpy/numpy_impl/tests/logic_test.py index f1a584fe0..6f8757819 100644 --- a/trax/tf_numpy/numpy_impl/tests/logic_test.py +++ b/trax/tf_numpy/numpy_impl/tests/logic_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/math_ops_test.py b/trax/tf_numpy/numpy_impl/tests/math_ops_test.py index 4ce267bf5..b3f7302f0 100644 --- a/trax/tf_numpy/numpy_impl/tests/math_ops_test.py +++ b/trax/tf_numpy/numpy_impl/tests/math_ops_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/random_test.py b/trax/tf_numpy/numpy_impl/tests/random_test.py index 883078cfa..6572ecb14 100644 --- a/trax/tf_numpy/numpy_impl/tests/random_test.py +++ b/trax/tf_numpy/numpy_impl/tests/random_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/tests/utils_test.py b/trax/tf_numpy/numpy_impl/tests/utils_test.py index ca27a9f21..b18ef1845 100644 --- a/trax/tf_numpy/numpy_impl/tests/utils_test.py +++ b/trax/tf_numpy/numpy_impl/tests/utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/numpy_impl/utils.py b/trax/tf_numpy/numpy_impl/utils.py index 3ad14740a..eb92868e2 100644 --- a/trax/tf_numpy/numpy_impl/utils.py +++ b/trax/tf_numpy/numpy_impl/utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/tf_numpy/public_symbol_test.py b/trax/tf_numpy/public_symbol_test.py index 23f3ebe4e..f1d45d412 100644 --- a/trax/tf_numpy/public_symbol_test.py +++ b/trax/tf_numpy/public_symbol_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/trainer.py b/trax/trainer.py index add33cb57..bf4b43753 100644 --- a/trax/trainer.py +++ b/trax/trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/trainer_flags.py b/trax/trainer_flags.py index 097a8ddac..7a4dc9943 100644 --- a/trax/trainer_flags.py +++ b/trax/trainer_flags.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/trax2keras.py b/trax/trax2keras.py index df84ef6f1..dcd700602 100644 --- a/trax/trax2keras.py +++ b/trax/trax2keras.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/trax/trax2keras_test.py b/trax/trax2keras_test.py index 9fbf86f52..c82a5fa33 100644 --- a/trax/trax2keras_test.py +++ b/trax/trax2keras_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2022 The Trax Authors. +# Copyright 2023 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License.