From a6a508e898a69fecbcce8e5b991666632c629cb0 Mon Sep 17 00:00:00 2001 From: Jake VanderPlas Date: Wed, 31 Jan 2024 18:27:58 -0800 Subject: [PATCH] Remove uses of deprecated jax.lax.tie_in This has been a no-op since jax v0.2.0, and passes the second argument through unchanged. `tie_in` will be deprecated as of jax v0.4.24; see https://github.com/google/jax/pull/19413 PiperOrigin-RevId: 603220025 --- .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 +- trax/supervised/configs/bert_glue_sweep_regression_task.yaml | 2 +- trax/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 +- trax/supervised/configs/layerdrop_every_transformer_lm1b.gin | 2 +- trax/supervised/configs/layerdrop_transformer_lm1b.gin | 2 +- trax/supervised/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 +- trax/supervised/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 +- .../supervised/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 | 4 ++-- trax/tf_numpy/jax_tests/test_util.py | 2 +- trax/tf_numpy/jax_tests/vmap_test.py | 2 +- trax/tf_numpy/numpy/__init__.py | 2 +- 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, 316 insertions(+), 316 deletions(-) diff --git a/.github/workflows/build.yaml b/.github/workflows/build.yaml index 55bde3f57..6809be11f 100644 --- a/.github/workflows/build.yaml +++ b/.github/workflows/build.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 0b8403170..f3cfcae5c 100644 --- a/.readthedocs.yaml +++ b/.readthedocs.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 0b8403170..f3cfcae5c 100644 --- a/docs/.readthedocs.yaml +++ b/docs/.readthedocs.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 149c830e3..f633e9e71 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 2d45d8abc..03c18583a 100755 --- a/oss_scripts/oss_pip_install.sh +++ b/oss_scripts/oss_pip_install.sh @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 8b54e4577..f2aecb3d1 100755 --- a/oss_scripts/oss_release.sh +++ b/oss_scripts/oss_release.sh @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 fe7285619..9f3a7495e 100755 --- a/oss_scripts/oss_tests.sh +++ b/oss_scripts/oss_tests.sh @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed 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 ba6221dfe..03150be45 100644 --- a/setup.py +++ b/setup.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 99cb93d30..5f361d6eb 100644 --- a/trax/__init__.py +++ b/trax/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 24cf13beb..1f9083eca 100644 --- a/trax/data/__init__.py +++ b/trax/data/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 70e0e3f7a..50ca3d086 100644 --- a/trax/data/debug_data_pipeline.py +++ b/trax/data/debug_data_pipeline.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4834a3c27..484bd52a8 100644 --- a/trax/data/inputs.py +++ b/trax/data/inputs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ed4aca21f..653ee4710 100644 --- a/trax/data/inputs_test.py +++ b/trax/data/inputs_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 67b9c0613..95bc25c1f 100644 --- a/trax/data/text_encoder.py +++ b/trax/data/text_encoder.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a1c85c029..bbc3cfc5c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a7a40d375..ab31d43d7 100644 --- a/trax/data/text_encoder_test.py +++ b/trax/data/text_encoder_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8dd2bb02c..52090d375 100644 --- a/trax/data/tf_inputs.py +++ b/trax/data/tf_inputs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 619c38e45..6d5469dc4 100644 --- a/trax/data/tf_inputs_test.py +++ b/trax/data/tf_inputs_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a7cd7f4fa..f966f62ae 100644 --- a/trax/data/tokenizer.py +++ b/trax/data/tokenizer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c74188904..71a297c82 100644 --- a/trax/data/tokenizer_test.py +++ b/trax/data/tokenizer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 76f82b0a8..d7f111098 100644 --- a/trax/fastmath/__init__.py +++ b/trax/fastmath/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 88c66d6f8..c26aabc3f 100644 --- a/trax/fastmath/jax.py +++ b/trax/fastmath/jax.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 08d0bbc65..acbcd3ca5 100644 --- a/trax/fastmath/numpy.py +++ b/trax/fastmath/numpy.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d195e0b22..9e37144e0 100644 --- a/trax/fastmath/ops.py +++ b/trax/fastmath/ops.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a4821d08d..16c8d616b 100644 --- a/trax/fastmath/ops_test.py +++ b/trax/fastmath/ops_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bcbbf63fa..f3f78c963 100644 --- a/trax/fastmath/tf.py +++ b/trax/fastmath/tf.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b2d46ee87..0f38a6649 100644 --- a/trax/import_test.py +++ b/trax/import_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9bb2b8a63..e794d54bd 100644 --- a/trax/jaxboard.py +++ b/trax/jaxboard.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 830952fef..45721ec5b 100644 --- a/trax/layers/__init__.py +++ b/trax/layers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a7f54058f..616d3234c 100644 --- a/trax/layers/acceleration.py +++ b/trax/layers/acceleration.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9e9b0a7a6..4d0b0c575 100644 --- a/trax/layers/acceleration_test.py +++ b/trax/layers/acceleration_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a758af2a4..740ace9c1 100644 --- a/trax/layers/activation_fns.py +++ b/trax/layers/activation_fns.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 13a309840..cadc5158d 100644 --- a/trax/layers/activation_fns_test.py +++ b/trax/layers/activation_fns_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 02d96ce11..6bba3ab6e 100644 --- a/trax/layers/assert_shape.py +++ b/trax/layers/assert_shape.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7a7dd57b4..42fe39b02 100644 --- a/trax/layers/assert_shape_test.py +++ b/trax/layers/assert_shape_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d2dcb4427..1f3f1f2c8 100644 --- a/trax/layers/attention.py +++ b/trax/layers/attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 da244f7eb..970e6b399 100644 --- a/trax/layers/attention_test.py +++ b/trax/layers/attention_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5336e95cc..998a0c90c 100644 --- a/trax/layers/base.py +++ b/trax/layers/base.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 57b0d1baf..3e91c96e4 100644 --- a/trax/layers/base_test.py +++ b/trax/layers/base_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9eea0c55a..4d07209a5 100644 --- a/trax/layers/combinators.py +++ b/trax/layers/combinators.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 10e92f8b4..64e420787 100644 --- a/trax/layers/combinators_test.py +++ b/trax/layers/combinators_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c986d2e15..3d02c167a 100644 --- a/trax/layers/convolution.py +++ b/trax/layers/convolution.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a7a36ad07..57ce85411 100644 --- a/trax/layers/convolution_test.py +++ b/trax/layers/convolution_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d6267ba67..07c62937c 100644 --- a/trax/layers/core.py +++ b/trax/layers/core.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a6f66c664..af3bf4e42 100644 --- a/trax/layers/core_test.py +++ b/trax/layers/core_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6cfdb3da1..0de9d784d 100644 --- a/trax/layers/deconvolution.py +++ b/trax/layers/deconvolution.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d0f93e53d..978ff89c0 100644 --- a/trax/layers/deconvolution_test.py +++ b/trax/layers/deconvolution_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bb873243f..7cfae1c01 100644 --- a/trax/layers/initializers.py +++ b/trax/layers/initializers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 86445388f..2b78529c6 100644 --- a/trax/layers/initializers_test.py +++ b/trax/layers/initializers_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c7ea95fad..db90ed64d 100644 --- a/trax/layers/metrics.py +++ b/trax/layers/metrics.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3e277833f..0c36ebfad 100644 --- a/trax/layers/metrics_test.py +++ b/trax/layers/metrics_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a70ae7ca8..3bdae0053 100644 --- a/trax/layers/normalization.py +++ b/trax/layers/normalization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9f379b068..214bf3046 100644 --- a/trax/layers/normalization_test.py +++ b/trax/layers/normalization_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 889e9282c..95a19f6cd 100644 --- a/trax/layers/pooling.py +++ b/trax/layers/pooling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 69391c3d9..380a91303 100644 --- a/trax/layers/pooling_test.py +++ b/trax/layers/pooling_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 af4b633bf..e2a93ebeb 100644 --- a/trax/layers/research/__init__.py +++ b/trax/layers/research/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 99285c454..4287ac207 100644 --- a/trax/layers/research/efficient_attention.py +++ b/trax/layers/research/efficient_attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ab9af92be..912a68d01 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e9de3c04b..5dcefef22 100644 --- a/trax/layers/research/position_encodings.py +++ b/trax/layers/research/position_encodings.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9f7be4e17..c99823bad 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8303a5ce9..4ba9927e9 100644 --- a/trax/layers/research/rel_attention.py +++ b/trax/layers/research/rel_attention.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ec07b574c..0cf1397c5 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b7e70d973..7b2bc926b 100644 --- a/trax/layers/research/resampling.py +++ b/trax/layers/research/resampling.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e01057708..1e28dba54 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 541801a60..e31ce42a1 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9a8756ba5..e19d8e7c9 100644 --- a/trax/layers/research/sparsity.py +++ b/trax/layers/research/sparsity.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 fc189537c..313b3d63f 100644 --- a/trax/layers/research/sparsity_test.py +++ b/trax/layers/research/sparsity_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0ddab00df..553179511 100644 --- a/trax/layers/reversible.py +++ b/trax/layers/reversible.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c7e34417b..4d73efcd9 100644 --- a/trax/layers/reversible_test.py +++ b/trax/layers/reversible_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 24f6d8b1d..74d1d52cf 100644 --- a/trax/layers/rnn.py +++ b/trax/layers/rnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4386043ba..a45739bdd 100644 --- a/trax/layers/rnn_test.py +++ b/trax/layers/rnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0dd8fb59e..197444123 100644 --- a/trax/layers/test_utils.py +++ b/trax/layers/test_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f35ee90a6..9deaf46ee 100644 --- a/trax/layers/test_utils_test.py +++ b/trax/layers/test_utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 94d10cec9..a0db393ef 100644 --- a/trax/models/__init__.py +++ b/trax/models/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d26e9644d..4398a082c 100644 --- a/trax/models/atari_cnn.py +++ b/trax/models/atari_cnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8c4451ee4..e061aec02 100644 --- a/trax/models/atari_cnn_test.py +++ b/trax/models/atari_cnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b681e39ea..0d4e2a31c 100644 --- a/trax/models/mlp.py +++ b/trax/models/mlp.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 942d7ca6d..95ea81e41 100644 --- a/trax/models/mlp_test.py +++ b/trax/models/mlp_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 01d1c63a5..3e276b603 100644 --- a/trax/models/neural_gpu.py +++ b/trax/models/neural_gpu.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 261bbf658..423228377 100644 --- a/trax/models/neural_gpu_test.py +++ b/trax/models/neural_gpu_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 af4b633bf..e2a93ebeb 100644 --- a/trax/models/reformer/__init__.py +++ b/trax/models/reformer/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3f7f30365..da209bee5 100644 --- a/trax/models/reformer/reformer.py +++ b/trax/models/reformer/reformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b57954dcf..56515a322 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1c89582a2..adaa1a4e5 100644 --- a/trax/models/reformer/reformer_test.py +++ b/trax/models/reformer/reformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 af4b633bf..e2a93ebeb 100644 --- a/trax/models/research/__init__.py +++ b/trax/models/research/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 81be10613..57ec5495b 100644 --- a/trax/models/research/bert.py +++ b/trax/models/research/bert.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e693f5773..13fc90f69 100644 --- a/trax/models/research/configurable_transformer.py +++ b/trax/models/research/configurable_transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 398f77c3d..d261ee5b5 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 df0052179..da987d580 100644 --- a/trax/models/research/hourglass.py +++ b/trax/models/research/hourglass.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d91739916..9a2459215 100644 --- a/trax/models/research/hourglass_test.py +++ b/trax/models/research/hourglass_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 520889932..61b844934 100644 --- a/trax/models/research/layerdrop_transformer.py +++ b/trax/models/research/layerdrop_transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 23224f63f..76b8ba7c7 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7a483218f..0b75b0c80 100644 --- a/trax/models/research/predict_terraformer.py +++ b/trax/models/research/predict_terraformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ca298f40c..017c7b5c6 100644 --- a/trax/models/research/rezero.py +++ b/trax/models/research/rezero.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4656a71df..4c65b4833 100644 --- a/trax/models/research/rezero_test.py +++ b/trax/models/research/rezero_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8987a23a2..a0461d3e1 100644 --- a/trax/models/research/rse.py +++ b/trax/models/research/rse.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cb3421ede..e4803e337 100644 --- a/trax/models/research/rse_test.py +++ b/trax/models/research/rse_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6326e2242..06b37de12 100644 --- a/trax/models/research/terraformer.py +++ b/trax/models/research/terraformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2ece3b9b1..16748487a 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ff2c50b5d..6f9ff19dd 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f96a72e1f..b9d588628 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8afb18882..005e9e07a 100644 --- a/trax/models/research/terraformer_test.py +++ b/trax/models/research/terraformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0277b615b..4740a056e 100644 --- a/trax/models/research/transformer2.py +++ b/trax/models/research/transformer2.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e6d91450e..ff7e74b43 100644 --- a/trax/models/research/transformer2_test.py +++ b/trax/models/research/transformer2_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7e322e981..ead2f3a19 100644 --- a/trax/models/resnet.py +++ b/trax/models/resnet.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3c9fd65e3..e9b4f4603 100644 --- a/trax/models/resnet_test.py +++ b/trax/models/resnet_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9683ffcd3..c41df38dc 100644 --- a/trax/models/rl.py +++ b/trax/models/rl.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3559963d6..6939c6896 100644 --- a/trax/models/rl_test.py +++ b/trax/models/rl_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e791b5ca9..746bc96ab 100644 --- a/trax/models/rnn.py +++ b/trax/models/rnn.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 01f1d8baf..c632594e1 100644 --- a/trax/models/rnn_test.py +++ b/trax/models/rnn_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 990d9b510..4f77d190e 100644 --- a/trax/models/transformer.py +++ b/trax/models/transformer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4621908b3..c5c635275 100644 --- a/trax/models/transformer_test.py +++ b/trax/models/transformer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a29006631..001318bd4 100644 --- a/trax/optimizers/__init__.py +++ b/trax/optimizers/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0f63eada6..4e19f382d 100644 --- a/trax/optimizers/adafactor.py +++ b/trax/optimizers/adafactor.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a3fc322ca..48343db48 100644 --- a/trax/optimizers/adam.py +++ b/trax/optimizers/adam.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 deb865029..3a3bf6099 100644 --- a/trax/optimizers/base.py +++ b/trax/optimizers/base.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 357b804a8..95ef9f51c 100644 --- a/trax/optimizers/momentum.py +++ b/trax/optimizers/momentum.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 321661f5a..9a3f89a60 100644 --- a/trax/optimizers/optimizers_test.py +++ b/trax/optimizers/optimizers_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8608f07ad..39f1ca9c0 100644 --- a/trax/optimizers/rms_prop.py +++ b/trax/optimizers/rms_prop.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b238a87be..020fcdd8d 100644 --- a/trax/optimizers/sm3.py +++ b/trax/optimizers/sm3.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 41707701f..d4761fc0a 100644 --- a/trax/optimizers/trainer.py +++ b/trax/optimizers/trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0cc23b046..a76632c5e 100644 --- a/trax/optimizers/trainer_test.py +++ b/trax/optimizers/trainer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6a3b6577a..d0b354f8c 100644 --- a/trax/predict_drop.py +++ b/trax/predict_drop.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1adfbf284..e33b8e6ea 100644 --- a/trax/rl/__init__.py +++ b/trax/rl/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f1fe907d8..b64420025 100644 --- a/trax/rl/actor_critic.py +++ b/trax/rl/actor_critic.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 afcf8e54a..9da1047f3 100644 --- a/trax/rl/actor_critic_joint.py +++ b/trax/rl/actor_critic_joint.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c68f70e30..08f4c3578 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8d5a3cc4d..bf1bb54db 100644 --- a/trax/rl/actor_critic_test.py +++ b/trax/rl/actor_critic_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2a59d7f15..4d2010196 100644 --- a/trax/rl/advantages.py +++ b/trax/rl/advantages.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bde148587..d53cee039 100644 --- a/trax/rl/advantages_test.py +++ b/trax/rl/advantages_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a666f4131..6203a7874 100644 --- a/trax/rl/atari_test.py +++ b/trax/rl/atari_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 82542c3f1..e663d6147 100644 --- a/trax/rl/configs/dqn_cartpole_regression.gin +++ b/trax/rl/configs/dqn_cartpole_regression.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6f68147cd..b7ba4a7ba 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ae63965bd..4a3443e61 100644 --- a/trax/rl/configs/light_atari.gin +++ b/trax/rl/configs/light_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9ab2397de..b8072a8c3 100644 --- a/trax/rl/configs/light_atari_sweep.yaml +++ b/trax/rl/configs/light_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d6cd5d5de..2152eb34e 100644 --- a/trax/rl/configs/light_awr_cartpole_sweep.yaml +++ b/trax/rl/configs/light_awr_cartpole_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c040cc1cc..de3e744c8 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e9a2e5c40..c08e4bcc6 100644 --- a/trax/rl/configs/light_awr_joint_cartpole.gin +++ b/trax/rl/configs/light_awr_joint_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f785cfd48..5b1947b13 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9fa2478c2..ef1a12ac4 100644 --- a/trax/rl/configs/light_cartpole.gin +++ b/trax/rl/configs/light_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6d6ab9df9..f7ebb3a42 100644 --- a/trax/rl/configs/light_copy.gin +++ b/trax/rl/configs/light_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6879df83a..4ef5d918b 100644 --- a/trax/rl/configs/light_copy_sweep.yaml +++ b/trax/rl/configs/light_copy_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 87fcb5fbe..20007f968 100644 --- a/trax/rl/configs/light_joint_atari.gin +++ b/trax/rl/configs/light_joint_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cfa5c7246..b17778312 100644 --- a/trax/rl/configs/light_joint_cartpole.gin +++ b/trax/rl/configs/light_joint_cartpole.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 485e998c3..1d79f556f 100644 --- a/trax/rl/configs/light_lunarlander.gin +++ b/trax/rl/configs/light_lunarlander.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a038e16c8..6a7e50981 100644 --- a/trax/rl/configs/light_mujoco.gin +++ b/trax/rl/configs/light_mujoco.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1ae106548..d9fbfa0d0 100644 --- a/trax/rl/configs/light_mujoco_regression_test.gin +++ b/trax/rl/configs/light_mujoco_regression_test.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6691faa80..2d4a63fd7 100644 --- a/trax/rl/configs/light_mujoco_sweep.yaml +++ b/trax/rl/configs/light_mujoco_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b5269b308..6610b1672 100644 --- a/trax/rl/configs/light_ppo_atari.gin +++ b/trax/rl/configs/light_ppo_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1501930c2..4d935626e 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 89cd38cb0..29b0f8d2c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 fef3f3af7..26e1d251c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 61f7e0553..5bf0c16f6 100644 --- a/trax/rl/configs/light_ppo_joint_atari.gin +++ b/trax/rl/configs/light_ppo_joint_atari.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ed616b919..3a37b0be0 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 daa453a72..6b0de6ce3 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 90f323689..9d52f22c4 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c7d43e1a8..a5246fb46 100644 --- a/trax/rl/configs/ppo_atari_sweep.yaml +++ b/trax/rl/configs/ppo_atari_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ae05dcf7d..c7790bdfa 100644 --- a/trax/rl/configs/ppo_cartpole_sweep.yaml +++ b/trax/rl/configs/ppo_cartpole_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3fd797bca..e8d3cf58f 100644 --- a/trax/rl/configs/transformer_srl_sine.gin +++ b/trax/rl/configs/transformer_srl_sine.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8f8e5cb00..2748356ae 100644 --- a/trax/rl/distributions.py +++ b/trax/rl/distributions.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 112f38a8f..8fb0e7c5f 100644 --- a/trax/rl/distributions_test.py +++ b/trax/rl/distributions_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 642adaa77..ac39f386e 100644 --- a/trax/rl/envs/__init__.py +++ b/trax/rl/envs/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1613047cc..ee2fad2cf 100644 --- a/trax/rl/envs/data_envs.py +++ b/trax/rl/envs/data_envs.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 592117527..9316f145c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1cf35433e..f1a3f7e67 100644 --- a/trax/rl/normalization.py +++ b/trax/rl/normalization.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d44957813..42fee2fe5 100644 --- a/trax/rl/normalization_test.py +++ b/trax/rl/normalization_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5606863c7..71795a266 100644 --- a/trax/rl/policy_tasks.py +++ b/trax/rl/policy_tasks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 633c2f861..83f52bdcb 100644 --- a/trax/rl/rl_layers.py +++ b/trax/rl/rl_layers.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 dcd1fd74b..19411b508 100644 --- a/trax/rl/serialization_utils.py +++ b/trax/rl/serialization_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 fa3432075..f73a324ae 100644 --- a/trax/rl/serialization_utils_test.py +++ b/trax/rl/serialization_utils_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c9a04a748..c73acbf93 100644 --- a/trax/rl/space_serializer.py +++ b/trax/rl/space_serializer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bbd304e03..32fd856e6 100644 --- a/trax/rl/space_serializer_test.py +++ b/trax/rl/space_serializer_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 db42e21dc..e3477c30d 100644 --- a/trax/rl/task.py +++ b/trax/rl/task.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1465aa6fc..590afd143 100644 --- a/trax/rl/task_test.py +++ b/trax/rl/task_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8801ce4ab..919006722 100644 --- a/trax/rl/training.py +++ b/trax/rl/training.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d19feac83..a1caa788e 100644 --- a/trax/rl/training_test.py +++ b/trax/rl/training_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bb2602cb1..2028fa680 100644 --- a/trax/rl/value_tasks.py +++ b/trax/rl/value_tasks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6b40fb9d8..923a36878 100644 --- a/trax/rl/value_tasks_test.py +++ b/trax/rl/value_tasks_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5f995e6f4..2baf30de3 100644 --- a/trax/rl_trainer.py +++ b/trax/rl_trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 30d762b9c..221b46401 100644 --- a/trax/shapes.py +++ b/trax/shapes.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b0a988a55..9a6705d9b 100644 --- a/trax/shapes_test.py +++ b/trax/shapes_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 156c7cde2..a04c480c9 100644 --- a/trax/supervised/__init__.py +++ b/trax/supervised/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3df52fcd3..ab1b96fe2 100644 --- a/trax/supervised/callbacks.py +++ b/trax/supervised/callbacks.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 457040d53..fe6627868 100644 --- a/trax/supervised/callbacks_test.py +++ b/trax/supervised/callbacks_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2f7c64cf6..b12e527ec 100644 --- a/trax/supervised/configs/bert.gin +++ b/trax/supervised/configs/bert.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 28ddfa7e9..e67d98631 100644 --- a/trax/supervised/configs/bert_glue_classification.gin +++ b/trax/supervised/configs/bert_glue_classification.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1e36dd5a8..252b05fc5 100644 --- a/trax/supervised/configs/bert_glue_regression.gin +++ b/trax/supervised/configs/bert_glue_regression.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5788a01b7..a4b60b7c0 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c170168e3..d7e3c494d 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2dc6f86eb..31b942573 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4419a8421..b69f5e686 100644 --- a/trax/supervised/configs/bert_pretraining.gin +++ b/trax/supervised/configs/bert_pretraining.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e538babc0..dfa35d9a0 100644 --- a/trax/supervised/configs/bert_pretraining_onlymlm.gin +++ b/trax/supervised/configs/bert_pretraining_onlymlm.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b4db7d4c4..7952168ed 100644 --- a/trax/supervised/configs/bert_pretraining_onlynsp.gin +++ b/trax/supervised/configs/bert_pretraining_onlynsp.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f500ac7f8..eb732d991 100644 --- a/trax/supervised/configs/c4.gin +++ b/trax/supervised/configs/c4.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 717201a8f..9313847d0 100644 --- a/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin +++ b/trax/supervised/configs/c4_pretrain_16gb_adafactor.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3681824a7..3e9a5ef08 100644 --- a/trax/supervised/configs/c4_trax_data.gin +++ b/trax/supervised/configs/c4_trax_data.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e39aca654..eea2667fb 100644 --- a/trax/supervised/configs/cond_skipping_transformer_lm1b.gin +++ b/trax/supervised/configs/cond_skipping_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7c537f6de..f66adcd4d 100644 --- a/trax/supervised/configs/gru_copy.gin +++ b/trax/supervised/configs/gru_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 eddb967bb..9009222d3 100644 --- a/trax/supervised/configs/hourglass_cifar10.gin +++ b/trax/supervised/configs/hourglass_cifar10.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a079d5850..ee1724127 100644 --- a/trax/supervised/configs/hourglass_enwik8.gin +++ b/trax/supervised/configs/hourglass_enwik8.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5afdf4da5..9a6838668 100644 --- a/trax/supervised/configs/hourglass_imagenet32.gin +++ b/trax/supervised/configs/hourglass_imagenet32.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 262ee6de1..f60f97333 100644 --- a/trax/supervised/configs/hourglass_imagenet64.gin +++ b/trax/supervised/configs/hourglass_imagenet64.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f191b83c9..353c34a9b 100644 --- a/trax/supervised/configs/hourglass_wiki40b.gin +++ b/trax/supervised/configs/hourglass_wiki40b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a7ee53911..1b3abdb37 100644 --- a/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_every_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f5154126e..8f3d3a1ef 100644 --- a/trax/supervised/configs/layerdrop_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ec447d22a..95f793a99 100644 --- a/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin +++ b/trax/supervised/configs/layerdrop_ushape_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 74309b109..f8118fde5 100644 --- a/trax/supervised/configs/lstm_lm1b.gin +++ b/trax/supervised/configs/lstm_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6ef9b9131..237819836 100644 --- a/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin +++ b/trax/supervised/configs/lstm_seq2seq_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8b4abfd69..0f74630d6 100644 --- a/trax/supervised/configs/mlp_mnist.gin +++ b/trax/supervised/configs/mlp_mnist.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 66b0cbbd9..e340f0bf0 100644 --- a/trax/supervised/configs/reformer_addition.gin +++ b/trax/supervised/configs/reformer_addition.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2dfa57241..894f3f7d7 100644 --- a/trax/supervised/configs/reformer_bair_robot_pushing.gin +++ b/trax/supervised/configs/reformer_bair_robot_pushing.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5a8d5763c..feaae6e9c 100644 --- a/trax/supervised/configs/reformer_c4.gin +++ b/trax/supervised/configs/reformer_c4.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4098bc70d..0d60021b4 100644 --- a/trax/supervised/configs/reformer_cifar10.gin +++ b/trax/supervised/configs/reformer_cifar10.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7ba335bbd..1ac4fa31e 100644 --- a/trax/supervised/configs/reformer_copy.gin +++ b/trax/supervised/configs/reformer_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4b73d2fc0..38531e042 100644 --- a/trax/supervised/configs/reformer_enwik8.gin +++ b/trax/supervised/configs/reformer_enwik8.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a77d948cb..18568ae66 100644 --- a/trax/supervised/configs/reformer_imagenet64.gin +++ b/trax/supervised/configs/reformer_imagenet64.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 5b55e3cf6..bf2459ee7 100644 --- a/trax/supervised/configs/reformer_imagenet64_testing.gin +++ b/trax/supervised/configs/reformer_imagenet64_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b16bb5745..1e7e35256 100644 --- a/trax/supervised/configs/reformer_pc_enpl.gin +++ b/trax/supervised/configs/reformer_pc_enpl.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 be12898a6..56c1a2a0b 100644 --- a/trax/supervised/configs/reformer_wmt_ende.gin +++ b/trax/supervised/configs/reformer_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f51fdbdaa..1a354b85c 100644 --- a/trax/supervised/configs/reformer_wmt_ende_big.gin +++ b/trax/supervised/configs/reformer_wmt_ende_big.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4a932f20b..8c54bfdc8 100644 --- a/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin +++ b/trax/supervised/configs/resnet50_frn_imagenet_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0aa3fdcbe..c362d751e 100644 --- a/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin +++ b/trax/supervised/configs/resnet50_imagenet_8gb_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 1db645fb6..c725a6fbf 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8af07d204..46d3eb2ca 100644 --- a/trax/supervised/configs/rse_addition.gin +++ b/trax/supervised/configs/rse_addition.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d5f1ce4f0..4d8960a4d 100644 --- a/trax/supervised/configs/rse_addition_sweep.yaml +++ b/trax/supervised/configs/rse_addition_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bc300703b..96678bc45 100644 --- a/trax/supervised/configs/scientific_papers_reformer_lm.gin +++ b/trax/supervised/configs/scientific_papers_reformer_lm.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f16777756..5567c9bd6 100644 --- a/trax/supervised/configs/scientific_papers_terraformer.gin +++ b/trax/supervised/configs/scientific_papers_terraformer.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bab3e33a0..8cff9f5ce 100644 --- a/trax/supervised/configs/scientific_papers_terraformer_favor.gin +++ b/trax/supervised/configs/scientific_papers_terraformer_favor.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f103e4c13..086443f3f 100644 --- a/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin +++ b/trax/supervised/configs/scientific_papers_terraformer_pretrained.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e39aca654..eea2667fb 100644 --- a/trax/supervised/configs/skipping_transformer_lm1b.gin +++ b/trax/supervised/configs/skipping_transformer_lm1b.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f58b5756d..23b37acd7 100644 --- a/trax/supervised/configs/sp_sweep.yaml +++ b/trax/supervised/configs/sp_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0226024ad..ed3318a84 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 de6d8d6dc..db9dc7fb8 100644 --- a/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin +++ b/trax/supervised/configs/sparse_lm1b_pretrain_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 62be6a9f3..95264fc78 100644 --- a/trax/supervised/configs/t5_aqua_parallel.gin +++ b/trax/supervised/configs/t5_aqua_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 521bf0aa2..44eafee6c 100644 --- a/trax/supervised/configs/t5_drop.gin +++ b/trax/supervised/configs/t5_drop.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6ad2b979e..6a56b9a18 100644 --- a/trax/supervised/configs/t5_glue_classification.gin +++ b/trax/supervised/configs/t5_glue_classification.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 546cea2d1..2ccfd4661 100644 --- a/trax/supervised/configs/t5_glue_classification_mnli.gin +++ b/trax/supervised/configs/t5_glue_classification_mnli.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f1ec0b9eb..b4ba3f51e 100644 --- a/trax/supervised/configs/t5_glue_classification_parallel.gin +++ b/trax/supervised/configs/t5_glue_classification_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2a5c0dd72..aeb070a9c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 28eac9fbe..bfbc3eb5c 100644 --- a/trax/supervised/configs/t5_mathqa.gin +++ b/trax/supervised/configs/t5_mathqa.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7c6cef7f0..88e1d8143 100644 --- a/trax/supervised/configs/t5_mathqa_drop_loop.gin +++ b/trax/supervised/configs/t5_mathqa_drop_loop.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e874dde50..98c3ebbdd 100644 --- a/trax/supervised/configs/t5_mathqa_drop_sweep.yaml +++ b/trax/supervised/configs/t5_mathqa_drop_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4c033d0b9..53cc215d2 100644 --- a/trax/supervised/configs/t5_mathqa_multi.gin +++ b/trax/supervised/configs/t5_mathqa_multi.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 57e48a6a1..b0c255542 100644 --- a/trax/supervised/configs/t5_mathqa_parallel.gin +++ b/trax/supervised/configs/t5_mathqa_parallel.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 fc18491c7..7d5b4b462 100644 --- a/trax/supervised/configs/t5_mathqa_parallel_full.gin +++ b/trax/supervised/configs/t5_mathqa_parallel_full.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bffaf3b20..224e08686 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bcfc41c46..ca020310a 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cbeb4db64..3143b0ee7 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2bd704f5f..5dd6dfbe2 100644 --- a/trax/supervised/configs/t5_sweep.yaml +++ b/trax/supervised/configs/t5_sweep.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b99f0a0ce..a880ee3e3 100644 --- a/trax/supervised/configs/t5_sweep_temperature.yaml +++ b/trax/supervised/configs/t5_sweep_temperature.yaml @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 261bb9f4c..f820b660d 100644 --- a/trax/supervised/configs/terraformer_c4_medium.gin +++ b/trax/supervised/configs/terraformer_c4_medium.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 41f1cf8ee..ae2ba396f 100644 --- a/trax/supervised/configs/terraformer_copy.gin +++ b/trax/supervised/configs/terraformer_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a88d5bc33..f1e983cbc 100644 --- a/trax/supervised/configs/terraformer_copy_self_attn.gin +++ b/trax/supervised/configs/terraformer_copy_self_attn.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4f1670bff..a0bab08ec 100644 --- a/trax/supervised/configs/terraformer_purelsh_copy.gin +++ b/trax/supervised/configs/terraformer_purelsh_copy.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 dc0cb5221..76cb06db5 100644 --- a/trax/supervised/configs/terraformer_wmt_ende.gin +++ b/trax/supervised/configs/terraformer_wmt_ende.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c4c710082..e6337694e 100644 --- a/trax/supervised/configs/transformer_big_lm1b_8gb.gin +++ b/trax/supervised/configs/transformer_big_lm1b_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2b7c16c93..d5ac9c625 100644 --- a/trax/supervised/configs/transformer_finetune_squad_16gb.gin +++ b/trax/supervised/configs/transformer_finetune_squad_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 37fdb3123..18fe43b10 100644 --- a/trax/supervised/configs/transformer_imdb_8gb.gin +++ b/trax/supervised/configs/transformer_imdb_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e1f9b956f..636e525c8 100644 --- a/trax/supervised/configs/transformer_imdb_tfds.gin +++ b/trax/supervised/configs/transformer_imdb_tfds.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 16791d53b..22bfef39b 100644 --- a/trax/supervised/configs/transformer_lm1b_8gb_testing.gin +++ b/trax/supervised/configs/transformer_lm1b_8gb_testing.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 2e5b02429..68166809c 100644 --- a/trax/supervised/configs/transformer_lm_cnndailymail.gin +++ b/trax/supervised/configs/transformer_lm_cnndailymail.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 533ce0b67..52c0569ee 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cadcae1aa..e5c7d6206 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0e7f41eef..e1c1aa63a 100644 --- a/trax/supervised/configs/transformer_ptb_16gb.gin +++ b/trax/supervised/configs/transformer_ptb_16gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 dad3e0a43..e8e6f7ff3 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7993f9d72..c72ea57c7 100644 --- a/trax/supervised/configs/transformer_wmt_ende_8gb.gin +++ b/trax/supervised/configs/transformer_wmt_ende_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 134a19ab8..7711e2774 100644 --- a/trax/supervised/configs/wide_resnet_cifar10_8gb.gin +++ b/trax/supervised/configs/wide_resnet_cifar10_8gb.gin @@ -1,4 +1,4 @@ -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 3ee47a8d1..0edb77c1f 100644 --- a/trax/supervised/decoding.py +++ b/trax/supervised/decoding.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 75f337d8b..4c8fb1530 100644 --- a/trax/supervised/decoding_test.py +++ b/trax/supervised/decoding_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a6b9c0e8d..1a29cacf4 100644 --- a/trax/supervised/decoding_timing_test.py +++ b/trax/supervised/decoding_timing_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 dd45ab2b9..1e026ffaf 100644 --- a/trax/supervised/history.py +++ b/trax/supervised/history.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 83566912a..74ea83a72 100644 --- a/trax/supervised/history_test.py +++ b/trax/supervised/history_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 10120ac30..5d7abcafb 100644 --- a/trax/supervised/lr_schedules.py +++ b/trax/supervised/lr_schedules.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 4d56adf9e..896a9226d 100644 --- a/trax/supervised/lr_schedules_test.py +++ b/trax/supervised/lr_schedules_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ec0f301ff..0d40ad560 100644 --- a/trax/supervised/mnist_test.py +++ b/trax/supervised/mnist_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f7782c50d..c5b8c69d9 100644 --- a/trax/supervised/pretrain_finetune.py +++ b/trax/supervised/pretrain_finetune.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b7957eeb3..08f13e264 100644 --- a/trax/supervised/trainer_lib.py +++ b/trax/supervised/trainer_lib.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a942f803b..5c431bf49 100644 --- a/trax/supervised/trainer_lib_test.py +++ b/trax/supervised/trainer_lib_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cbc2ae53a..8d673894c 100644 --- a/trax/supervised/training.py +++ b/trax/supervised/training.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 9fa7bcc6a..25ae75f73 100644 --- a/trax/supervised/training_test.py +++ b/trax/supervised/training_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a09cba1f7..a8070e25d 100644 --- a/trax/test_utils.py +++ b/trax/test_utils.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 af4b633bf..e2a93ebeb 100644 --- a/trax/tf_numpy/__init__.py +++ b/trax/tf_numpy/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 144dadeac..5e6063885 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 043c7087e..804444a96 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 cd0b670ab..c85328eff 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 d005fbae7..8b51da7c1 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 e7b802149..dc2e511a9 100644 --- a/trax/tf_numpy/extensions/__init__.py +++ b/trax/tf_numpy/extensions/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 59d6995c3..3a48aa985 100644 --- a/trax/tf_numpy/extensions/extensions.py +++ b/trax/tf_numpy/extensions/extensions.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a431cd5dd..94e8ab5db 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 53f9de6b0..a8325f399 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6b776b47f..dcb2189cf 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 087929249..a71783c43 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f40ef4002..98b34c4ab 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -2496,7 +2496,7 @@ def f(u): y = onp.ones(10,).at[[2, 4, 5]].add(u) # The transpose rule for lax.tie_in returns a symbolic zero for its first # argument. - return lax.tie_in(y, 7.) + return 7. self.assertAllClose(onp.zeros(3,), api.grad(f)(onp.ones(3,)), check_dtypes=True) diff --git a/trax/tf_numpy/jax_tests/test_util.py b/trax/tf_numpy/jax_tests/test_util.py index 045486b43..f70f968a7 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0c2028946..bb9138d18 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 0b77412f1..72b1720f6 100644 --- a/trax/tf_numpy/numpy/__init__.py +++ b/trax/tf_numpy/numpy/__init__.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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/__init__.py b/trax/tf_numpy/numpy_impl/__init__.py index ac1e8a33a..ad0412d7c 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7c385fbb2..f33c967cb 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 a51d69b37..ea5b628d1 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c50976504..0f696d792 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bbe5ee779..28c450d75 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 ae8c32751..ab5abd818 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 393b8cf8d..e8130d29e 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 8c82abc58..c358cc32f 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 beca698c0..31c32edfa 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6f8757819..8c5d027cb 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b3f7302f0..85f5db434 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 6572ecb14..3713b86c6 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 b18ef1845..7670714d4 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 eb92868e2..c99c5836b 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 f1d45d412..f55887e91 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 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 bf4b43753..9aa817867 100644 --- a/trax/trainer.py +++ b/trax/trainer.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 7a4dc9943..b955f5d08 100644 --- a/trax/trainer_flags.py +++ b/trax/trainer_flags.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 dcd700602..93fede37e 100644 --- a/trax/trax2keras.py +++ b/trax/trax2keras.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under 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 c82a5fa33..e5bfd140b 100644 --- a/trax/trax2keras_test.py +++ b/trax/trax2keras_test.py @@ -1,5 +1,5 @@ # coding=utf-8 -# Copyright 2023 The Trax Authors. +# Copyright 2024 The Trax Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License.