From 6f94db929bace16fe446efd519ffdb484beb2a4a Mon Sep 17 00:00:00 2001 From: Matt Watson Date: Wed, 7 Aug 2024 16:47:30 -0700 Subject: [PATCH 1/3] Remove src init file contents I don't think there is any need for this anymore with our explicit API export surface. Less toil to just remove it. --- keras_nlp/__init__.py | 8 + keras_nlp/src/__init__.py | 20 +- keras_nlp/src/layers/__init__.py | 28 --- keras_nlp/src/metrics/__init__.py | 6 - keras_nlp/src/models/__init__.py | 183 ------------------ .../src/models/electra/electra_tokenizer.py | 2 +- keras_nlp/src/models/task_test.py | 8 +- .../whisper_cached_multi_head_attention.py | 2 +- keras_nlp/src/samplers/__init__.py | 13 -- keras_nlp/src/tests/test_case.py | 4 +- keras_nlp/src/tokenizers/__init__.py | 17 -- keras_nlp/src/utils/preset_utils_test.py | 8 +- keras_nlp/src/version_utils.py | 2 +- 13 files changed, 22 insertions(+), 279 deletions(-) diff --git a/keras_nlp/__init__.py b/keras_nlp/__init__.py index a96f712ed4..f6552228de 100644 --- a/keras_nlp/__init__.py +++ b/keras_nlp/__init__.py @@ -19,6 +19,14 @@ import os +# sentencepiece is segfaulting on tf-nightly if tensorflow is imported first. +# This is a temporary fix to restore our nightly testing to green, while we look +# for a longer term solution. +try: + import sentencepiece +except ImportError: + pass + # Import everything from /api/ into keras. from keras_nlp.api import * # noqa: F403 from keras_nlp.api import __version__ # Import * ignores names start with "_". diff --git a/keras_nlp/src/__init__.py b/keras_nlp/src/__init__.py index 29cb010422..ba0c2545e4 100644 --- a/keras_nlp/src/__init__.py +++ b/keras_nlp/src/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2023 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -11,21 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -# sentencepiece is segfaulting on tf-nightly if tensorflow is imported first. -# This is a temporary fix to restore our nightly testing to green, while we look -# for a longer term solution. -try: - import sentencepiece -except ImportError: - pass - -from keras_nlp.src import layers -from keras_nlp.src import metrics -from keras_nlp.src import models -from keras_nlp.src import samplers -from keras_nlp.src import tokenizers -from keras_nlp.src import utils -from keras_nlp.src.utils.preset_utils import upload_preset -from keras_nlp.src.version_utils import __version__ -from keras_nlp.src.version_utils import version diff --git a/keras_nlp/src/layers/__init__.py b/keras_nlp/src/layers/__init__.py index 3bcd9e71b1..ba0c2545e4 100644 --- a/keras_nlp/src/layers/__init__.py +++ b/keras_nlp/src/layers/__init__.py @@ -11,31 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -from keras_nlp.src.layers.modeling.cached_multi_head_attention import ( - CachedMultiHeadAttention, -) -from keras_nlp.src.layers.modeling.f_net_encoder import FNetEncoder -from keras_nlp.src.layers.modeling.masked_lm_head import MaskedLMHead -from keras_nlp.src.layers.modeling.position_embedding import PositionEmbedding -from keras_nlp.src.layers.modeling.reversible_embedding import ( - ReversibleEmbedding, -) -from keras_nlp.src.layers.modeling.rotary_embedding import RotaryEmbedding -from keras_nlp.src.layers.modeling.sine_position_encoding import ( - SinePositionEncoding, -) -from keras_nlp.src.layers.modeling.token_and_position_embedding import ( - TokenAndPositionEmbedding, -) -from keras_nlp.src.layers.modeling.transformer_decoder import TransformerDecoder -from keras_nlp.src.layers.modeling.transformer_encoder import TransformerEncoder -from keras_nlp.src.layers.preprocessing.masked_lm_mask_generator import ( - MaskedLMMaskGenerator, -) -from keras_nlp.src.layers.preprocessing.multi_segment_packer import ( - MultiSegmentPacker, -) -from keras_nlp.src.layers.preprocessing.random_deletion import RandomDeletion -from keras_nlp.src.layers.preprocessing.random_swap import RandomSwap -from keras_nlp.src.layers.preprocessing.start_end_packer import StartEndPacker diff --git a/keras_nlp/src/metrics/__init__.py b/keras_nlp/src/metrics/__init__.py index 308ad2100c..ba0c2545e4 100644 --- a/keras_nlp/src/metrics/__init__.py +++ b/keras_nlp/src/metrics/__init__.py @@ -11,9 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -from keras_nlp.src.metrics.bleu import Bleu -from keras_nlp.src.metrics.edit_distance import EditDistance -from keras_nlp.src.metrics.perplexity import Perplexity -from keras_nlp.src.metrics.rouge_l import RougeL -from keras_nlp.src.metrics.rouge_n import RougeN diff --git a/keras_nlp/src/models/__init__.py b/keras_nlp/src/models/__init__.py index ed8a74c6b9..ba0c2545e4 100644 --- a/keras_nlp/src/models/__init__.py +++ b/keras_nlp/src/models/__init__.py @@ -11,186 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -from keras_nlp.src.models.albert.albert_backbone import AlbertBackbone -from keras_nlp.src.models.albert.albert_classifier import AlbertClassifier -from keras_nlp.src.models.albert.albert_masked_lm import AlbertMaskedLM -from keras_nlp.src.models.albert.albert_masked_lm_preprocessor import ( - AlbertMaskedLMPreprocessor, -) -from keras_nlp.src.models.albert.albert_preprocessor import AlbertPreprocessor -from keras_nlp.src.models.albert.albert_tokenizer import AlbertTokenizer -from keras_nlp.src.models.backbone import Backbone -from keras_nlp.src.models.bart.bart_backbone import BartBackbone -from keras_nlp.src.models.bart.bart_preprocessor import BartPreprocessor -from keras_nlp.src.models.bart.bart_seq_2_seq_lm import BartSeq2SeqLM -from keras_nlp.src.models.bart.bart_seq_2_seq_lm_preprocessor import ( - BartSeq2SeqLMPreprocessor, -) -from keras_nlp.src.models.bart.bart_tokenizer import BartTokenizer -from keras_nlp.src.models.bert.bert_backbone import BertBackbone -from keras_nlp.src.models.bert.bert_classifier import BertClassifier -from keras_nlp.src.models.bert.bert_masked_lm import BertMaskedLM -from keras_nlp.src.models.bert.bert_masked_lm_preprocessor import ( - BertMaskedLMPreprocessor, -) -from keras_nlp.src.models.bert.bert_preprocessor import BertPreprocessor -from keras_nlp.src.models.bert.bert_tokenizer import BertTokenizer -from keras_nlp.src.models.bloom.bloom_backbone import BloomBackbone -from keras_nlp.src.models.bloom.bloom_causal_lm import BloomCausalLM -from keras_nlp.src.models.bloom.bloom_causal_lm_preprocessor import ( - BloomCausalLMPreprocessor, -) -from keras_nlp.src.models.bloom.bloom_preprocessor import BloomPreprocessor -from keras_nlp.src.models.bloom.bloom_tokenizer import BloomTokenizer -from keras_nlp.src.models.causal_lm import CausalLM -from keras_nlp.src.models.classifier import Classifier -from keras_nlp.src.models.deberta_v3.deberta_v3_backbone import ( - DebertaV3Backbone, -) -from keras_nlp.src.models.deberta_v3.deberta_v3_classifier import ( - DebertaV3Classifier, -) -from keras_nlp.src.models.deberta_v3.deberta_v3_masked_lm import ( - DebertaV3MaskedLM, -) -from keras_nlp.src.models.deberta_v3.deberta_v3_masked_lm_preprocessor import ( - DebertaV3MaskedLMPreprocessor, -) -from keras_nlp.src.models.deberta_v3.deberta_v3_preprocessor import ( - DebertaV3Preprocessor, -) -from keras_nlp.src.models.deberta_v3.deberta_v3_tokenizer import ( - DebertaV3Tokenizer, -) -from keras_nlp.src.models.distil_bert.distil_bert_backbone import ( - DistilBertBackbone, -) -from keras_nlp.src.models.distil_bert.distil_bert_classifier import ( - DistilBertClassifier, -) -from keras_nlp.src.models.distil_bert.distil_bert_masked_lm import ( - DistilBertMaskedLM, -) -from keras_nlp.src.models.distil_bert.distil_bert_masked_lm_preprocessor import ( - DistilBertMaskedLMPreprocessor, -) -from keras_nlp.src.models.distil_bert.distil_bert_preprocessor import ( - DistilBertPreprocessor, -) -from keras_nlp.src.models.distil_bert.distil_bert_tokenizer import ( - DistilBertTokenizer, -) -from keras_nlp.src.models.electra.electra_backbone import ElectraBackbone -from keras_nlp.src.models.electra.electra_preprocessor import ( - ElectraPreprocessor, -) -from keras_nlp.src.models.electra.electra_tokenizer import ElectraTokenizer -from keras_nlp.src.models.f_net.f_net_backbone import FNetBackbone -from keras_nlp.src.models.f_net.f_net_classifier import FNetClassifier -from keras_nlp.src.models.f_net.f_net_masked_lm import FNetMaskedLM -from keras_nlp.src.models.f_net.f_net_masked_lm_preprocessor import ( - FNetMaskedLMPreprocessor, -) -from keras_nlp.src.models.f_net.f_net_preprocessor import FNetPreprocessor -from keras_nlp.src.models.f_net.f_net_tokenizer import FNetTokenizer -from keras_nlp.src.models.falcon.falcon_backbone import FalconBackbone -from keras_nlp.src.models.falcon.falcon_causal_lm import FalconCausalLM -from keras_nlp.src.models.falcon.falcon_tokenizer import FalconTokenizer -from keras_nlp.src.models.gemma.gemma_backbone import GemmaBackbone -from keras_nlp.src.models.gemma.gemma_causal_lm import GemmaCausalLM -from keras_nlp.src.models.gemma.gemma_causal_lm_preprocessor import ( - GemmaCausalLMPreprocessor, -) -from keras_nlp.src.models.gemma.gemma_preprocessor import GemmaPreprocessor -from keras_nlp.src.models.gemma.gemma_tokenizer import GemmaTokenizer -from keras_nlp.src.models.gpt2.gpt2_backbone import GPT2Backbone -from keras_nlp.src.models.gpt2.gpt2_causal_lm import GPT2CausalLM -from keras_nlp.src.models.gpt2.gpt2_causal_lm_preprocessor import ( - GPT2CausalLMPreprocessor, -) -from keras_nlp.src.models.gpt2.gpt2_preprocessor import GPT2Preprocessor -from keras_nlp.src.models.gpt2.gpt2_tokenizer import GPT2Tokenizer -from keras_nlp.src.models.gpt_neo_x.gpt_neo_x_backbone import GPTNeoXBackbone -from keras_nlp.src.models.gpt_neo_x.gpt_neo_x_causal_lm import GPTNeoXCausalLM -from keras_nlp.src.models.gpt_neo_x.gpt_neo_x_causal_lm_preprocessor import ( - GPTNeoXCausalLMPreprocessor, -) -from keras_nlp.src.models.gpt_neo_x.gpt_neo_x_preprocessor import ( - GPTNeoXPreprocessor, -) -from keras_nlp.src.models.gpt_neo_x.gpt_neo_x_tokenizer import GPTNeoXTokenizer -from keras_nlp.src.models.llama.llama_backbone import LlamaBackbone -from keras_nlp.src.models.llama.llama_causal_lm import LlamaCausalLM -from keras_nlp.src.models.llama.llama_causal_lm_preprocessor import ( - LlamaCausalLMPreprocessor, -) -from keras_nlp.src.models.llama.llama_preprocessor import LlamaPreprocessor -from keras_nlp.src.models.llama.llama_tokenizer import LlamaTokenizer -from keras_nlp.src.models.masked_lm import MaskedLM -from keras_nlp.src.models.mistral.mistral_backbone import MistralBackbone -from keras_nlp.src.models.mistral.mistral_causal_lm import MistralCausalLM -from keras_nlp.src.models.mistral.mistral_causal_lm_preprocessor import ( - MistralCausalLMPreprocessor, -) -from keras_nlp.src.models.mistral.mistral_preprocessor import ( - MistralPreprocessor, -) -from keras_nlp.src.models.mistral.mistral_tokenizer import MistralTokenizer -from keras_nlp.src.models.opt.opt_backbone import OPTBackbone -from keras_nlp.src.models.opt.opt_causal_lm import OPTCausalLM -from keras_nlp.src.models.opt.opt_causal_lm_preprocessor import ( - OPTCausalLMPreprocessor, -) -from keras_nlp.src.models.opt.opt_preprocessor import OPTPreprocessor -from keras_nlp.src.models.opt.opt_tokenizer import OPTTokenizer -from keras_nlp.src.models.phi3.phi3_backbone import Phi3Backbone -from keras_nlp.src.models.phi3.phi3_causal_lm import Phi3CausalLM -from keras_nlp.src.models.phi3.phi3_causal_lm_preprocessor import ( - Phi3CausalLMPreprocessor, -) -from keras_nlp.src.models.phi3.phi3_preprocessor import Phi3Preprocessor -from keras_nlp.src.models.phi3.phi3_tokenizer import Phi3Tokenizer -from keras_nlp.src.models.preprocessor import Preprocessor -from keras_nlp.src.models.roberta.roberta_backbone import RobertaBackbone -from keras_nlp.src.models.roberta.roberta_classifier import RobertaClassifier -from keras_nlp.src.models.roberta.roberta_masked_lm import RobertaMaskedLM -from keras_nlp.src.models.roberta.roberta_masked_lm_preprocessor import ( - RobertaMaskedLMPreprocessor, -) -from keras_nlp.src.models.roberta.roberta_preprocessor import ( - RobertaPreprocessor, -) -from keras_nlp.src.models.roberta.roberta_tokenizer import RobertaTokenizer -from keras_nlp.src.models.seq_2_seq_lm import Seq2SeqLM -from keras_nlp.src.models.t5.t5_backbone import T5Backbone -from keras_nlp.src.models.t5.t5_tokenizer import T5Tokenizer -from keras_nlp.src.models.task import Task -from keras_nlp.src.models.whisper.whisper_audio_feature_extractor import ( - WhisperAudioFeatureExtractor, -) -from keras_nlp.src.models.whisper.whisper_backbone import WhisperBackbone -from keras_nlp.src.models.whisper.whisper_preprocessor import ( - WhisperPreprocessor, -) -from keras_nlp.src.models.whisper.whisper_tokenizer import WhisperTokenizer -from keras_nlp.src.models.xlm_roberta.xlm_roberta_backbone import ( - XLMRobertaBackbone, -) -from keras_nlp.src.models.xlm_roberta.xlm_roberta_classifier import ( - XLMRobertaClassifier, -) -from keras_nlp.src.models.xlm_roberta.xlm_roberta_masked_lm import ( - XLMRobertaMaskedLM, -) -from keras_nlp.src.models.xlm_roberta.xlm_roberta_masked_lm_preprocessor import ( - XLMRobertaMaskedLMPreprocessor, -) -from keras_nlp.src.models.xlm_roberta.xlm_roberta_preprocessor import ( - XLMRobertaPreprocessor, -) -from keras_nlp.src.models.xlm_roberta.xlm_roberta_tokenizer import ( - XLMRobertaTokenizer, -) -from keras_nlp.src.models.xlnet.xlnet_backbone import XLNetBackbone -from keras_nlp.src.tokenizers.tokenizer import Tokenizer diff --git a/keras_nlp/src/models/electra/electra_tokenizer.py b/keras_nlp/src/models/electra/electra_tokenizer.py index 90dbf5f91b..318edb4b18 100644 --- a/keras_nlp/src/models/electra/electra_tokenizer.py +++ b/keras_nlp/src/models/electra/electra_tokenizer.py @@ -13,7 +13,7 @@ # limitations under the License. from keras_nlp.src.api_export import keras_nlp_export -from keras_nlp.src.tokenizers import WordPieceTokenizer +from keras_nlp.src.tokenizers.word_piece_tokenizer import WordPieceTokenizer @keras_nlp_export("keras_nlp.models.ElectraTokenizer") diff --git a/keras_nlp/src/models/task_test.py b/keras_nlp/src/models/task_test.py index 11b5475b71..b81da35269 100644 --- a/keras_nlp/src/models/task_test.py +++ b/keras_nlp/src/models/task_test.py @@ -17,10 +17,10 @@ import keras import pytest -from keras_nlp.src.models import CausalLM -from keras_nlp.src.models import Preprocessor -from keras_nlp.src.models import Task -from keras_nlp.src.models import Tokenizer +from keras_nlp.src.models.causal_lm import CausalLM +from keras_nlp.src.models.preprocessor import Preprocessor +from keras_nlp.src.models.task import Task +from keras_nlp.src.tokenizers.tokenizer import Tokenizer from keras_nlp.src.models.bert.bert_classifier import BertClassifier from keras_nlp.src.models.classifier import Classifier from keras_nlp.src.models.gpt2.gpt2_causal_lm import GPT2CausalLM diff --git a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py index 6866c4139d..346e85a736 100644 --- a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py +++ b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py @@ -18,7 +18,7 @@ import keras -from keras_nlp.src.layers import CachedMultiHeadAttention +from keras_nlp.src.layers.modeling.cached_multi_head_attention import CachedMultiHeadAttention def _index_to_einsum_variable(i): diff --git a/keras_nlp/src/samplers/__init__.py b/keras_nlp/src/samplers/__init__.py index 81f8f14e3f..ba0c2545e4 100644 --- a/keras_nlp/src/samplers/__init__.py +++ b/keras_nlp/src/samplers/__init__.py @@ -11,16 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -import keras - -from keras_nlp.src.samplers.beam_sampler import BeamSampler -from keras_nlp.src.samplers.contrastive_sampler import ContrastiveSampler -from keras_nlp.src.samplers.greedy_sampler import GreedySampler -from keras_nlp.src.samplers.random_sampler import RandomSampler -from keras_nlp.src.samplers.sampler import Sampler -from keras_nlp.src.samplers.serialization import deserialize -from keras_nlp.src.samplers.serialization import get -from keras_nlp.src.samplers.serialization import serialize -from keras_nlp.src.samplers.top_k_sampler import TopKSampler -from keras_nlp.src.samplers.top_p_sampler import TopPSampler diff --git a/keras_nlp/src/tests/test_case.py b/keras_nlp/src/tests/test_case.py index 7e8e0cec95..8ff819bae4 100644 --- a/keras_nlp/src/tests/test_case.py +++ b/keras_nlp/src/tests/test_case.py @@ -23,7 +23,7 @@ from keras import ops from keras import tree -from keras_nlp.src import layers as keras_nlp_layers +from keras_nlp.src.layers.modeling.reversible_embedding import ReversibleEmbedding from keras_nlp.src.tokenizers.tokenizer import Tokenizer from keras_nlp.src.utils.keras_utils import has_quantization_support from keras_nlp.src.utils.tensor_utils import is_float_dtype @@ -343,7 +343,7 @@ def _get_supported_layers(mode): supported_layers = [keras.layers.Dense, keras.layers.EinsumDense] if mode == "int8": supported_layers.append(keras.layers.Embedding) - supported_layers.append(keras_nlp_layers.ReversibleEmbedding) + supported_layers.append(ReversibleEmbedding) return supported_layers for mode in ["int8", "float8"]: diff --git a/keras_nlp/src/tokenizers/__init__.py b/keras_nlp/src/tokenizers/__init__.py index c15d73e0b6..ba0c2545e4 100644 --- a/keras_nlp/src/tokenizers/__init__.py +++ b/keras_nlp/src/tokenizers/__init__.py @@ -11,20 +11,3 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - -from keras_nlp.src.tokenizers.byte_pair_tokenizer import BytePairTokenizer -from keras_nlp.src.tokenizers.byte_tokenizer import ByteTokenizer -from keras_nlp.src.tokenizers.sentence_piece_tokenizer import ( - SentencePieceTokenizer, -) -from keras_nlp.src.tokenizers.sentence_piece_tokenizer_trainer import ( - compute_sentence_piece_proto, -) -from keras_nlp.src.tokenizers.tokenizer import Tokenizer -from keras_nlp.src.tokenizers.unicode_codepoint_tokenizer import ( - UnicodeCodepointTokenizer, -) -from keras_nlp.src.tokenizers.word_piece_tokenizer import WordPieceTokenizer -from keras_nlp.src.tokenizers.word_piece_tokenizer_trainer import ( - compute_word_piece_vocabulary, -) diff --git a/keras_nlp/src/utils/preset_utils_test.py b/keras_nlp/src/utils/preset_utils_test.py index 558ddcc62e..31805d7233 100644 --- a/keras_nlp/src/utils/preset_utils_test.py +++ b/keras_nlp/src/utils/preset_utils_test.py @@ -18,12 +18,12 @@ import pytest from absl.testing import parameterized -from keras_nlp.src import upload_preset -from keras_nlp.src.models import AlbertClassifier -from keras_nlp.src.models import BertBackbone -from keras_nlp.src.models import BertTokenizer +from keras_nlp.src.models.albert.albert_classifier import AlbertClassifier +from keras_nlp.src.models.bert.bert_backbone import BertBackbone +from keras_nlp.src.models.bert.bert_tokenizer import BertTokenizer from keras_nlp.src.tests.test_case import TestCase from keras_nlp.src.utils.keras_utils import has_quantization_support +from keras_nlp.src.utils.preset_utils import upload_preset from keras_nlp.src.utils.preset_utils import CONFIG_FILE from keras_nlp.src.utils.preset_utils import METADATA_FILE from keras_nlp.src.utils.preset_utils import TOKENIZER_CONFIG_FILE diff --git a/keras_nlp/src/version_utils.py b/keras_nlp/src/version_utils.py index bccf5b3f28..73f308f949 100644 --- a/keras_nlp/src/version_utils.py +++ b/keras_nlp/src/version_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2021 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. From a54633792df1e08cab1a8fe40f603b9534711d16 Mon Sep 17 00:00:00 2001 From: Matt Watson Date: Wed, 7 Aug 2024 18:27:07 -0700 Subject: [PATCH 2/3] Update every copyright --- LICENSE | 4 ++-- api_gen.py | 2 +- benchmarks/glue.py | 2 +- benchmarks/sentiment_analysis.py | 2 +- benchmarks/text_generation.py | 2 +- conftest.py | 2 +- examples/__init__.py | 2 +- examples/bert_pretraining/__init__.py | 2 +- examples/bert_pretraining/bert_config.py | 2 +- examples/bert_pretraining/bert_create_pretraining_data.py | 2 +- examples/bert_pretraining/bert_pretrain.py | 2 +- examples/glue_benchmark/glue.py | 2 +- examples/machine_translation/__init__.py | 2 +- examples/machine_translation/data.py | 2 +- examples/machine_translation/inference.py | 2 +- examples/machine_translation/model.py | 2 +- examples/machine_translation/train.py | 2 +- examples/tools/__init__.py | 2 +- examples/tools/split_sentences.py | 2 +- examples/tools/train_word_piece_vocab.py | 2 +- examples/utils/__init__.py | 2 +- examples/utils/data_utils.py | 2 +- examples/utils/scripting_utils.py | 2 +- integration_tests/__init__.py | 2 +- integration_tests/basic_usage_test.py | 2 +- integration_tests/import_test.py | 2 +- integration_tests/no_tensorflow_test.py | 2 +- keras_nlp/__init__.py | 2 +- keras_nlp/api/__init__.py | 2 +- keras_nlp/api/layers/__init__.py | 2 +- keras_nlp/api/metrics/__init__.py | 2 +- keras_nlp/api/models/__init__.py | 2 +- keras_nlp/api/samplers/__init__.py | 2 +- keras_nlp/api/tokenizers/__init__.py | 2 +- keras_nlp/src/__init__.py | 2 +- keras_nlp/src/api_export.py | 2 +- keras_nlp/src/layers/__init__.py | 2 +- keras_nlp/src/layers/modeling/__init__.py | 2 +- keras_nlp/src/layers/modeling/alibi_bias.py | 2 +- keras_nlp/src/layers/modeling/alibi_bias_test.py | 2 +- keras_nlp/src/layers/modeling/cached_multi_head_attention.py | 2 +- .../src/layers/modeling/cached_multi_head_attention_test.py | 2 +- keras_nlp/src/layers/modeling/f_net_encoder.py | 2 +- keras_nlp/src/layers/modeling/f_net_encoder_test.py | 2 +- keras_nlp/src/layers/modeling/masked_lm_head.py | 2 +- keras_nlp/src/layers/modeling/masked_lm_head_test.py | 2 +- keras_nlp/src/layers/modeling/position_embedding.py | 2 +- keras_nlp/src/layers/modeling/position_embedding_test.py | 2 +- keras_nlp/src/layers/modeling/reversible_embedding.py | 2 +- keras_nlp/src/layers/modeling/reversible_embedding_test.py | 2 +- keras_nlp/src/layers/modeling/rotary_embedding.py | 2 +- keras_nlp/src/layers/modeling/rotary_embedding_test.py | 2 +- keras_nlp/src/layers/modeling/sine_position_encoding.py | 2 +- keras_nlp/src/layers/modeling/sine_position_encoding_test.py | 2 +- keras_nlp/src/layers/modeling/token_and_position_embedding.py | 2 +- .../src/layers/modeling/token_and_position_embedding_test.py | 2 +- keras_nlp/src/layers/modeling/transformer_decoder.py | 2 +- keras_nlp/src/layers/modeling/transformer_decoder_test.py | 2 +- keras_nlp/src/layers/modeling/transformer_encoder.py | 2 +- keras_nlp/src/layers/modeling/transformer_encoder_test.py | 2 +- keras_nlp/src/layers/modeling/transformer_layer_utils.py | 2 +- keras_nlp/src/layers/modeling/transformer_layer_utils_test.py | 2 +- keras_nlp/src/layers/preprocessing/__init__.py | 2 +- .../src/layers/preprocessing/masked_lm_mask_generator.py | 2 +- .../src/layers/preprocessing/masked_lm_mask_generator_test.py | 2 +- keras_nlp/src/layers/preprocessing/multi_segment_packer.py | 2 +- .../src/layers/preprocessing/multi_segment_packer_test.py | 2 +- keras_nlp/src/layers/preprocessing/preprocessing_layer.py | 2 +- keras_nlp/src/layers/preprocessing/random_deletion.py | 2 +- keras_nlp/src/layers/preprocessing/random_deletion_test.py | 2 +- keras_nlp/src/layers/preprocessing/random_swap.py | 2 +- keras_nlp/src/layers/preprocessing/random_swap_test.py | 2 +- keras_nlp/src/layers/preprocessing/start_end_packer.py | 2 +- keras_nlp/src/layers/preprocessing/start_end_packer_test.py | 2 +- keras_nlp/src/metrics/__init__.py | 2 +- keras_nlp/src/metrics/bleu.py | 2 +- keras_nlp/src/metrics/bleu_test.py | 2 +- keras_nlp/src/metrics/edit_distance.py | 2 +- keras_nlp/src/metrics/edit_distance_test.py | 2 +- keras_nlp/src/metrics/perplexity.py | 2 +- keras_nlp/src/metrics/perplexity_test.py | 2 +- keras_nlp/src/metrics/rouge_base.py | 2 +- keras_nlp/src/metrics/rouge_l.py | 2 +- keras_nlp/src/metrics/rouge_l_test.py | 2 +- keras_nlp/src/metrics/rouge_n.py | 2 +- keras_nlp/src/metrics/rouge_n_test.py | 2 +- keras_nlp/src/models/__init__.py | 2 +- keras_nlp/src/models/albert/__init__.py | 2 +- keras_nlp/src/models/albert/albert_backbone.py | 2 +- keras_nlp/src/models/albert/albert_backbone_test.py | 2 +- keras_nlp/src/models/albert/albert_classifier.py | 2 +- keras_nlp/src/models/albert/albert_classifier_test.py | 2 +- keras_nlp/src/models/albert/albert_masked_lm.py | 2 +- keras_nlp/src/models/albert/albert_masked_lm_preprocessor.py | 2 +- .../src/models/albert/albert_masked_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/albert/albert_masked_lm_test.py | 2 +- keras_nlp/src/models/albert/albert_preprocessor.py | 2 +- keras_nlp/src/models/albert/albert_preprocessor_test.py | 2 +- keras_nlp/src/models/albert/albert_presets.py | 2 +- keras_nlp/src/models/albert/albert_tokenizer.py | 2 +- keras_nlp/src/models/albert/albert_tokenizer_test.py | 2 +- keras_nlp/src/models/backbone.py | 2 +- keras_nlp/src/models/backbone_test.py | 2 +- keras_nlp/src/models/bart/__init__.py | 2 +- keras_nlp/src/models/bart/bart_backbone.py | 2 +- keras_nlp/src/models/bart/bart_backbone_test.py | 2 +- keras_nlp/src/models/bart/bart_preprocessor.py | 2 +- keras_nlp/src/models/bart/bart_preprocessor_test.py | 2 +- keras_nlp/src/models/bart/bart_presets.py | 2 +- keras_nlp/src/models/bart/bart_seq_2_seq_lm.py | 2 +- keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor.py | 2 +- .../src/models/bart/bart_seq_2_seq_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/bart/bart_seq_2_seq_lm_test.py | 2 +- keras_nlp/src/models/bart/bart_tokenizer.py | 2 +- keras_nlp/src/models/bart/bart_tokenizer_test.py | 2 +- keras_nlp/src/models/bert/__init__.py | 2 +- keras_nlp/src/models/bert/bert_backbone.py | 2 +- keras_nlp/src/models/bert/bert_backbone_test.py | 2 +- keras_nlp/src/models/bert/bert_classifier.py | 2 +- keras_nlp/src/models/bert/bert_classifier_test.py | 2 +- keras_nlp/src/models/bert/bert_masked_lm.py | 2 +- keras_nlp/src/models/bert/bert_masked_lm_preprocessor.py | 2 +- keras_nlp/src/models/bert/bert_masked_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/bert/bert_masked_lm_test.py | 2 +- keras_nlp/src/models/bert/bert_preprocessor.py | 2 +- keras_nlp/src/models/bert/bert_preprocessor_test.py | 2 +- keras_nlp/src/models/bert/bert_presets.py | 2 +- keras_nlp/src/models/bert/bert_tokenizer.py | 2 +- keras_nlp/src/models/bert/bert_tokenizer_test.py | 2 +- keras_nlp/src/models/bloom/__init__.py | 2 +- keras_nlp/src/models/bloom/bloom_attention.py | 2 +- keras_nlp/src/models/bloom/bloom_backbone.py | 2 +- keras_nlp/src/models/bloom/bloom_backbone_test.py | 2 +- keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor.py | 2 +- .../src/models/bloom/bloom_causal_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/bloom/bloom_decoder.py | 2 +- keras_nlp/src/models/bloom/bloom_preprocessor.py | 2 +- keras_nlp/src/models/bloom/bloom_preprocessor_test.py | 2 +- keras_nlp/src/models/bloom/bloom_presets.py | 2 +- keras_nlp/src/models/bloom/bloom_tokenizer.py | 2 +- keras_nlp/src/models/bloom/bloom_tokenizer_test.py | 2 +- keras_nlp/src/models/causal_lm.py | 2 +- keras_nlp/src/models/classifier.py | 2 +- keras_nlp/src/models/deberta_v3/__init__.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_backbone.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_backbone_test.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_classifier.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_classifier_test.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm.py | 2 +- .../models/deberta_v3/deberta_v3_masked_lm_preprocessor.py | 2 +- .../deberta_v3/deberta_v3_masked_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_test.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor.py | 2 +- .../src/models/deberta_v3/deberta_v3_preprocessor_test.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_presets.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer.py | 2 +- keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer_test.py | 2 +- .../src/models/deberta_v3/disentangled_attention_encoder.py | 2 +- .../src/models/deberta_v3/disentangled_self_attention.py | 2 +- keras_nlp/src/models/deberta_v3/relative_embedding.py | 2 +- keras_nlp/src/models/distil_bert/__init__.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_backbone.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_backbone_test.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_classifier.py | 2 +- .../src/models/distil_bert/distil_bert_classifier_test.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_masked_lm.py | 2 +- .../models/distil_bert/distil_bert_masked_lm_preprocessor.py | 2 +- .../distil_bert/distil_bert_masked_lm_preprocessor_test.py | 2 +- .../src/models/distil_bert/distil_bert_masked_lm_test.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_preprocessor.py | 2 +- .../src/models/distil_bert/distil_bert_preprocessor_test.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_presets.py | 2 +- keras_nlp/src/models/distil_bert/distil_bert_tokenizer.py | 2 +- .../src/models/distil_bert/distil_bert_tokenizer_test.py | 2 +- keras_nlp/src/models/electra/__init__.py | 2 +- keras_nlp/src/models/electra/electra_backbone.py | 2 +- keras_nlp/src/models/electra/electra_backbone_test.py | 2 +- keras_nlp/src/models/electra/electra_preprocessor.py | 2 +- keras_nlp/src/models/electra/electra_preprocessor_test.py | 2 +- keras_nlp/src/models/electra/electra_presets.py | 2 +- keras_nlp/src/models/electra/electra_tokenizer.py | 2 +- keras_nlp/src/models/electra/electra_tokenizer_test.py | 2 +- keras_nlp/src/models/f_net/__init__.py | 2 +- keras_nlp/src/models/f_net/f_net_backbone.py | 2 +- keras_nlp/src/models/f_net/f_net_backbone_test.py | 2 +- keras_nlp/src/models/f_net/f_net_classifier.py | 2 +- keras_nlp/src/models/f_net/f_net_classifier_test.py | 2 +- keras_nlp/src/models/f_net/f_net_masked_lm.py | 2 +- keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor.py | 2 +- .../src/models/f_net/f_net_masked_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/f_net/f_net_masked_lm_test.py | 2 +- keras_nlp/src/models/f_net/f_net_preprocessor.py | 2 +- keras_nlp/src/models/f_net/f_net_preprocessor_test.py | 2 +- keras_nlp/src/models/f_net/f_net_presets.py | 2 +- keras_nlp/src/models/f_net/f_net_tokenizer.py | 2 +- keras_nlp/src/models/f_net/f_net_tokenizer_test.py | 2 +- keras_nlp/src/models/falcon/__init__.py | 2 +- keras_nlp/src/models/gemma/__init__.py | 2 +- keras_nlp/src/models/gpt2/__init__.py | 2 +- keras_nlp/src/models/gpt2/gpt2_backbone.py | 2 +- keras_nlp/src/models/gpt2/gpt2_backbone_test.py | 2 +- keras_nlp/src/models/gpt2/gpt2_causal_lm.py | 2 +- keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/gpt2/gpt2_causal_lm_test.py | 2 +- keras_nlp/src/models/gpt2/gpt2_preprocessor.py | 2 +- keras_nlp/src/models/gpt2/gpt2_preprocessor_test.py | 2 +- keras_nlp/src/models/gpt2/gpt2_presets.py | 2 +- keras_nlp/src/models/gpt2/gpt2_tokenizer.py | 2 +- keras_nlp/src/models/gpt2/gpt2_tokenizer_test.py | 2 +- keras_nlp/src/models/gpt_neo_x/__init__.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_attention.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone_test.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm.py | 2 +- .../src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py | 2 +- .../models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_test.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_decoder.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor_test.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py | 2 +- keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer_test.py | 2 +- keras_nlp/src/models/llama/__init__.py | 2 +- keras_nlp/src/models/llama/llama_attention.py | 2 +- keras_nlp/src/models/llama/llama_backbone.py | 2 +- keras_nlp/src/models/llama/llama_backbone_test.py | 2 +- keras_nlp/src/models/llama/llama_causal_lm.py | 2 +- keras_nlp/src/models/llama/llama_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/llama/llama_causal_lm_test.py | 2 +- keras_nlp/src/models/llama/llama_decoder.py | 2 +- keras_nlp/src/models/llama/llama_layernorm.py | 2 +- keras_nlp/src/models/llama/llama_preprocessor.py | 2 +- keras_nlp/src/models/llama/llama_preprocessor_test.py | 2 +- keras_nlp/src/models/llama/llama_presets.py | 2 +- keras_nlp/src/models/llama/llama_tokenizer.py | 2 +- keras_nlp/src/models/llama/llama_tokenizer_test.py | 2 +- keras_nlp/src/models/llama3/__init__.py | 2 +- keras_nlp/src/models/llama3/llama3_backbone.py | 2 +- keras_nlp/src/models/llama3/llama3_causal_lm.py | 2 +- keras_nlp/src/models/llama3/llama3_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/llama3/llama3_causal_lm_test.py | 2 +- keras_nlp/src/models/llama3/llama3_preprocessor.py | 2 +- keras_nlp/src/models/llama3/llama3_preprocessor_test.py | 2 +- keras_nlp/src/models/llama3/llama3_presets.py | 2 +- keras_nlp/src/models/llama3/llama3_tokenizer.py | 2 +- keras_nlp/src/models/llama3/llama3_tokenizer_test.py | 2 +- keras_nlp/src/models/masked_lm.py | 2 +- keras_nlp/src/models/mistral/__init__.py | 2 +- keras_nlp/src/models/mistral/mistral_attention.py | 2 +- keras_nlp/src/models/mistral/mistral_backbone.py | 2 +- keras_nlp/src/models/mistral/mistral_backbone_test.py | 2 +- keras_nlp/src/models/mistral/mistral_causal_lm.py | 2 +- .../src/models/mistral/mistral_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/mistral/mistral_causal_lm_test.py | 2 +- keras_nlp/src/models/mistral/mistral_layer_norm.py | 2 +- keras_nlp/src/models/mistral/mistral_preprocessor.py | 2 +- keras_nlp/src/models/mistral/mistral_preprocessor_test.py | 2 +- keras_nlp/src/models/mistral/mistral_presets.py | 2 +- keras_nlp/src/models/mistral/mistral_tokenizer.py | 2 +- keras_nlp/src/models/mistral/mistral_tokenizer_test.py | 2 +- keras_nlp/src/models/mistral/mistral_transformer_decoder.py | 2 +- keras_nlp/src/models/opt/__init__.py | 2 +- keras_nlp/src/models/opt/opt_backbone.py | 2 +- keras_nlp/src/models/opt/opt_backbone_test.py | 2 +- keras_nlp/src/models/opt/opt_causal_lm.py | 2 +- keras_nlp/src/models/opt/opt_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/opt/opt_causal_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/opt/opt_causal_lm_test.py | 2 +- keras_nlp/src/models/opt/opt_preprocessor.py | 2 +- keras_nlp/src/models/opt/opt_preprocessor_test.py | 2 +- keras_nlp/src/models/opt/opt_presets.py | 2 +- keras_nlp/src/models/opt/opt_tokenizer.py | 2 +- keras_nlp/src/models/opt/opt_tokenizer_test.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_backbone.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_backbone_test.py | 2 +- .../models/pali_gemma/pali_gemma_causal_lm_preprocessor.py | 2 +- .../pali_gemma/pali_gemma_causal_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_test.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block.py | 2 +- .../src/models/pali_gemma/pali_gemma_decoder_block_test.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_tokenizer.py | 2 +- keras_nlp/src/models/pali_gemma/pali_gemma_vit_test.py | 2 +- keras_nlp/src/models/phi3/phi3_causal_lm.py | 2 +- keras_nlp/src/models/phi3/phi3_causal_lm_preprocessor.py | 2 +- keras_nlp/src/models/phi3/phi3_causal_lm_test.py | 2 +- keras_nlp/src/models/phi3/phi3_preprocessor.py | 2 +- keras_nlp/src/models/preprocessor.py | 2 +- keras_nlp/src/models/preprocessor_test.py | 2 +- keras_nlp/src/models/roberta/__init__.py | 2 +- keras_nlp/src/models/roberta/roberta_backbone.py | 2 +- keras_nlp/src/models/roberta/roberta_backbone_test.py | 2 +- keras_nlp/src/models/roberta/roberta_classifier.py | 2 +- keras_nlp/src/models/roberta/roberta_classifier_test.py | 2 +- keras_nlp/src/models/roberta/roberta_masked_lm.py | 2 +- .../src/models/roberta/roberta_masked_lm_preprocessor.py | 2 +- .../src/models/roberta/roberta_masked_lm_preprocessor_test.py | 2 +- keras_nlp/src/models/roberta/roberta_masked_lm_test.py | 2 +- keras_nlp/src/models/roberta/roberta_preprocessor.py | 2 +- keras_nlp/src/models/roberta/roberta_preprocessor_test.py | 2 +- keras_nlp/src/models/roberta/roberta_presets.py | 2 +- keras_nlp/src/models/roberta/roberta_tokenizer.py | 2 +- keras_nlp/src/models/roberta/roberta_tokenizer_test.py | 2 +- keras_nlp/src/models/seq_2_seq_lm.py | 2 +- keras_nlp/src/models/t5/__init__.py | 2 +- keras_nlp/src/models/t5/t5_backbone.py | 2 +- keras_nlp/src/models/t5/t5_backbone_test.py | 2 +- keras_nlp/src/models/t5/t5_layer_norm.py | 2 +- keras_nlp/src/models/t5/t5_multi_head_attention.py | 2 +- keras_nlp/src/models/t5/t5_presets.py | 2 +- keras_nlp/src/models/t5/t5_tokenizer.py | 2 +- keras_nlp/src/models/t5/t5_tokenizer_test.py | 2 +- keras_nlp/src/models/t5/t5_transformer_layer.py | 2 +- keras_nlp/src/models/task.py | 2 +- keras_nlp/src/models/task_test.py | 2 +- keras_nlp/src/models/whisper/__init__.py | 2 +- .../src/models/whisper/whisper_audio_feature_extractor.py | 2 +- .../models/whisper/whisper_audio_feature_extractor_test.py | 2 +- keras_nlp/src/models/whisper/whisper_backbone.py | 2 +- keras_nlp/src/models/whisper/whisper_backbone_test.py | 2 +- .../src/models/whisper/whisper_cached_multi_head_attention.py | 2 +- keras_nlp/src/models/whisper/whisper_decoder.py | 2 +- keras_nlp/src/models/whisper/whisper_encoder.py | 2 +- keras_nlp/src/models/whisper/whisper_preprocessor.py | 2 +- keras_nlp/src/models/whisper/whisper_preprocessor_test.py | 2 +- keras_nlp/src/models/whisper/whisper_presets.py | 2 +- keras_nlp/src/models/whisper/whisper_tokenizer.py | 2 +- keras_nlp/src/models/whisper/whisper_tokenizer_test.py | 2 +- keras_nlp/src/models/xlm_roberta/__init__.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone_test.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier.py | 2 +- .../src/models/xlm_roberta/xlm_roberta_classifier_test.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm.py | 2 +- .../models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py | 2 +- .../xlm_roberta/xlm_roberta_masked_lm_preprocessor_test.py | 2 +- .../src/models/xlm_roberta/xlm_roberta_masked_lm_test.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor.py | 2 +- .../src/models/xlm_roberta/xlm_roberta_preprocessor_test.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_presets.py | 2 +- keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer.py | 2 +- .../src/models/xlm_roberta/xlm_roberta_tokenizer_test.py | 2 +- keras_nlp/src/models/xlnet/__init__.py | 2 +- keras_nlp/src/models/xlnet/relative_attention.py | 2 +- keras_nlp/src/models/xlnet/xlnet_backbone.py | 2 +- keras_nlp/src/models/xlnet/xlnet_backbone_test.py | 2 +- .../src/models/xlnet/xlnet_content_and_query_embedding.py | 2 +- keras_nlp/src/models/xlnet/xlnet_encoder.py | 2 +- keras_nlp/src/samplers/__init__.py | 2 +- keras_nlp/src/samplers/beam_sampler.py | 2 +- keras_nlp/src/samplers/beam_sampler_test.py | 2 +- keras_nlp/src/samplers/contrastive_sampler.py | 2 +- keras_nlp/src/samplers/contrastive_sampler_test.py | 2 +- keras_nlp/src/samplers/greedy_sampler.py | 2 +- keras_nlp/src/samplers/greedy_sampler_test.py | 2 +- keras_nlp/src/samplers/random_sampler.py | 2 +- keras_nlp/src/samplers/random_sampler_test.py | 2 +- keras_nlp/src/samplers/sampler.py | 2 +- keras_nlp/src/samplers/serialization.py | 2 +- keras_nlp/src/samplers/serialization_test.py | 2 +- keras_nlp/src/samplers/top_k_sampler.py | 2 +- keras_nlp/src/samplers/top_k_sampler_test.py | 2 +- keras_nlp/src/samplers/top_p_sampler.py | 2 +- keras_nlp/src/samplers/top_p_sampler_test.py | 2 +- keras_nlp/src/tests/__init__.py | 2 +- keras_nlp/src/tests/doc_tests/__init__.py | 2 +- keras_nlp/src/tests/doc_tests/docstring_lib.py | 2 +- keras_nlp/src/tests/doc_tests/docstring_test.py | 2 +- keras_nlp/src/tests/doc_tests/fenced_docstring_lib.py | 2 +- keras_nlp/src/tests/test_case.py | 2 +- keras_nlp/src/tokenizers/__init__.py | 2 +- keras_nlp/src/tokenizers/byte_pair_tokenizer.py | 2 +- keras_nlp/src/tokenizers/byte_pair_tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/byte_tokenizer.py | 2 +- keras_nlp/src/tokenizers/byte_tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/sentence_piece_tokenizer.py | 2 +- keras_nlp/src/tokenizers/sentence_piece_tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer.py | 2 +- .../src/tokenizers/sentence_piece_tokenizer_trainer_test.py | 2 +- keras_nlp/src/tokenizers/tokenizer.py | 2 +- keras_nlp/src/tokenizers/tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/unicode_codepoint_tokenizer.py | 2 +- keras_nlp/src/tokenizers/unicode_codepoint_tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/word_piece_tokenizer.py | 2 +- keras_nlp/src/tokenizers/word_piece_tokenizer_test.py | 2 +- keras_nlp/src/tokenizers/word_piece_tokenizer_trainer.py | 2 +- keras_nlp/src/tokenizers/word_piece_tokenizer_trainer_test.py | 2 +- keras_nlp/src/utils/__init__.py | 2 +- keras_nlp/src/utils/keras_utils.py | 2 +- keras_nlp/src/utils/keras_utils_test.py | 2 +- keras_nlp/src/utils/pipeline_model.py | 2 +- keras_nlp/src/utils/pipeline_model_test.py | 2 +- keras_nlp/src/utils/preset_utils.py | 2 +- keras_nlp/src/utils/preset_utils_test.py | 2 +- keras_nlp/src/utils/python_utils.py | 2 +- keras_nlp/src/utils/python_utils_test.py | 2 +- keras_nlp/src/utils/tensor_utils.py | 2 +- keras_nlp/src/utils/tensor_utils_test.py | 2 +- keras_nlp/src/utils/transformers/__init__.py | 2 +- keras_nlp/src/utils/transformers/convert_bert_test.py | 2 +- keras_nlp/src/utils/transformers/convert_gemma_test.py | 2 +- keras_nlp/src/utils/transformers/convert_llama3.py | 2 +- keras_nlp/src/utils/transformers/convert_llama3_test.py | 2 +- keras_nlp/src/utils/transformers/convert_pali_gemma.py | 2 +- keras_nlp/src/utils/transformers/convert_pali_gemma_test.py | 2 +- keras_nlp/src/utils/transformers/safetensor_utils.py | 2 +- keras_nlp/src/version_utils.py | 2 +- pip_build.py | 2 +- setup.py | 2 +- shell/copyright.txt | 2 +- tools/__init__.py | 2 +- tools/checkpoint_conversion/__init__.py | 2 +- tools/checkpoint_conversion/checkpoint_conversion_utils.py | 2 +- tools/checkpoint_conversion/convert_albert_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_bart_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_bloom_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_deberta_v3_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_distilbert_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_electra_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_f_net_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_falcon_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_gemma_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_gpt2_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_gpt_neox_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_llama3_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_llama_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_mistral_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_opt_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_pali_gemma_checkpoints.py | 2 +- .../convert_pali_gemma_vit_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_phi3_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_roberta_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_t5_checkpoints.py | 2 +- .../checkpoint_conversion/convert_xlm_roberta_checkpoints.py | 2 +- tools/checkpoint_conversion/convert_xlnet_checkpoints.py | 2 +- tools/convert_legacy_presets.py | 2 +- tools/count_preset_params.py | 2 +- tools/pretrained_tokenizers/word_piece_cleaning_script.py | 2 +- tools/pretrained_tokenizers/word_piece_training_script.py | 2 +- tools/quantize_checkpoints.py | 2 +- tools/sentencepiece_testing/__init__.py | 2 +- tools/sentencepiece_testing/create_albert_test_proto.py | 2 +- tools/sentencepiece_testing/create_deberta_v3_test_proto.py | 2 +- tools/sentencepiece_testing/create_f_net_test_proto.py | 2 +- tools/sentencepiece_testing/create_gemma_test_proto.py | 2 +- tools/sentencepiece_testing/create_llama_test_proto.py | 2 +- tools/sentencepiece_testing/create_mistral_test_proto.py | 2 +- tools/sentencepiece_testing/create_no_special_token_proto.py | 2 +- .../create_sentence_piece_tokenizer_proto.py | 2 +- tools/sentencepiece_testing/create_t5_test_proto.py | 2 +- tools/sentencepiece_testing/create_xlm_roberta_test_proto.py | 2 +- tools/sentencepiece_testing/utils.py | 2 +- 452 files changed, 453 insertions(+), 453 deletions(-) diff --git a/LICENSE b/LICENSE index 7dde247741..c08c53b76d 100644 --- a/LICENSE +++ b/LICENSE @@ -1,4 +1,4 @@ -Copyright 2021, KerasNLP authors. All rights reserved. +Copyright 2024, KerasNLP authors. All rights reserved. Apache License Version 2.0, January 2004 @@ -188,7 +188,7 @@ Copyright 2021, KerasNLP authors. All rights reserved. same "printed page" as the copyright notice for easier identification within third-party archives. - Copyright 2021, KerasNLP authors. + Copyright 2024, KerasNLP authors. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/api_gen.py b/api_gen.py index bb8957d860..734e79f1d0 100644 --- a/api_gen.py +++ b/api_gen.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/benchmarks/glue.py b/benchmarks/glue.py index 43caf9a44c..75a7b008e6 100644 --- a/benchmarks/glue.py +++ b/benchmarks/glue.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/benchmarks/sentiment_analysis.py b/benchmarks/sentiment_analysis.py index 6ce3aed6e2..6ad4f52a1e 100644 --- a/benchmarks/sentiment_analysis.py +++ b/benchmarks/sentiment_analysis.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/benchmarks/text_generation.py b/benchmarks/text_generation.py index e88f36b990..fe829b77ca 100644 --- a/benchmarks/text_generation.py +++ b/benchmarks/text_generation.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/conftest.py b/conftest.py index 4950c9cd05..327654cf51 100644 --- a/conftest.py +++ b/conftest.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/__init__.py b/examples/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/examples/__init__.py +++ b/examples/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/bert_pretraining/__init__.py b/examples/bert_pretraining/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/examples/bert_pretraining/__init__.py +++ b/examples/bert_pretraining/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/bert_pretraining/bert_config.py b/examples/bert_pretraining/bert_config.py index cfde06783b..5c28ceae70 100644 --- a/examples/bert_pretraining/bert_config.py +++ b/examples/bert_pretraining/bert_config.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/bert_pretraining/bert_create_pretraining_data.py b/examples/bert_pretraining/bert_create_pretraining_data.py index f7dcb54426..e0edeb7b08 100644 --- a/examples/bert_pretraining/bert_create_pretraining_data.py +++ b/examples/bert_pretraining/bert_create_pretraining_data.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors. +# Copyright 2024 The KerasNLP Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/bert_pretraining/bert_pretrain.py b/examples/bert_pretraining/bert_pretrain.py index 3a7e9ffc19..95e2b77d4b 100644 --- a/examples/bert_pretraining/bert_pretrain.py +++ b/examples/bert_pretraining/bert_pretrain.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/glue_benchmark/glue.py b/examples/glue_benchmark/glue.py index 358b61221e..76fb602b2c 100644 --- a/examples/glue_benchmark/glue.py +++ b/examples/glue_benchmark/glue.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/machine_translation/__init__.py b/examples/machine_translation/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/examples/machine_translation/__init__.py +++ b/examples/machine_translation/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/machine_translation/data.py b/examples/machine_translation/data.py index e9a25fb4d0..6015820eac 100644 --- a/examples/machine_translation/data.py +++ b/examples/machine_translation/data.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/machine_translation/inference.py b/examples/machine_translation/inference.py index fdb4848c47..5a3a1118e4 100644 --- a/examples/machine_translation/inference.py +++ b/examples/machine_translation/inference.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/machine_translation/model.py b/examples/machine_translation/model.py index cd9d0179c9..99a115f6c9 100644 --- a/examples/machine_translation/model.py +++ b/examples/machine_translation/model.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/machine_translation/train.py b/examples/machine_translation/train.py index 9ebac34fc7..dcc026e1fb 100644 --- a/examples/machine_translation/train.py +++ b/examples/machine_translation/train.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/tools/__init__.py b/examples/tools/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/examples/tools/__init__.py +++ b/examples/tools/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/tools/split_sentences.py b/examples/tools/split_sentences.py index 7606d0a070..d3897cb6d3 100644 --- a/examples/tools/split_sentences.py +++ b/examples/tools/split_sentences.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/tools/train_word_piece_vocab.py b/examples/tools/train_word_piece_vocab.py index a9689aaf7f..ad460c2f4d 100644 --- a/examples/tools/train_word_piece_vocab.py +++ b/examples/tools/train_word_piece_vocab.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/utils/__init__.py b/examples/utils/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/examples/utils/__init__.py +++ b/examples/utils/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/utils/data_utils.py b/examples/utils/data_utils.py index b0c4a53209..4780fe10dd 100644 --- a/examples/utils/data_utils.py +++ b/examples/utils/data_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/utils/scripting_utils.py b/examples/utils/scripting_utils.py index 224fe39fe6..33b8165785 100644 --- a/examples/utils/scripting_utils.py +++ b/examples/utils/scripting_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/integration_tests/__init__.py b/integration_tests/__init__.py index e6f8e2a8d2..3364a6bd16 100644 --- a/integration_tests/__init__.py +++ b/integration_tests/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/integration_tests/basic_usage_test.py b/integration_tests/basic_usage_test.py index 358b544720..596011f932 100644 --- a/integration_tests/basic_usage_test.py +++ b/integration_tests/basic_usage_test.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/integration_tests/import_test.py b/integration_tests/import_test.py index 6b996c184e..bd36202cff 100644 --- a/integration_tests/import_test.py +++ b/integration_tests/import_test.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/integration_tests/no_tensorflow_test.py b/integration_tests/no_tensorflow_test.py index ec937b7565..2562041218 100644 --- a/integration_tests/no_tensorflow_test.py +++ b/integration_tests/no_tensorflow_test.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/__init__.py b/keras_nlp/__init__.py index f6552228de..238f54bd6f 100644 --- a/keras_nlp/__init__.py +++ b/keras_nlp/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/__init__.py b/keras_nlp/api/__init__.py index 0c3aa253e5..d0dc4576c6 100644 --- a/keras_nlp/api/__init__.py +++ b/keras_nlp/api/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/layers/__init__.py b/keras_nlp/api/layers/__init__.py index d80bd72440..73ad66b30b 100644 --- a/keras_nlp/api/layers/__init__.py +++ b/keras_nlp/api/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/metrics/__init__.py b/keras_nlp/api/metrics/__init__.py index f202964e4c..aa1f9b90eb 100644 --- a/keras_nlp/api/metrics/__init__.py +++ b/keras_nlp/api/metrics/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/models/__init__.py b/keras_nlp/api/models/__init__.py index 4fb3b3cf00..8422d0afa7 100644 --- a/keras_nlp/api/models/__init__.py +++ b/keras_nlp/api/models/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/samplers/__init__.py b/keras_nlp/api/samplers/__init__.py index 3aa22ada0a..a825c276de 100644 --- a/keras_nlp/api/samplers/__init__.py +++ b/keras_nlp/api/samplers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/api/tokenizers/__init__.py b/keras_nlp/api/tokenizers/__init__.py index 90f2e65383..01a3bd50c7 100644 --- a/keras_nlp/api/tokenizers/__init__.py +++ b/keras_nlp/api/tokenizers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/__init__.py b/keras_nlp/src/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/__init__.py +++ b/keras_nlp/src/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/api_export.py b/keras_nlp/src/api_export.py index 890e1f5913..cfa3519ce9 100644 --- a/keras_nlp/src/api_export.py +++ b/keras_nlp/src/api_export.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/__init__.py b/keras_nlp/src/layers/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/layers/__init__.py +++ b/keras_nlp/src/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/__init__.py b/keras_nlp/src/layers/modeling/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/layers/modeling/__init__.py +++ b/keras_nlp/src/layers/modeling/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/alibi_bias.py b/keras_nlp/src/layers/modeling/alibi_bias.py index c66aa016a9..c109d16b0c 100644 --- a/keras_nlp/src/layers/modeling/alibi_bias.py +++ b/keras_nlp/src/layers/modeling/alibi_bias.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/alibi_bias_test.py b/keras_nlp/src/layers/modeling/alibi_bias_test.py index 436973f48c..beb5a482b0 100644 --- a/keras_nlp/src/layers/modeling/alibi_bias_test.py +++ b/keras_nlp/src/layers/modeling/alibi_bias_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/cached_multi_head_attention.py b/keras_nlp/src/layers/modeling/cached_multi_head_attention.py index 0344d2f8e7..7c18d63e89 100644 --- a/keras_nlp/src/layers/modeling/cached_multi_head_attention.py +++ b/keras_nlp/src/layers/modeling/cached_multi_head_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/cached_multi_head_attention_test.py b/keras_nlp/src/layers/modeling/cached_multi_head_attention_test.py index 21f8d47ef7..e4d170e067 100644 --- a/keras_nlp/src/layers/modeling/cached_multi_head_attention_test.py +++ b/keras_nlp/src/layers/modeling/cached_multi_head_attention_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/f_net_encoder.py b/keras_nlp/src/layers/modeling/f_net_encoder.py index 4e4dddb817..4b650eea5c 100644 --- a/keras_nlp/src/layers/modeling/f_net_encoder.py +++ b/keras_nlp/src/layers/modeling/f_net_encoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/f_net_encoder_test.py b/keras_nlp/src/layers/modeling/f_net_encoder_test.py index 31475880ac..79270f6fed 100644 --- a/keras_nlp/src/layers/modeling/f_net_encoder_test.py +++ b/keras_nlp/src/layers/modeling/f_net_encoder_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/masked_lm_head.py b/keras_nlp/src/layers/modeling/masked_lm_head.py index 1efb016d28..962b2883c5 100644 --- a/keras_nlp/src/layers/modeling/masked_lm_head.py +++ b/keras_nlp/src/layers/modeling/masked_lm_head.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/masked_lm_head_test.py b/keras_nlp/src/layers/modeling/masked_lm_head_test.py index 231679c900..b035390eb1 100644 --- a/keras_nlp/src/layers/modeling/masked_lm_head_test.py +++ b/keras_nlp/src/layers/modeling/masked_lm_head_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/position_embedding.py b/keras_nlp/src/layers/modeling/position_embedding.py index 4933e4daaf..205417beaa 100644 --- a/keras_nlp/src/layers/modeling/position_embedding.py +++ b/keras_nlp/src/layers/modeling/position_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/position_embedding_test.py b/keras_nlp/src/layers/modeling/position_embedding_test.py index c43c2458c9..3d099b57d6 100644 --- a/keras_nlp/src/layers/modeling/position_embedding_test.py +++ b/keras_nlp/src/layers/modeling/position_embedding_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/reversible_embedding.py b/keras_nlp/src/layers/modeling/reversible_embedding.py index 5cf6c9c663..485fb45606 100644 --- a/keras_nlp/src/layers/modeling/reversible_embedding.py +++ b/keras_nlp/src/layers/modeling/reversible_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/reversible_embedding_test.py b/keras_nlp/src/layers/modeling/reversible_embedding_test.py index 31682584f2..9d6921a126 100644 --- a/keras_nlp/src/layers/modeling/reversible_embedding_test.py +++ b/keras_nlp/src/layers/modeling/reversible_embedding_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/rotary_embedding.py b/keras_nlp/src/layers/modeling/rotary_embedding.py index 9bc2f01552..9b49a1f3ee 100644 --- a/keras_nlp/src/layers/modeling/rotary_embedding.py +++ b/keras_nlp/src/layers/modeling/rotary_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/rotary_embedding_test.py b/keras_nlp/src/layers/modeling/rotary_embedding_test.py index e4b8aaba4e..fa176b8ebd 100644 --- a/keras_nlp/src/layers/modeling/rotary_embedding_test.py +++ b/keras_nlp/src/layers/modeling/rotary_embedding_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/sine_position_encoding.py b/keras_nlp/src/layers/modeling/sine_position_encoding.py index a3578d677c..b0c4b07fae 100644 --- a/keras_nlp/src/layers/modeling/sine_position_encoding.py +++ b/keras_nlp/src/layers/modeling/sine_position_encoding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/sine_position_encoding_test.py b/keras_nlp/src/layers/modeling/sine_position_encoding_test.py index 371866d3f0..4c1c107647 100644 --- a/keras_nlp/src/layers/modeling/sine_position_encoding_test.py +++ b/keras_nlp/src/layers/modeling/sine_position_encoding_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/token_and_position_embedding.py b/keras_nlp/src/layers/modeling/token_and_position_embedding.py index 291d8fc059..38988f2478 100644 --- a/keras_nlp/src/layers/modeling/token_and_position_embedding.py +++ b/keras_nlp/src/layers/modeling/token_and_position_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/token_and_position_embedding_test.py b/keras_nlp/src/layers/modeling/token_and_position_embedding_test.py index 1689df500c..bc27a3cbec 100644 --- a/keras_nlp/src/layers/modeling/token_and_position_embedding_test.py +++ b/keras_nlp/src/layers/modeling/token_and_position_embedding_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_decoder.py b/keras_nlp/src/layers/modeling/transformer_decoder.py index 7d1f410ffa..c7c0064305 100644 --- a/keras_nlp/src/layers/modeling/transformer_decoder.py +++ b/keras_nlp/src/layers/modeling/transformer_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_decoder_test.py b/keras_nlp/src/layers/modeling/transformer_decoder_test.py index 75d94941e6..73799883ee 100644 --- a/keras_nlp/src/layers/modeling/transformer_decoder_test.py +++ b/keras_nlp/src/layers/modeling/transformer_decoder_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_encoder.py b/keras_nlp/src/layers/modeling/transformer_encoder.py index a861dffba4..db96ccbb1e 100644 --- a/keras_nlp/src/layers/modeling/transformer_encoder.py +++ b/keras_nlp/src/layers/modeling/transformer_encoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_encoder_test.py b/keras_nlp/src/layers/modeling/transformer_encoder_test.py index 0dc0a5f91a..623f9202f2 100644 --- a/keras_nlp/src/layers/modeling/transformer_encoder_test.py +++ b/keras_nlp/src/layers/modeling/transformer_encoder_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_layer_utils.py b/keras_nlp/src/layers/modeling/transformer_layer_utils.py index 1e896f7880..fff8ce76bc 100644 --- a/keras_nlp/src/layers/modeling/transformer_layer_utils.py +++ b/keras_nlp/src/layers/modeling/transformer_layer_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/modeling/transformer_layer_utils_test.py b/keras_nlp/src/layers/modeling/transformer_layer_utils_test.py index 0615ca8551..e914d8cee1 100644 --- a/keras_nlp/src/layers/modeling/transformer_layer_utils_test.py +++ b/keras_nlp/src/layers/modeling/transformer_layer_utils_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/__init__.py b/keras_nlp/src/layers/preprocessing/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/layers/preprocessing/__init__.py +++ b/keras_nlp/src/layers/preprocessing/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator.py b/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator.py index d3eeef778a..0e8d27242b 100644 --- a/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator.py +++ b/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator_test.py b/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator_test.py index 7e793d1add..cfc497c6f5 100644 --- a/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator_test.py +++ b/keras_nlp/src/layers/preprocessing/masked_lm_mask_generator_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/multi_segment_packer.py b/keras_nlp/src/layers/preprocessing/multi_segment_packer.py index cadd66a940..47b1ad756c 100644 --- a/keras_nlp/src/layers/preprocessing/multi_segment_packer.py +++ b/keras_nlp/src/layers/preprocessing/multi_segment_packer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/multi_segment_packer_test.py b/keras_nlp/src/layers/preprocessing/multi_segment_packer_test.py index 36ad013f36..7c1de33fff 100644 --- a/keras_nlp/src/layers/preprocessing/multi_segment_packer_test.py +++ b/keras_nlp/src/layers/preprocessing/multi_segment_packer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/preprocessing_layer.py b/keras_nlp/src/layers/preprocessing/preprocessing_layer.py index 044b4038c0..103f849405 100644 --- a/keras_nlp/src/layers/preprocessing/preprocessing_layer.py +++ b/keras_nlp/src/layers/preprocessing/preprocessing_layer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/random_deletion.py b/keras_nlp/src/layers/preprocessing/random_deletion.py index 4da53beea7..19e8f663e9 100644 --- a/keras_nlp/src/layers/preprocessing/random_deletion.py +++ b/keras_nlp/src/layers/preprocessing/random_deletion.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/random_deletion_test.py b/keras_nlp/src/layers/preprocessing/random_deletion_test.py index 2b5f9392b7..85392e2c46 100644 --- a/keras_nlp/src/layers/preprocessing/random_deletion_test.py +++ b/keras_nlp/src/layers/preprocessing/random_deletion_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/random_swap.py b/keras_nlp/src/layers/preprocessing/random_swap.py index 8e524cbea6..b2fb4c8cfa 100644 --- a/keras_nlp/src/layers/preprocessing/random_swap.py +++ b/keras_nlp/src/layers/preprocessing/random_swap.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/random_swap_test.py b/keras_nlp/src/layers/preprocessing/random_swap_test.py index 9037e4bd25..92db967143 100644 --- a/keras_nlp/src/layers/preprocessing/random_swap_test.py +++ b/keras_nlp/src/layers/preprocessing/random_swap_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/start_end_packer.py b/keras_nlp/src/layers/preprocessing/start_end_packer.py index 5fa7466dea..220bf2cdc9 100644 --- a/keras_nlp/src/layers/preprocessing/start_end_packer.py +++ b/keras_nlp/src/layers/preprocessing/start_end_packer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/layers/preprocessing/start_end_packer_test.py b/keras_nlp/src/layers/preprocessing/start_end_packer_test.py index d6d2f98b91..dc99eaa8cd 100644 --- a/keras_nlp/src/layers/preprocessing/start_end_packer_test.py +++ b/keras_nlp/src/layers/preprocessing/start_end_packer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/__init__.py b/keras_nlp/src/metrics/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/metrics/__init__.py +++ b/keras_nlp/src/metrics/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/bleu.py b/keras_nlp/src/metrics/bleu.py index a9ff0d9cdb..973228f6c9 100644 --- a/keras_nlp/src/metrics/bleu.py +++ b/keras_nlp/src/metrics/bleu.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/bleu_test.py b/keras_nlp/src/metrics/bleu_test.py index 8dce2c6c15..f8526ab3b9 100644 --- a/keras_nlp/src/metrics/bleu_test.py +++ b/keras_nlp/src/metrics/bleu_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/edit_distance.py b/keras_nlp/src/metrics/edit_distance.py index 6d8743c19c..91698af094 100644 --- a/keras_nlp/src/metrics/edit_distance.py +++ b/keras_nlp/src/metrics/edit_distance.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/edit_distance_test.py b/keras_nlp/src/metrics/edit_distance_test.py index 65fc69f414..8bd8c6fcc3 100644 --- a/keras_nlp/src/metrics/edit_distance_test.py +++ b/keras_nlp/src/metrics/edit_distance_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/perplexity.py b/keras_nlp/src/metrics/perplexity.py index 16c767f88d..cf567d0a2d 100644 --- a/keras_nlp/src/metrics/perplexity.py +++ b/keras_nlp/src/metrics/perplexity.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/perplexity_test.py b/keras_nlp/src/metrics/perplexity_test.py index 2e105b8a59..32c993cf4a 100644 --- a/keras_nlp/src/metrics/perplexity_test.py +++ b/keras_nlp/src/metrics/perplexity_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/rouge_base.py b/keras_nlp/src/metrics/rouge_base.py index 5f589506ad..4c84454590 100644 --- a/keras_nlp/src/metrics/rouge_base.py +++ b/keras_nlp/src/metrics/rouge_base.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/rouge_l.py b/keras_nlp/src/metrics/rouge_l.py index f5a8ec4c8e..94aa342c0c 100644 --- a/keras_nlp/src/metrics/rouge_l.py +++ b/keras_nlp/src/metrics/rouge_l.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/rouge_l_test.py b/keras_nlp/src/metrics/rouge_l_test.py index 87d71beca2..98cdf9e01a 100644 --- a/keras_nlp/src/metrics/rouge_l_test.py +++ b/keras_nlp/src/metrics/rouge_l_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/rouge_n.py b/keras_nlp/src/metrics/rouge_n.py index 8c67b3cf0c..61b43866bd 100644 --- a/keras_nlp/src/metrics/rouge_n.py +++ b/keras_nlp/src/metrics/rouge_n.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/metrics/rouge_n_test.py b/keras_nlp/src/metrics/rouge_n_test.py index 47b8ff1f18..5c48ae4a5d 100644 --- a/keras_nlp/src/metrics/rouge_n_test.py +++ b/keras_nlp/src/metrics/rouge_n_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/__init__.py b/keras_nlp/src/models/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/models/__init__.py +++ b/keras_nlp/src/models/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/__init__.py b/keras_nlp/src/models/albert/__init__.py index 74c528ebf3..70f9ea2f96 100644 --- a/keras_nlp/src/models/albert/__init__.py +++ b/keras_nlp/src/models/albert/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_backbone.py b/keras_nlp/src/models/albert/albert_backbone.py index 6111cd3141..16734364dc 100644 --- a/keras_nlp/src/models/albert/albert_backbone.py +++ b/keras_nlp/src/models/albert/albert_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_backbone_test.py b/keras_nlp/src/models/albert/albert_backbone_test.py index 83d8cb55b9..7d21ecdfb6 100644 --- a/keras_nlp/src/models/albert/albert_backbone_test.py +++ b/keras_nlp/src/models/albert/albert_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_classifier.py b/keras_nlp/src/models/albert/albert_classifier.py index c247ad29cf..056d718d4e 100644 --- a/keras_nlp/src/models/albert/albert_classifier.py +++ b/keras_nlp/src/models/albert/albert_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_classifier_test.py b/keras_nlp/src/models/albert/albert_classifier_test.py index e15a2826a2..e31cb12373 100644 --- a/keras_nlp/src/models/albert/albert_classifier_test.py +++ b/keras_nlp/src/models/albert/albert_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_masked_lm.py b/keras_nlp/src/models/albert/albert_masked_lm.py index 5a726a3842..b861504d5d 100644 --- a/keras_nlp/src/models/albert/albert_masked_lm.py +++ b/keras_nlp/src/models/albert/albert_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_masked_lm_preprocessor.py b/keras_nlp/src/models/albert/albert_masked_lm_preprocessor.py index b24d6d19f5..f40c6031fb 100644 --- a/keras_nlp/src/models/albert/albert_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/albert/albert_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_masked_lm_preprocessor_test.py b/keras_nlp/src/models/albert/albert_masked_lm_preprocessor_test.py index 70ef70d08f..343c53d039 100644 --- a/keras_nlp/src/models/albert/albert_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/albert/albert_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_masked_lm_test.py b/keras_nlp/src/models/albert/albert_masked_lm_test.py index 954fc32b4a..977f8f1fec 100644 --- a/keras_nlp/src/models/albert/albert_masked_lm_test.py +++ b/keras_nlp/src/models/albert/albert_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_preprocessor.py b/keras_nlp/src/models/albert/albert_preprocessor.py index 7a7f356702..e52144dc67 100644 --- a/keras_nlp/src/models/albert/albert_preprocessor.py +++ b/keras_nlp/src/models/albert/albert_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_preprocessor_test.py b/keras_nlp/src/models/albert/albert_preprocessor_test.py index b13234d53a..0cd693dd71 100644 --- a/keras_nlp/src/models/albert/albert_preprocessor_test.py +++ b/keras_nlp/src/models/albert/albert_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_presets.py b/keras_nlp/src/models/albert/albert_presets.py index 3cd8215295..db2507669a 100644 --- a/keras_nlp/src/models/albert/albert_presets.py +++ b/keras_nlp/src/models/albert/albert_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_tokenizer.py b/keras_nlp/src/models/albert/albert_tokenizer.py index 824538e482..37223aa76c 100644 --- a/keras_nlp/src/models/albert/albert_tokenizer.py +++ b/keras_nlp/src/models/albert/albert_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/albert/albert_tokenizer_test.py b/keras_nlp/src/models/albert/albert_tokenizer_test.py index a6805ee085..39bafc3dc3 100644 --- a/keras_nlp/src/models/albert/albert_tokenizer_test.py +++ b/keras_nlp/src/models/albert/albert_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/backbone.py b/keras_nlp/src/models/backbone.py index a58072dfce..d74f03ccd7 100644 --- a/keras_nlp/src/models/backbone.py +++ b/keras_nlp/src/models/backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/backbone_test.py b/keras_nlp/src/models/backbone_test.py index a1ecebf408..966806592b 100644 --- a/keras_nlp/src/models/backbone_test.py +++ b/keras_nlp/src/models/backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/__init__.py b/keras_nlp/src/models/bart/__init__.py index 6c0919c99c..e8da669a11 100644 --- a/keras_nlp/src/models/bart/__init__.py +++ b/keras_nlp/src/models/bart/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_backbone.py b/keras_nlp/src/models/bart/bart_backbone.py index ebeb1df917..f64b9165b6 100644 --- a/keras_nlp/src/models/bart/bart_backbone.py +++ b/keras_nlp/src/models/bart/bart_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_backbone_test.py b/keras_nlp/src/models/bart/bart_backbone_test.py index c9f5c6c97e..b9c87d524b 100644 --- a/keras_nlp/src/models/bart/bart_backbone_test.py +++ b/keras_nlp/src/models/bart/bart_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_preprocessor.py b/keras_nlp/src/models/bart/bart_preprocessor.py index 2392208b88..6728519193 100644 --- a/keras_nlp/src/models/bart/bart_preprocessor.py +++ b/keras_nlp/src/models/bart/bart_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_preprocessor_test.py b/keras_nlp/src/models/bart/bart_preprocessor_test.py index d5f79854af..e485803ee5 100644 --- a/keras_nlp/src/models/bart/bart_preprocessor_test.py +++ b/keras_nlp/src/models/bart/bart_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_presets.py b/keras_nlp/src/models/bart/bart_presets.py index cca8d54959..f73d5b569c 100644 --- a/keras_nlp/src/models/bart/bart_presets.py +++ b/keras_nlp/src/models/bart/bart_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_seq_2_seq_lm.py b/keras_nlp/src/models/bart/bart_seq_2_seq_lm.py index 0b6407fe58..bcd957cdac 100644 --- a/keras_nlp/src/models/bart/bart_seq_2_seq_lm.py +++ b/keras_nlp/src/models/bart/bart_seq_2_seq_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor.py b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor.py index a1fcf409b0..d08711e669 100644 --- a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor.py +++ b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor_test.py b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor_test.py index 1cc9aef070..471fd45e95 100644 --- a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor_test.py +++ b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_test.py b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_test.py index 613ccf1c01..a218ae3e82 100644 --- a/keras_nlp/src/models/bart/bart_seq_2_seq_lm_test.py +++ b/keras_nlp/src/models/bart/bart_seq_2_seq_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_tokenizer.py b/keras_nlp/src/models/bart/bart_tokenizer.py index 4dad21dc5f..0e69c6ebda 100644 --- a/keras_nlp/src/models/bart/bart_tokenizer.py +++ b/keras_nlp/src/models/bart/bart_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bart/bart_tokenizer_test.py b/keras_nlp/src/models/bart/bart_tokenizer_test.py index c11c49adf5..25a81768ed 100644 --- a/keras_nlp/src/models/bart/bart_tokenizer_test.py +++ b/keras_nlp/src/models/bart/bart_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/__init__.py b/keras_nlp/src/models/bert/__init__.py index 1563af27c4..8cf204df49 100644 --- a/keras_nlp/src/models/bert/__init__.py +++ b/keras_nlp/src/models/bert/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_backbone.py b/keras_nlp/src/models/bert/bert_backbone.py index f04ae7410c..2b47578be8 100644 --- a/keras_nlp/src/models/bert/bert_backbone.py +++ b/keras_nlp/src/models/bert/bert_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_backbone_test.py b/keras_nlp/src/models/bert/bert_backbone_test.py index e6a7edb35e..f2e8bd5d34 100644 --- a/keras_nlp/src/models/bert/bert_backbone_test.py +++ b/keras_nlp/src/models/bert/bert_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_classifier.py b/keras_nlp/src/models/bert/bert_classifier.py index c00d1a1d25..7a181df80c 100644 --- a/keras_nlp/src/models/bert/bert_classifier.py +++ b/keras_nlp/src/models/bert/bert_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_classifier_test.py b/keras_nlp/src/models/bert/bert_classifier_test.py index ef4d81aa98..d1c983f476 100644 --- a/keras_nlp/src/models/bert/bert_classifier_test.py +++ b/keras_nlp/src/models/bert/bert_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_masked_lm.py b/keras_nlp/src/models/bert/bert_masked_lm.py index 09797b3955..1daa570559 100644 --- a/keras_nlp/src/models/bert/bert_masked_lm.py +++ b/keras_nlp/src/models/bert/bert_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_masked_lm_preprocessor.py b/keras_nlp/src/models/bert/bert_masked_lm_preprocessor.py index 9743311059..3af5b70561 100644 --- a/keras_nlp/src/models/bert/bert_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/bert/bert_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_masked_lm_preprocessor_test.py b/keras_nlp/src/models/bert/bert_masked_lm_preprocessor_test.py index 4b898f7bff..3e41b8c55e 100644 --- a/keras_nlp/src/models/bert/bert_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/bert/bert_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_masked_lm_test.py b/keras_nlp/src/models/bert/bert_masked_lm_test.py index de8d8e651b..c00848c7c7 100644 --- a/keras_nlp/src/models/bert/bert_masked_lm_test.py +++ b/keras_nlp/src/models/bert/bert_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_preprocessor.py b/keras_nlp/src/models/bert/bert_preprocessor.py index e20e8b658b..64b0acbeb6 100644 --- a/keras_nlp/src/models/bert/bert_preprocessor.py +++ b/keras_nlp/src/models/bert/bert_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_preprocessor_test.py b/keras_nlp/src/models/bert/bert_preprocessor_test.py index 0ab5544693..77e235b717 100644 --- a/keras_nlp/src/models/bert/bert_preprocessor_test.py +++ b/keras_nlp/src/models/bert/bert_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_presets.py b/keras_nlp/src/models/bert/bert_presets.py index 66b397284d..aa00492f64 100644 --- a/keras_nlp/src/models/bert/bert_presets.py +++ b/keras_nlp/src/models/bert/bert_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_tokenizer.py b/keras_nlp/src/models/bert/bert_tokenizer.py index dcaa66b015..79aa916eed 100644 --- a/keras_nlp/src/models/bert/bert_tokenizer.py +++ b/keras_nlp/src/models/bert/bert_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bert/bert_tokenizer_test.py b/keras_nlp/src/models/bert/bert_tokenizer_test.py index 0ee192b559..56e17327fb 100644 --- a/keras_nlp/src/models/bert/bert_tokenizer_test.py +++ b/keras_nlp/src/models/bert/bert_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/__init__.py b/keras_nlp/src/models/bloom/__init__.py index fe7e0699fa..c0516087ec 100644 --- a/keras_nlp/src/models/bloom/__init__.py +++ b/keras_nlp/src/models/bloom/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_attention.py b/keras_nlp/src/models/bloom/bloom_attention.py index e209cd7660..d91eafd575 100644 --- a/keras_nlp/src/models/bloom/bloom_attention.py +++ b/keras_nlp/src/models/bloom/bloom_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_backbone.py b/keras_nlp/src/models/bloom/bloom_backbone.py index 252a27f6d1..a5d88d0011 100644 --- a/keras_nlp/src/models/bloom/bloom_backbone.py +++ b/keras_nlp/src/models/bloom/bloom_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_backbone_test.py b/keras_nlp/src/models/bloom/bloom_backbone_test.py index 746d1f6f63..eeacf06291 100644 --- a/keras_nlp/src/models/bloom/bloom_backbone_test.py +++ b/keras_nlp/src/models/bloom/bloom_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor.py b/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor.py index a58600e799..8a66c572d8 100644 --- a/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor_test.py b/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor_test.py index f0c197c578..e726768fda 100644 --- a/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor_test.py +++ b/keras_nlp/src/models/bloom/bloom_causal_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_decoder.py b/keras_nlp/src/models/bloom/bloom_decoder.py index d5d828d204..e4e2f3a298 100644 --- a/keras_nlp/src/models/bloom/bloom_decoder.py +++ b/keras_nlp/src/models/bloom/bloom_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_preprocessor.py b/keras_nlp/src/models/bloom/bloom_preprocessor.py index b8caec6292..512949d9dd 100644 --- a/keras_nlp/src/models/bloom/bloom_preprocessor.py +++ b/keras_nlp/src/models/bloom/bloom_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_preprocessor_test.py b/keras_nlp/src/models/bloom/bloom_preprocessor_test.py index d0f486aedc..9eca885715 100644 --- a/keras_nlp/src/models/bloom/bloom_preprocessor_test.py +++ b/keras_nlp/src/models/bloom/bloom_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_presets.py b/keras_nlp/src/models/bloom/bloom_presets.py index 134de5173d..fec7128c62 100644 --- a/keras_nlp/src/models/bloom/bloom_presets.py +++ b/keras_nlp/src/models/bloom/bloom_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_tokenizer.py b/keras_nlp/src/models/bloom/bloom_tokenizer.py index b248f344b9..ffe215b6e5 100644 --- a/keras_nlp/src/models/bloom/bloom_tokenizer.py +++ b/keras_nlp/src/models/bloom/bloom_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/bloom/bloom_tokenizer_test.py b/keras_nlp/src/models/bloom/bloom_tokenizer_test.py index 469d9e9637..b52e2fc45b 100644 --- a/keras_nlp/src/models/bloom/bloom_tokenizer_test.py +++ b/keras_nlp/src/models/bloom/bloom_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/causal_lm.py b/keras_nlp/src/models/causal_lm.py index e0f5fa03f9..c91fec68bd 100644 --- a/keras_nlp/src/models/causal_lm.py +++ b/keras_nlp/src/models/causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/classifier.py b/keras_nlp/src/models/classifier.py index b1ea28ca66..ebfa811d1f 100644 --- a/keras_nlp/src/models/classifier.py +++ b/keras_nlp/src/models/classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/__init__.py b/keras_nlp/src/models/deberta_v3/__init__.py index b703983725..696529c256 100644 --- a/keras_nlp/src/models/deberta_v3/__init__.py +++ b/keras_nlp/src/models/deberta_v3/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_backbone.py b/keras_nlp/src/models/deberta_v3/deberta_v3_backbone.py index 1460d9ede5..eca4101641 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_backbone.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_backbone_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_backbone_test.py index 3001098003..72bf6ef7cd 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_backbone_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_classifier.py b/keras_nlp/src/models/deberta_v3/deberta_v3_classifier.py index 92b86dcc48..d658629566 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_classifier.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_classifier_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_classifier_test.py index fb17e09ec5..e6beb4be3e 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_classifier_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm.py b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm.py index c263395a72..a35928094e 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor.py b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor.py index fa0f548ad6..31df4b894c 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor_test.py index 4df5a60f2b..85dea22740 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_test.py index 8a1671b586..6d2c73115e 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor.py b/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor.py index d5c6ddedd1..c60cf25402 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor_test.py index 0c83f6dd65..8376bb0498 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_presets.py b/keras_nlp/src/models/deberta_v3/deberta_v3_presets.py index febfdffd91..3b7d4a7b2c 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_presets.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer.py b/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer.py index bd89345262..d9417af24b 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer_test.py b/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer_test.py index 003a99fc02..4ffa632523 100644 --- a/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer_test.py +++ b/keras_nlp/src/models/deberta_v3/deberta_v3_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/disentangled_attention_encoder.py b/keras_nlp/src/models/deberta_v3/disentangled_attention_encoder.py index 0ae725a352..0d3d64d6e0 100644 --- a/keras_nlp/src/models/deberta_v3/disentangled_attention_encoder.py +++ b/keras_nlp/src/models/deberta_v3/disentangled_attention_encoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/disentangled_self_attention.py b/keras_nlp/src/models/deberta_v3/disentangled_self_attention.py index 9873309736..570a0e64d3 100644 --- a/keras_nlp/src/models/deberta_v3/disentangled_self_attention.py +++ b/keras_nlp/src/models/deberta_v3/disentangled_self_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/deberta_v3/relative_embedding.py b/keras_nlp/src/models/deberta_v3/relative_embedding.py index d89e739bb2..c437ccd770 100644 --- a/keras_nlp/src/models/deberta_v3/relative_embedding.py +++ b/keras_nlp/src/models/deberta_v3/relative_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/__init__.py b/keras_nlp/src/models/distil_bert/__init__.py index d809d30315..674cda4101 100644 --- a/keras_nlp/src/models/distil_bert/__init__.py +++ b/keras_nlp/src/models/distil_bert/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_backbone.py b/keras_nlp/src/models/distil_bert/distil_bert_backbone.py index 49db9d5c97..8fb5603a33 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_backbone.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_backbone_test.py b/keras_nlp/src/models/distil_bert/distil_bert_backbone_test.py index 96e48a35d7..0d10b24b42 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_backbone_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_classifier.py b/keras_nlp/src/models/distil_bert/distil_bert_classifier.py index cdd99af951..8c7e90d91e 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_classifier.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_classifier_test.py b/keras_nlp/src/models/distil_bert/distil_bert_classifier_test.py index dcb99b0b8a..fad6ea7d3b 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_classifier_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm.py b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm.py index 89f7ddb01d..293c6656db 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor.py b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor.py index 5c57956796..07d56659c1 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor_test.py b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor_test.py index a49390572e..a9fb2c68ca 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_test.py b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_test.py index 482f703fca..7626db55ab 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_preprocessor.py b/keras_nlp/src/models/distil_bert/distil_bert_preprocessor.py index 6cce5d0b86..efa93a56b3 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_preprocessor.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_preprocessor_test.py b/keras_nlp/src/models/distil_bert/distil_bert_preprocessor_test.py index 1cc5e65639..92d4bf04db 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_preprocessor_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_presets.py b/keras_nlp/src/models/distil_bert/distil_bert_presets.py index 2bc3415342..e0ab213699 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_presets.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_tokenizer.py b/keras_nlp/src/models/distil_bert/distil_bert_tokenizer.py index a282be3086..d0e818699e 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_tokenizer.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/distil_bert/distil_bert_tokenizer_test.py b/keras_nlp/src/models/distil_bert/distil_bert_tokenizer_test.py index ac05fc02a6..377b608ca6 100644 --- a/keras_nlp/src/models/distil_bert/distil_bert_tokenizer_test.py +++ b/keras_nlp/src/models/distil_bert/distil_bert_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/__init__.py b/keras_nlp/src/models/electra/__init__.py index ee2c2bef22..02ca3fc484 100644 --- a/keras_nlp/src/models/electra/__init__.py +++ b/keras_nlp/src/models/electra/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_backbone.py b/keras_nlp/src/models/electra/electra_backbone.py index 4559d1226f..baf15e66bf 100644 --- a/keras_nlp/src/models/electra/electra_backbone.py +++ b/keras_nlp/src/models/electra/electra_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_backbone_test.py b/keras_nlp/src/models/electra/electra_backbone_test.py index 2ef62bd4e8..259885c8dd 100644 --- a/keras_nlp/src/models/electra/electra_backbone_test.py +++ b/keras_nlp/src/models/electra/electra_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_preprocessor.py b/keras_nlp/src/models/electra/electra_preprocessor.py index f6a23d1eb4..7cac1a43b7 100644 --- a/keras_nlp/src/models/electra/electra_preprocessor.py +++ b/keras_nlp/src/models/electra/electra_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_preprocessor_test.py b/keras_nlp/src/models/electra/electra_preprocessor_test.py index f880a9a302..62dbaf3fdd 100644 --- a/keras_nlp/src/models/electra/electra_preprocessor_test.py +++ b/keras_nlp/src/models/electra/electra_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_presets.py b/keras_nlp/src/models/electra/electra_presets.py index 68d709b1fd..375acb002a 100644 --- a/keras_nlp/src/models/electra/electra_presets.py +++ b/keras_nlp/src/models/electra/electra_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_tokenizer.py b/keras_nlp/src/models/electra/electra_tokenizer.py index 318edb4b18..b4d87c7b28 100644 --- a/keras_nlp/src/models/electra/electra_tokenizer.py +++ b/keras_nlp/src/models/electra/electra_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/electra/electra_tokenizer_test.py b/keras_nlp/src/models/electra/electra_tokenizer_test.py index a1aabf96b1..839382dcae 100644 --- a/keras_nlp/src/models/electra/electra_tokenizer_test.py +++ b/keras_nlp/src/models/electra/electra_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/__init__.py b/keras_nlp/src/models/f_net/__init__.py index 05c2aefa25..bf8f723e98 100644 --- a/keras_nlp/src/models/f_net/__init__.py +++ b/keras_nlp/src/models/f_net/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_backbone.py b/keras_nlp/src/models/f_net/f_net_backbone.py index 16bcfb3490..97e8f6304a 100644 --- a/keras_nlp/src/models/f_net/f_net_backbone.py +++ b/keras_nlp/src/models/f_net/f_net_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_backbone_test.py b/keras_nlp/src/models/f_net/f_net_backbone_test.py index 151f21521b..f5b9e1e67b 100644 --- a/keras_nlp/src/models/f_net/f_net_backbone_test.py +++ b/keras_nlp/src/models/f_net/f_net_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_classifier.py b/keras_nlp/src/models/f_net/f_net_classifier.py index c46349f01a..9944c9d865 100644 --- a/keras_nlp/src/models/f_net/f_net_classifier.py +++ b/keras_nlp/src/models/f_net/f_net_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_classifier_test.py b/keras_nlp/src/models/f_net/f_net_classifier_test.py index 25770ed90a..cfadac13e5 100644 --- a/keras_nlp/src/models/f_net/f_net_classifier_test.py +++ b/keras_nlp/src/models/f_net/f_net_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_masked_lm.py b/keras_nlp/src/models/f_net/f_net_masked_lm.py index d7ed595ff7..6bd0ac84f3 100644 --- a/keras_nlp/src/models/f_net/f_net_masked_lm.py +++ b/keras_nlp/src/models/f_net/f_net_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor.py b/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor.py index 1304289a45..6b1cafd3d4 100644 --- a/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor_test.py b/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor_test.py index e1ee5443c3..7c5a517c19 100644 --- a/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/f_net/f_net_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_masked_lm_test.py b/keras_nlp/src/models/f_net/f_net_masked_lm_test.py index 9ab171a51d..482b2ae71a 100644 --- a/keras_nlp/src/models/f_net/f_net_masked_lm_test.py +++ b/keras_nlp/src/models/f_net/f_net_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_preprocessor.py b/keras_nlp/src/models/f_net/f_net_preprocessor.py index 0f664fe3ac..da1becb9d8 100644 --- a/keras_nlp/src/models/f_net/f_net_preprocessor.py +++ b/keras_nlp/src/models/f_net/f_net_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_preprocessor_test.py b/keras_nlp/src/models/f_net/f_net_preprocessor_test.py index 53dc7c1235..b8e7f1d299 100644 --- a/keras_nlp/src/models/f_net/f_net_preprocessor_test.py +++ b/keras_nlp/src/models/f_net/f_net_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_presets.py b/keras_nlp/src/models/f_net/f_net_presets.py index 13e0e2482a..c053eb346d 100644 --- a/keras_nlp/src/models/f_net/f_net_presets.py +++ b/keras_nlp/src/models/f_net/f_net_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_tokenizer.py b/keras_nlp/src/models/f_net/f_net_tokenizer.py index 0437fd8455..4cfbb10207 100644 --- a/keras_nlp/src/models/f_net/f_net_tokenizer.py +++ b/keras_nlp/src/models/f_net/f_net_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/f_net/f_net_tokenizer_test.py b/keras_nlp/src/models/f_net/f_net_tokenizer_test.py index 5fb2b1bc5a..0e8ff6620f 100644 --- a/keras_nlp/src/models/f_net/f_net_tokenizer_test.py +++ b/keras_nlp/src/models/f_net/f_net_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/falcon/__init__.py b/keras_nlp/src/models/falcon/__init__.py index 414c8650a9..1c6671a5ea 100644 --- a/keras_nlp/src/models/falcon/__init__.py +++ b/keras_nlp/src/models/falcon/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gemma/__init__.py b/keras_nlp/src/models/gemma/__init__.py index f60483b813..9beab9a460 100644 --- a/keras_nlp/src/models/gemma/__init__.py +++ b/keras_nlp/src/models/gemma/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/__init__.py b/keras_nlp/src/models/gpt2/__init__.py index b8fc50e9a2..73240fe5c0 100644 --- a/keras_nlp/src/models/gpt2/__init__.py +++ b/keras_nlp/src/models/gpt2/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_backbone.py b/keras_nlp/src/models/gpt2/gpt2_backbone.py index 3ba2bab870..c704c726a6 100644 --- a/keras_nlp/src/models/gpt2/gpt2_backbone.py +++ b/keras_nlp/src/models/gpt2/gpt2_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_backbone_test.py b/keras_nlp/src/models/gpt2/gpt2_backbone_test.py index 72378a6b27..1240fc06fe 100644 --- a/keras_nlp/src/models/gpt2/gpt2_backbone_test.py +++ b/keras_nlp/src/models/gpt2/gpt2_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_causal_lm.py b/keras_nlp/src/models/gpt2/gpt2_causal_lm.py index 0ad45d464c..21cd6f3893 100644 --- a/keras_nlp/src/models/gpt2/gpt2_causal_lm.py +++ b/keras_nlp/src/models/gpt2/gpt2_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor.py b/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor.py index 19a8945af5..83a8dbb5e9 100644 --- a/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor_test.py b/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor_test.py index 26caaf9fe1..6dfacbd912 100644 --- a/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor_test.py +++ b/keras_nlp/src/models/gpt2/gpt2_causal_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_causal_lm_test.py b/keras_nlp/src/models/gpt2/gpt2_causal_lm_test.py index 3b0b8b176d..2ec9863e49 100644 --- a/keras_nlp/src/models/gpt2/gpt2_causal_lm_test.py +++ b/keras_nlp/src/models/gpt2/gpt2_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_preprocessor.py b/keras_nlp/src/models/gpt2/gpt2_preprocessor.py index a5ecc3a67f..53b5e4375a 100644 --- a/keras_nlp/src/models/gpt2/gpt2_preprocessor.py +++ b/keras_nlp/src/models/gpt2/gpt2_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_preprocessor_test.py b/keras_nlp/src/models/gpt2/gpt2_preprocessor_test.py index 4f038fb66c..3362831576 100644 --- a/keras_nlp/src/models/gpt2/gpt2_preprocessor_test.py +++ b/keras_nlp/src/models/gpt2/gpt2_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_presets.py b/keras_nlp/src/models/gpt2/gpt2_presets.py index c51f170aa2..92b699ee49 100644 --- a/keras_nlp/src/models/gpt2/gpt2_presets.py +++ b/keras_nlp/src/models/gpt2/gpt2_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_tokenizer.py b/keras_nlp/src/models/gpt2/gpt2_tokenizer.py index 51e86ed606..37ee715c96 100644 --- a/keras_nlp/src/models/gpt2/gpt2_tokenizer.py +++ b/keras_nlp/src/models/gpt2/gpt2_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt2/gpt2_tokenizer_test.py b/keras_nlp/src/models/gpt2/gpt2_tokenizer_test.py index fa01285c9f..818393ae98 100644 --- a/keras_nlp/src/models/gpt2/gpt2_tokenizer_test.py +++ b/keras_nlp/src/models/gpt2/gpt2_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/__init__.py b/keras_nlp/src/models/gpt_neo_x/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/models/gpt_neo_x/__init__.py +++ b/keras_nlp/src/models/gpt_neo_x/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_attention.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_attention.py index 0138a69796..c2f5bf4d61 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_attention.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone.py index 87cc2595f1..cbf4da42dd 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone_test.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone_test.py index 700b76c92b..823f927bd7 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone_test.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm.py index 6ed3643812..49186879d2 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py index c2b091a9fa..cca4f3f298 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor_test.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor_test.py index 53b970b31b..d32fe7764e 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor_test.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_test.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_test.py index d5c70012bb..db2cf4ae2e 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_test.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_decoder.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_decoder.py index a59568e968..150951336a 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_decoder.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py index b11a2ccd5a..b906b0bdc2 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor_test.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor_test.py index 1d21c1de7c..aad68bebc6 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor_test.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py index e270ae8579..b4a0c76cd8 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer_test.py b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer_test.py index b62f21cff9..e3384cc3ae 100644 --- a/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer_test.py +++ b/keras_nlp/src/models/gpt_neo_x/gpt_neo_x_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/__init__.py b/keras_nlp/src/models/llama/__init__.py index 6513d69cf4..deb66a485b 100644 --- a/keras_nlp/src/models/llama/__init__.py +++ b/keras_nlp/src/models/llama/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_attention.py b/keras_nlp/src/models/llama/llama_attention.py index 06d0077526..858d4076b1 100644 --- a/keras_nlp/src/models/llama/llama_attention.py +++ b/keras_nlp/src/models/llama/llama_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_backbone.py b/keras_nlp/src/models/llama/llama_backbone.py index 216d2e75b1..9165d718f2 100644 --- a/keras_nlp/src/models/llama/llama_backbone.py +++ b/keras_nlp/src/models/llama/llama_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_backbone_test.py b/keras_nlp/src/models/llama/llama_backbone_test.py index aebc09b6f0..b75bb5eb63 100644 --- a/keras_nlp/src/models/llama/llama_backbone_test.py +++ b/keras_nlp/src/models/llama/llama_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_causal_lm.py b/keras_nlp/src/models/llama/llama_causal_lm.py index de06c9b323..b2a5fecc8b 100644 --- a/keras_nlp/src/models/llama/llama_causal_lm.py +++ b/keras_nlp/src/models/llama/llama_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_causal_lm_preprocessor.py b/keras_nlp/src/models/llama/llama_causal_lm_preprocessor.py index a5235139b7..f0f800a011 100644 --- a/keras_nlp/src/models/llama/llama_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/llama/llama_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_causal_lm_test.py b/keras_nlp/src/models/llama/llama_causal_lm_test.py index ea1f4b320f..0fac88ea03 100644 --- a/keras_nlp/src/models/llama/llama_causal_lm_test.py +++ b/keras_nlp/src/models/llama/llama_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_decoder.py b/keras_nlp/src/models/llama/llama_decoder.py index 54595d6751..2f509298da 100644 --- a/keras_nlp/src/models/llama/llama_decoder.py +++ b/keras_nlp/src/models/llama/llama_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_layernorm.py b/keras_nlp/src/models/llama/llama_layernorm.py index 4352252146..6c98bd3c36 100644 --- a/keras_nlp/src/models/llama/llama_layernorm.py +++ b/keras_nlp/src/models/llama/llama_layernorm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_preprocessor.py b/keras_nlp/src/models/llama/llama_preprocessor.py index 7dea706894..1ca4974abe 100644 --- a/keras_nlp/src/models/llama/llama_preprocessor.py +++ b/keras_nlp/src/models/llama/llama_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_preprocessor_test.py b/keras_nlp/src/models/llama/llama_preprocessor_test.py index 308ff10b1b..eca0af66a0 100644 --- a/keras_nlp/src/models/llama/llama_preprocessor_test.py +++ b/keras_nlp/src/models/llama/llama_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_presets.py b/keras_nlp/src/models/llama/llama_presets.py index 3d91480e47..ea8a361231 100644 --- a/keras_nlp/src/models/llama/llama_presets.py +++ b/keras_nlp/src/models/llama/llama_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_tokenizer.py b/keras_nlp/src/models/llama/llama_tokenizer.py index c8147c3836..10a3e849c8 100644 --- a/keras_nlp/src/models/llama/llama_tokenizer.py +++ b/keras_nlp/src/models/llama/llama_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama/llama_tokenizer_test.py b/keras_nlp/src/models/llama/llama_tokenizer_test.py index b07c39cef5..6a4e98174d 100644 --- a/keras_nlp/src/models/llama/llama_tokenizer_test.py +++ b/keras_nlp/src/models/llama/llama_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/__init__.py b/keras_nlp/src/models/llama3/__init__.py index cc2764e7a7..778d00f41b 100644 --- a/keras_nlp/src/models/llama3/__init__.py +++ b/keras_nlp/src/models/llama3/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_backbone.py b/keras_nlp/src/models/llama3/llama3_backbone.py index 90b3a42a3e..52255fb138 100644 --- a/keras_nlp/src/models/llama3/llama3_backbone.py +++ b/keras_nlp/src/models/llama3/llama3_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_causal_lm.py b/keras_nlp/src/models/llama3/llama3_causal_lm.py index a068efe535..16b76103fa 100644 --- a/keras_nlp/src/models/llama3/llama3_causal_lm.py +++ b/keras_nlp/src/models/llama3/llama3_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_causal_lm_preprocessor.py b/keras_nlp/src/models/llama3/llama3_causal_lm_preprocessor.py index 40c5a3473c..59a9bd4471 100644 --- a/keras_nlp/src/models/llama3/llama3_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/llama3/llama3_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_causal_lm_test.py b/keras_nlp/src/models/llama3/llama3_causal_lm_test.py index f264e364fd..f2ffd2686b 100644 --- a/keras_nlp/src/models/llama3/llama3_causal_lm_test.py +++ b/keras_nlp/src/models/llama3/llama3_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_preprocessor.py b/keras_nlp/src/models/llama3/llama3_preprocessor.py index cd005f0388..0b767c27c7 100644 --- a/keras_nlp/src/models/llama3/llama3_preprocessor.py +++ b/keras_nlp/src/models/llama3/llama3_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_preprocessor_test.py b/keras_nlp/src/models/llama3/llama3_preprocessor_test.py index ffbbb9c1da..13d4f0208c 100644 --- a/keras_nlp/src/models/llama3/llama3_preprocessor_test.py +++ b/keras_nlp/src/models/llama3/llama3_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_presets.py b/keras_nlp/src/models/llama3/llama3_presets.py index cbda7d89ae..3648b218e0 100644 --- a/keras_nlp/src/models/llama3/llama3_presets.py +++ b/keras_nlp/src/models/llama3/llama3_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_tokenizer.py b/keras_nlp/src/models/llama3/llama3_tokenizer.py index 4c841a6d42..2b22210edd 100644 --- a/keras_nlp/src/models/llama3/llama3_tokenizer.py +++ b/keras_nlp/src/models/llama3/llama3_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/llama3/llama3_tokenizer_test.py b/keras_nlp/src/models/llama3/llama3_tokenizer_test.py index 5ea6c193be..fe3279664d 100644 --- a/keras_nlp/src/models/llama3/llama3_tokenizer_test.py +++ b/keras_nlp/src/models/llama3/llama3_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/masked_lm.py b/keras_nlp/src/models/masked_lm.py index 01aa86e480..0969ccf00f 100644 --- a/keras_nlp/src/models/masked_lm.py +++ b/keras_nlp/src/models/masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/__init__.py b/keras_nlp/src/models/mistral/__init__.py index 49043ee95e..fcd19b5a3a 100644 --- a/keras_nlp/src/models/mistral/__init__.py +++ b/keras_nlp/src/models/mistral/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_attention.py b/keras_nlp/src/models/mistral/mistral_attention.py index 2bcadfbd9b..f1c31762d9 100644 --- a/keras_nlp/src/models/mistral/mistral_attention.py +++ b/keras_nlp/src/models/mistral/mistral_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_backbone.py b/keras_nlp/src/models/mistral/mistral_backbone.py index f440d4dcff..80c1dee42c 100644 --- a/keras_nlp/src/models/mistral/mistral_backbone.py +++ b/keras_nlp/src/models/mistral/mistral_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_backbone_test.py b/keras_nlp/src/models/mistral/mistral_backbone_test.py index bebb2349e3..cd9d8f92d5 100644 --- a/keras_nlp/src/models/mistral/mistral_backbone_test.py +++ b/keras_nlp/src/models/mistral/mistral_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_causal_lm.py b/keras_nlp/src/models/mistral/mistral_causal_lm.py index 7276b3c057..c06a52b004 100644 --- a/keras_nlp/src/models/mistral/mistral_causal_lm.py +++ b/keras_nlp/src/models/mistral/mistral_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_causal_lm_preprocessor.py b/keras_nlp/src/models/mistral/mistral_causal_lm_preprocessor.py index 5caa5adb47..b5132755ed 100644 --- a/keras_nlp/src/models/mistral/mistral_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/mistral/mistral_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_causal_lm_test.py b/keras_nlp/src/models/mistral/mistral_causal_lm_test.py index 3b869717b5..03e5ec8a43 100644 --- a/keras_nlp/src/models/mistral/mistral_causal_lm_test.py +++ b/keras_nlp/src/models/mistral/mistral_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_layer_norm.py b/keras_nlp/src/models/mistral/mistral_layer_norm.py index b12c4a835e..82bec0f78e 100644 --- a/keras_nlp/src/models/mistral/mistral_layer_norm.py +++ b/keras_nlp/src/models/mistral/mistral_layer_norm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_preprocessor.py b/keras_nlp/src/models/mistral/mistral_preprocessor.py index b0b8fd02d5..247041bd81 100644 --- a/keras_nlp/src/models/mistral/mistral_preprocessor.py +++ b/keras_nlp/src/models/mistral/mistral_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_preprocessor_test.py b/keras_nlp/src/models/mistral/mistral_preprocessor_test.py index 5bc6a8606d..e38e498b00 100644 --- a/keras_nlp/src/models/mistral/mistral_preprocessor_test.py +++ b/keras_nlp/src/models/mistral/mistral_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_presets.py b/keras_nlp/src/models/mistral/mistral_presets.py index fdee396300..50691ce67d 100644 --- a/keras_nlp/src/models/mistral/mistral_presets.py +++ b/keras_nlp/src/models/mistral/mistral_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_tokenizer.py b/keras_nlp/src/models/mistral/mistral_tokenizer.py index ca22dfcfa2..4355bdcd0c 100644 --- a/keras_nlp/src/models/mistral/mistral_tokenizer.py +++ b/keras_nlp/src/models/mistral/mistral_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_tokenizer_test.py b/keras_nlp/src/models/mistral/mistral_tokenizer_test.py index 4da849b05a..e6654dad34 100644 --- a/keras_nlp/src/models/mistral/mistral_tokenizer_test.py +++ b/keras_nlp/src/models/mistral/mistral_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/mistral/mistral_transformer_decoder.py b/keras_nlp/src/models/mistral/mistral_transformer_decoder.py index f708ffcf41..c9bd1156d2 100644 --- a/keras_nlp/src/models/mistral/mistral_transformer_decoder.py +++ b/keras_nlp/src/models/mistral/mistral_transformer_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/__init__.py b/keras_nlp/src/models/opt/__init__.py index 3cf0bb22b6..f65763b732 100644 --- a/keras_nlp/src/models/opt/__init__.py +++ b/keras_nlp/src/models/opt/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_backbone.py b/keras_nlp/src/models/opt/opt_backbone.py index 72580867de..10892ae3a2 100644 --- a/keras_nlp/src/models/opt/opt_backbone.py +++ b/keras_nlp/src/models/opt/opt_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_backbone_test.py b/keras_nlp/src/models/opt/opt_backbone_test.py index 72f3c4b49a..a6fd3b0920 100644 --- a/keras_nlp/src/models/opt/opt_backbone_test.py +++ b/keras_nlp/src/models/opt/opt_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_causal_lm.py b/keras_nlp/src/models/opt/opt_causal_lm.py index be3d7a2a63..0deae0e6aa 100644 --- a/keras_nlp/src/models/opt/opt_causal_lm.py +++ b/keras_nlp/src/models/opt/opt_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_causal_lm_preprocessor.py b/keras_nlp/src/models/opt/opt_causal_lm_preprocessor.py index 6b26f2c1c6..7cde3a22d8 100644 --- a/keras_nlp/src/models/opt/opt_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/opt/opt_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_causal_lm_preprocessor_test.py b/keras_nlp/src/models/opt/opt_causal_lm_preprocessor_test.py index e7d62e3e49..ff8ae9235c 100644 --- a/keras_nlp/src/models/opt/opt_causal_lm_preprocessor_test.py +++ b/keras_nlp/src/models/opt/opt_causal_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_causal_lm_test.py b/keras_nlp/src/models/opt/opt_causal_lm_test.py index f9980c2ad1..94ee5ada04 100644 --- a/keras_nlp/src/models/opt/opt_causal_lm_test.py +++ b/keras_nlp/src/models/opt/opt_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_preprocessor.py b/keras_nlp/src/models/opt/opt_preprocessor.py index e13c10d4e0..501b1be1ea 100644 --- a/keras_nlp/src/models/opt/opt_preprocessor.py +++ b/keras_nlp/src/models/opt/opt_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_preprocessor_test.py b/keras_nlp/src/models/opt/opt_preprocessor_test.py index 371ceb1fd8..614ff82ebe 100644 --- a/keras_nlp/src/models/opt/opt_preprocessor_test.py +++ b/keras_nlp/src/models/opt/opt_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_presets.py b/keras_nlp/src/models/opt/opt_presets.py index 50091be243..7b5750e0c8 100644 --- a/keras_nlp/src/models/opt/opt_presets.py +++ b/keras_nlp/src/models/opt/opt_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_tokenizer.py b/keras_nlp/src/models/opt/opt_tokenizer.py index ee8a80ce87..b12cb156c9 100644 --- a/keras_nlp/src/models/opt/opt_tokenizer.py +++ b/keras_nlp/src/models/opt/opt_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/opt/opt_tokenizer_test.py b/keras_nlp/src/models/opt/opt_tokenizer_test.py index 5f9b70fb67..ffdfe63cf0 100644 --- a/keras_nlp/src/models/opt/opt_tokenizer_test.py +++ b/keras_nlp/src/models/opt/opt_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_backbone.py b/keras_nlp/src/models/pali_gemma/pali_gemma_backbone.py index de95fb3893..cd4bc76569 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_backbone.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_backbone_test.py b/keras_nlp/src/models/pali_gemma/pali_gemma_backbone_test.py index e39333a7ec..be541597cd 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_backbone_test.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor.py b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor.py index 68eab03669..9443a063c2 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor_test.py b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor_test.py index 870955a9af..aa86a10d03 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor_test.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_test.py b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_test.py index 12e00f6f10..51afdc5fb7 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_test.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block.py b/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block.py index 61b98a1da0..ec3f4749dc 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block_test.py b/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block_test.py index 7ff8f36d33..3f28bb407f 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block_test.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_decoder_block_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_tokenizer.py b/keras_nlp/src/models/pali_gemma/pali_gemma_tokenizer.py index 7ef36415e9..9abd35c1ec 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_tokenizer.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/pali_gemma/pali_gemma_vit_test.py b/keras_nlp/src/models/pali_gemma/pali_gemma_vit_test.py index 5e0576d002..bab7af6d85 100644 --- a/keras_nlp/src/models/pali_gemma/pali_gemma_vit_test.py +++ b/keras_nlp/src/models/pali_gemma/pali_gemma_vit_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/phi3/phi3_causal_lm.py b/keras_nlp/src/models/phi3/phi3_causal_lm.py index b78c04bc6e..802669f31c 100644 --- a/keras_nlp/src/models/phi3/phi3_causal_lm.py +++ b/keras_nlp/src/models/phi3/phi3_causal_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/phi3/phi3_causal_lm_preprocessor.py b/keras_nlp/src/models/phi3/phi3_causal_lm_preprocessor.py index 95b52e983c..31db133bf2 100644 --- a/keras_nlp/src/models/phi3/phi3_causal_lm_preprocessor.py +++ b/keras_nlp/src/models/phi3/phi3_causal_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/phi3/phi3_causal_lm_test.py b/keras_nlp/src/models/phi3/phi3_causal_lm_test.py index 33ede7fada..897dab42f4 100644 --- a/keras_nlp/src/models/phi3/phi3_causal_lm_test.py +++ b/keras_nlp/src/models/phi3/phi3_causal_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/phi3/phi3_preprocessor.py b/keras_nlp/src/models/phi3/phi3_preprocessor.py index 706b0ee782..578a621a28 100644 --- a/keras_nlp/src/models/phi3/phi3_preprocessor.py +++ b/keras_nlp/src/models/phi3/phi3_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/preprocessor.py b/keras_nlp/src/models/preprocessor.py index d8cb6eb2fc..3d5b7ce40b 100644 --- a/keras_nlp/src/models/preprocessor.py +++ b/keras_nlp/src/models/preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/preprocessor_test.py b/keras_nlp/src/models/preprocessor_test.py index fdfaccc5fe..1bfbe9b4f0 100644 --- a/keras_nlp/src/models/preprocessor_test.py +++ b/keras_nlp/src/models/preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/__init__.py b/keras_nlp/src/models/roberta/__init__.py index 57a9d5ea6e..9358c56983 100644 --- a/keras_nlp/src/models/roberta/__init__.py +++ b/keras_nlp/src/models/roberta/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_backbone.py b/keras_nlp/src/models/roberta/roberta_backbone.py index 0396f9283c..6fb4b80558 100644 --- a/keras_nlp/src/models/roberta/roberta_backbone.py +++ b/keras_nlp/src/models/roberta/roberta_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_backbone_test.py b/keras_nlp/src/models/roberta/roberta_backbone_test.py index a2108aec46..833188312a 100644 --- a/keras_nlp/src/models/roberta/roberta_backbone_test.py +++ b/keras_nlp/src/models/roberta/roberta_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_classifier.py b/keras_nlp/src/models/roberta/roberta_classifier.py index 8d021405ee..eacf2a91ac 100644 --- a/keras_nlp/src/models/roberta/roberta_classifier.py +++ b/keras_nlp/src/models/roberta/roberta_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_classifier_test.py b/keras_nlp/src/models/roberta/roberta_classifier_test.py index d783bffee6..cf0606e95e 100644 --- a/keras_nlp/src/models/roberta/roberta_classifier_test.py +++ b/keras_nlp/src/models/roberta/roberta_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_masked_lm.py b/keras_nlp/src/models/roberta/roberta_masked_lm.py index d53281db85..9206f0509e 100644 --- a/keras_nlp/src/models/roberta/roberta_masked_lm.py +++ b/keras_nlp/src/models/roberta/roberta_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor.py b/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor.py index d77f169cc5..1a14ded94c 100644 --- a/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor_test.py b/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor_test.py index 73acabe54c..5880b141da 100644 --- a/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/roberta/roberta_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_masked_lm_test.py b/keras_nlp/src/models/roberta/roberta_masked_lm_test.py index 86abd7e046..b3293e2f49 100644 --- a/keras_nlp/src/models/roberta/roberta_masked_lm_test.py +++ b/keras_nlp/src/models/roberta/roberta_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_preprocessor.py b/keras_nlp/src/models/roberta/roberta_preprocessor.py index 50e139d1dd..428acf8f2a 100644 --- a/keras_nlp/src/models/roberta/roberta_preprocessor.py +++ b/keras_nlp/src/models/roberta/roberta_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_preprocessor_test.py b/keras_nlp/src/models/roberta/roberta_preprocessor_test.py index 7f5fa4d518..54f9a32be7 100644 --- a/keras_nlp/src/models/roberta/roberta_preprocessor_test.py +++ b/keras_nlp/src/models/roberta/roberta_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_presets.py b/keras_nlp/src/models/roberta/roberta_presets.py index 66848cecd0..79e58a1494 100644 --- a/keras_nlp/src/models/roberta/roberta_presets.py +++ b/keras_nlp/src/models/roberta/roberta_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_tokenizer.py b/keras_nlp/src/models/roberta/roberta_tokenizer.py index 1178a06231..9daaa7c199 100644 --- a/keras_nlp/src/models/roberta/roberta_tokenizer.py +++ b/keras_nlp/src/models/roberta/roberta_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/roberta/roberta_tokenizer_test.py b/keras_nlp/src/models/roberta/roberta_tokenizer_test.py index 2751f6ad04..86b4984c71 100644 --- a/keras_nlp/src/models/roberta/roberta_tokenizer_test.py +++ b/keras_nlp/src/models/roberta/roberta_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/seq_2_seq_lm.py b/keras_nlp/src/models/seq_2_seq_lm.py index 80ed86e993..c3bf0d4cd0 100644 --- a/keras_nlp/src/models/seq_2_seq_lm.py +++ b/keras_nlp/src/models/seq_2_seq_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/__init__.py b/keras_nlp/src/models/t5/__init__.py index 07cb095782..95ae4330a5 100644 --- a/keras_nlp/src/models/t5/__init__.py +++ b/keras_nlp/src/models/t5/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_backbone.py b/keras_nlp/src/models/t5/t5_backbone.py index 1dab961cb8..90f322acb4 100644 --- a/keras_nlp/src/models/t5/t5_backbone.py +++ b/keras_nlp/src/models/t5/t5_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_backbone_test.py b/keras_nlp/src/models/t5/t5_backbone_test.py index a55570ddd9..040cffdb84 100644 --- a/keras_nlp/src/models/t5/t5_backbone_test.py +++ b/keras_nlp/src/models/t5/t5_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_layer_norm.py b/keras_nlp/src/models/t5/t5_layer_norm.py index 705d30b3ad..2ff24c3fef 100644 --- a/keras_nlp/src/models/t5/t5_layer_norm.py +++ b/keras_nlp/src/models/t5/t5_layer_norm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_multi_head_attention.py b/keras_nlp/src/models/t5/t5_multi_head_attention.py index d5c1e1f5b6..04e6b495d2 100644 --- a/keras_nlp/src/models/t5/t5_multi_head_attention.py +++ b/keras_nlp/src/models/t5/t5_multi_head_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_presets.py b/keras_nlp/src/models/t5/t5_presets.py index 58b301b7f0..8c760c8223 100644 --- a/keras_nlp/src/models/t5/t5_presets.py +++ b/keras_nlp/src/models/t5/t5_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_tokenizer.py b/keras_nlp/src/models/t5/t5_tokenizer.py index 411a343f98..9dccd0d80b 100644 --- a/keras_nlp/src/models/t5/t5_tokenizer.py +++ b/keras_nlp/src/models/t5/t5_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_tokenizer_test.py b/keras_nlp/src/models/t5/t5_tokenizer_test.py index 7c91217b8f..b8e4835643 100644 --- a/keras_nlp/src/models/t5/t5_tokenizer_test.py +++ b/keras_nlp/src/models/t5/t5_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/t5/t5_transformer_layer.py b/keras_nlp/src/models/t5/t5_transformer_layer.py index fa9edb5d8e..b3dfa44bc0 100644 --- a/keras_nlp/src/models/t5/t5_transformer_layer.py +++ b/keras_nlp/src/models/t5/t5_transformer_layer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/task.py b/keras_nlp/src/models/task.py index a0123bfd66..6a46f09ee0 100644 --- a/keras_nlp/src/models/task.py +++ b/keras_nlp/src/models/task.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/task_test.py b/keras_nlp/src/models/task_test.py index b81da35269..22a2aa9e40 100644 --- a/keras_nlp/src/models/task_test.py +++ b/keras_nlp/src/models/task_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/__init__.py b/keras_nlp/src/models/whisper/__init__.py index 254c99cb54..2280a19c7f 100644 --- a/keras_nlp/src/models/whisper/__init__.py +++ b/keras_nlp/src/models/whisper/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_audio_feature_extractor.py b/keras_nlp/src/models/whisper/whisper_audio_feature_extractor.py index f524fd7d44..0fdc4374e0 100644 --- a/keras_nlp/src/models/whisper/whisper_audio_feature_extractor.py +++ b/keras_nlp/src/models/whisper/whisper_audio_feature_extractor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_audio_feature_extractor_test.py b/keras_nlp/src/models/whisper/whisper_audio_feature_extractor_test.py index 5c762f1837..823acbf3d1 100644 --- a/keras_nlp/src/models/whisper/whisper_audio_feature_extractor_test.py +++ b/keras_nlp/src/models/whisper/whisper_audio_feature_extractor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_backbone.py b/keras_nlp/src/models/whisper/whisper_backbone.py index 0fdee996cf..5629e05f2d 100644 --- a/keras_nlp/src/models/whisper/whisper_backbone.py +++ b/keras_nlp/src/models/whisper/whisper_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_backbone_test.py b/keras_nlp/src/models/whisper/whisper_backbone_test.py index 01aa2b432d..0b34d95cce 100644 --- a/keras_nlp/src/models/whisper/whisper_backbone_test.py +++ b/keras_nlp/src/models/whisper/whisper_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2022 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py index 346e85a736..e721871c90 100644 --- a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py +++ b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_decoder.py b/keras_nlp/src/models/whisper/whisper_decoder.py index 0a72ea946b..126a082967 100644 --- a/keras_nlp/src/models/whisper/whisper_decoder.py +++ b/keras_nlp/src/models/whisper/whisper_decoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_encoder.py b/keras_nlp/src/models/whisper/whisper_encoder.py index f7ace7996a..71ebf48757 100644 --- a/keras_nlp/src/models/whisper/whisper_encoder.py +++ b/keras_nlp/src/models/whisper/whisper_encoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_preprocessor.py b/keras_nlp/src/models/whisper/whisper_preprocessor.py index a22beec1e4..dd4027c98f 100644 --- a/keras_nlp/src/models/whisper/whisper_preprocessor.py +++ b/keras_nlp/src/models/whisper/whisper_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_preprocessor_test.py b/keras_nlp/src/models/whisper/whisper_preprocessor_test.py index 2d763e2b67..9721ddcad6 100644 --- a/keras_nlp/src/models/whisper/whisper_preprocessor_test.py +++ b/keras_nlp/src/models/whisper/whisper_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_presets.py b/keras_nlp/src/models/whisper/whisper_presets.py index b881ee57b9..6684ac793f 100644 --- a/keras_nlp/src/models/whisper/whisper_presets.py +++ b/keras_nlp/src/models/whisper/whisper_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_tokenizer.py b/keras_nlp/src/models/whisper/whisper_tokenizer.py index e6f2a7d443..e917f1b780 100644 --- a/keras_nlp/src/models/whisper/whisper_tokenizer.py +++ b/keras_nlp/src/models/whisper/whisper_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/whisper/whisper_tokenizer_test.py b/keras_nlp/src/models/whisper/whisper_tokenizer_test.py index 8d5545e953..03cc856b3a 100644 --- a/keras_nlp/src/models/whisper/whisper_tokenizer_test.py +++ b/keras_nlp/src/models/whisper/whisper_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/__init__.py b/keras_nlp/src/models/xlm_roberta/__init__.py index 01f5e68228..c3fe039901 100644 --- a/keras_nlp/src/models/xlm_roberta/__init__.py +++ b/keras_nlp/src/models/xlm_roberta/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone.py index f4f7e56553..acda2b8baf 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone_test.py index 853ef5f4e4..404201d662 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier.py index b9075f9b6f..3a34667b54 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier_test.py index 799b2b7a18..0e67d0fb92 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_classifier_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm.py index c7a4d5eb2d..dd9a85db9e 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py index 0699bf9f60..171deef561 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor_test.py index 89923a1b55..4a743efcd0 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_test.py index e514be59fa..b2b8226fdc 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_masked_lm_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor.py index bb42032878..15fdb84ddf 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor_test.py index 55ede36b63..857cd43e28 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_preprocessor_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_presets.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_presets.py index 477e508906..482b9ce1cb 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_presets.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer.py index e1638c99f2..50dce83349 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer_test.py b/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer_test.py index d9b64a2c3c..827744f1d9 100644 --- a/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer_test.py +++ b/keras_nlp/src/models/xlm_roberta/xlm_roberta_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/__init__.py b/keras_nlp/src/models/xlnet/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/models/xlnet/__init__.py +++ b/keras_nlp/src/models/xlnet/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/relative_attention.py b/keras_nlp/src/models/xlnet/relative_attention.py index 1459539728..674247a5ed 100644 --- a/keras_nlp/src/models/xlnet/relative_attention.py +++ b/keras_nlp/src/models/xlnet/relative_attention.py @@ -1,4 +1,4 @@ -# Copyright 2022 The TensorFlow Authors. All Rights Reserved. +# Copyright 2024 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/xlnet_backbone.py b/keras_nlp/src/models/xlnet/xlnet_backbone.py index 0f9dde7e2b..c61755b203 100644 --- a/keras_nlp/src/models/xlnet/xlnet_backbone.py +++ b/keras_nlp/src/models/xlnet/xlnet_backbone.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/xlnet_backbone_test.py b/keras_nlp/src/models/xlnet/xlnet_backbone_test.py index adef9dba12..0f32771f70 100644 --- a/keras_nlp/src/models/xlnet/xlnet_backbone_test.py +++ b/keras_nlp/src/models/xlnet/xlnet_backbone_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/xlnet_content_and_query_embedding.py b/keras_nlp/src/models/xlnet/xlnet_content_and_query_embedding.py index d6fb6ce18a..fb4bbd1dd1 100644 --- a/keras_nlp/src/models/xlnet/xlnet_content_and_query_embedding.py +++ b/keras_nlp/src/models/xlnet/xlnet_content_and_query_embedding.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/models/xlnet/xlnet_encoder.py b/keras_nlp/src/models/xlnet/xlnet_encoder.py index 2dcd1cd40a..a2f0755e3f 100644 --- a/keras_nlp/src/models/xlnet/xlnet_encoder.py +++ b/keras_nlp/src/models/xlnet/xlnet_encoder.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/__init__.py b/keras_nlp/src/samplers/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/samplers/__init__.py +++ b/keras_nlp/src/samplers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/beam_sampler.py b/keras_nlp/src/samplers/beam_sampler.py index 57f3674814..d8992ef448 100644 --- a/keras_nlp/src/samplers/beam_sampler.py +++ b/keras_nlp/src/samplers/beam_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/beam_sampler_test.py b/keras_nlp/src/samplers/beam_sampler_test.py index f83d5e46c5..0faae66e4a 100644 --- a/keras_nlp/src/samplers/beam_sampler_test.py +++ b/keras_nlp/src/samplers/beam_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/contrastive_sampler.py b/keras_nlp/src/samplers/contrastive_sampler.py index a97ef30cb7..f8bfaf003e 100644 --- a/keras_nlp/src/samplers/contrastive_sampler.py +++ b/keras_nlp/src/samplers/contrastive_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/contrastive_sampler_test.py b/keras_nlp/src/samplers/contrastive_sampler_test.py index c89783b669..598a04b216 100644 --- a/keras_nlp/src/samplers/contrastive_sampler_test.py +++ b/keras_nlp/src/samplers/contrastive_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/greedy_sampler.py b/keras_nlp/src/samplers/greedy_sampler.py index 7cab5c0b9c..711e6dc28a 100644 --- a/keras_nlp/src/samplers/greedy_sampler.py +++ b/keras_nlp/src/samplers/greedy_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/greedy_sampler_test.py b/keras_nlp/src/samplers/greedy_sampler_test.py index 75f906e5f8..81933aec17 100644 --- a/keras_nlp/src/samplers/greedy_sampler_test.py +++ b/keras_nlp/src/samplers/greedy_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/random_sampler.py b/keras_nlp/src/samplers/random_sampler.py index cb0820df56..5e95b1dbbb 100644 --- a/keras_nlp/src/samplers/random_sampler.py +++ b/keras_nlp/src/samplers/random_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/random_sampler_test.py b/keras_nlp/src/samplers/random_sampler_test.py index 6aeee726e0..1ed83dd774 100644 --- a/keras_nlp/src/samplers/random_sampler_test.py +++ b/keras_nlp/src/samplers/random_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/sampler.py b/keras_nlp/src/samplers/sampler.py index d6e6dbc994..4987ff0b09 100644 --- a/keras_nlp/src/samplers/sampler.py +++ b/keras_nlp/src/samplers/sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/serialization.py b/keras_nlp/src/samplers/serialization.py index 601770ebeb..1a8b273455 100644 --- a/keras_nlp/src/samplers/serialization.py +++ b/keras_nlp/src/samplers/serialization.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/serialization_test.py b/keras_nlp/src/samplers/serialization_test.py index 45a7c44fe5..e66640cbc9 100644 --- a/keras_nlp/src/samplers/serialization_test.py +++ b/keras_nlp/src/samplers/serialization_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/top_k_sampler.py b/keras_nlp/src/samplers/top_k_sampler.py index c49b5c768a..53a9e6fcb4 100644 --- a/keras_nlp/src/samplers/top_k_sampler.py +++ b/keras_nlp/src/samplers/top_k_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/top_k_sampler_test.py b/keras_nlp/src/samplers/top_k_sampler_test.py index d85dc26849..ed74b7b64b 100644 --- a/keras_nlp/src/samplers/top_k_sampler_test.py +++ b/keras_nlp/src/samplers/top_k_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/top_p_sampler.py b/keras_nlp/src/samplers/top_p_sampler.py index 33d35e4198..e9cfd5df68 100644 --- a/keras_nlp/src/samplers/top_p_sampler.py +++ b/keras_nlp/src/samplers/top_p_sampler.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/samplers/top_p_sampler_test.py b/keras_nlp/src/samplers/top_p_sampler_test.py index 676fc4aef3..74e6ed1a75 100644 --- a/keras_nlp/src/samplers/top_p_sampler_test.py +++ b/keras_nlp/src/samplers/top_p_sampler_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/__init__.py b/keras_nlp/src/tests/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/tests/__init__.py +++ b/keras_nlp/src/tests/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/doc_tests/__init__.py b/keras_nlp/src/tests/doc_tests/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/tests/doc_tests/__init__.py +++ b/keras_nlp/src/tests/doc_tests/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/doc_tests/docstring_lib.py b/keras_nlp/src/tests/doc_tests/docstring_lib.py index ae45e63aab..5feb1b1eb1 100644 --- a/keras_nlp/src/tests/doc_tests/docstring_lib.py +++ b/keras_nlp/src/tests/doc_tests/docstring_lib.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/doc_tests/docstring_test.py b/keras_nlp/src/tests/doc_tests/docstring_test.py index 1b17380ad8..145b85bc6b 100644 --- a/keras_nlp/src/tests/doc_tests/docstring_test.py +++ b/keras_nlp/src/tests/doc_tests/docstring_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/doc_tests/fenced_docstring_lib.py b/keras_nlp/src/tests/doc_tests/fenced_docstring_lib.py index 2b4c7f1de0..46b3f0d0e3 100644 --- a/keras_nlp/src/tests/doc_tests/fenced_docstring_lib.py +++ b/keras_nlp/src/tests/doc_tests/fenced_docstring_lib.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tests/test_case.py b/keras_nlp/src/tests/test_case.py index 8ff819bae4..6d0e799307 100644 --- a/keras_nlp/src/tests/test_case.py +++ b/keras_nlp/src/tests/test_case.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/__init__.py b/keras_nlp/src/tokenizers/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/tokenizers/__init__.py +++ b/keras_nlp/src/tokenizers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/byte_pair_tokenizer.py b/keras_nlp/src/tokenizers/byte_pair_tokenizer.py index d9172a5fa3..748fdc76ec 100644 --- a/keras_nlp/src/tokenizers/byte_pair_tokenizer.py +++ b/keras_nlp/src/tokenizers/byte_pair_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/byte_pair_tokenizer_test.py b/keras_nlp/src/tokenizers/byte_pair_tokenizer_test.py index 7e0ef2db67..e3cf1ccced 100644 --- a/keras_nlp/src/tokenizers/byte_pair_tokenizer_test.py +++ b/keras_nlp/src/tokenizers/byte_pair_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/byte_tokenizer.py b/keras_nlp/src/tokenizers/byte_tokenizer.py index d48159b098..33b3f6d814 100644 --- a/keras_nlp/src/tokenizers/byte_tokenizer.py +++ b/keras_nlp/src/tokenizers/byte_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/byte_tokenizer_test.py b/keras_nlp/src/tokenizers/byte_tokenizer_test.py index e2a3de2462..df7372625c 100644 --- a/keras_nlp/src/tokenizers/byte_tokenizer_test.py +++ b/keras_nlp/src/tokenizers/byte_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/sentence_piece_tokenizer.py b/keras_nlp/src/tokenizers/sentence_piece_tokenizer.py index 13fddaed37..4b56c46574 100644 --- a/keras_nlp/src/tokenizers/sentence_piece_tokenizer.py +++ b/keras_nlp/src/tokenizers/sentence_piece_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_test.py b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_test.py index b928b8b445..e4d09f44b6 100644 --- a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_test.py +++ b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer.py b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer.py index 9ed6dc9b71..2088b9d2ee 100644 --- a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer.py +++ b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer_test.py b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer_test.py index 2b944f02c0..d9402fa446 100644 --- a/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer_test.py +++ b/keras_nlp/src/tokenizers/sentence_piece_tokenizer_trainer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/tokenizer.py b/keras_nlp/src/tokenizers/tokenizer.py index aac0f4b917..b8a0dfae05 100644 --- a/keras_nlp/src/tokenizers/tokenizer.py +++ b/keras_nlp/src/tokenizers/tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/tokenizer_test.py b/keras_nlp/src/tokenizers/tokenizer_test.py index 791c4161a8..6340982e77 100644 --- a/keras_nlp/src/tokenizers/tokenizer_test.py +++ b/keras_nlp/src/tokenizers/tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer.py b/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer.py index 5c5c6ce88a..d808155341 100644 --- a/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer.py +++ b/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer_test.py b/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer_test.py index ada2d5dd22..0b3ee0dddc 100644 --- a/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer_test.py +++ b/keras_nlp/src/tokenizers/unicode_codepoint_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/word_piece_tokenizer.py b/keras_nlp/src/tokenizers/word_piece_tokenizer.py index 4d1c082dac..e9d1f66253 100644 --- a/keras_nlp/src/tokenizers/word_piece_tokenizer.py +++ b/keras_nlp/src/tokenizers/word_piece_tokenizer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/word_piece_tokenizer_test.py b/keras_nlp/src/tokenizers/word_piece_tokenizer_test.py index 57aa810054..c8ccdc9afb 100644 --- a/keras_nlp/src/tokenizers/word_piece_tokenizer_test.py +++ b/keras_nlp/src/tokenizers/word_piece_tokenizer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer.py b/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer.py index c25e66d2de..b47c7ddd59 100644 --- a/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer.py +++ b/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer_test.py b/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer_test.py index b639caa9f4..699de8851b 100644 --- a/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer_test.py +++ b/keras_nlp/src/tokenizers/word_piece_tokenizer_trainer_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/__init__.py b/keras_nlp/src/utils/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/utils/__init__.py +++ b/keras_nlp/src/utils/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/keras_utils.py b/keras_nlp/src/utils/keras_utils.py index 0fb96ccffb..2b0e60aad3 100644 --- a/keras_nlp/src/utils/keras_utils.py +++ b/keras_nlp/src/utils/keras_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/keras_utils_test.py b/keras_nlp/src/utils/keras_utils_test.py index 199e9f8172..0e31ad9698 100644 --- a/keras_nlp/src/utils/keras_utils_test.py +++ b/keras_nlp/src/utils/keras_utils_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/pipeline_model.py b/keras_nlp/src/utils/pipeline_model.py index 81353c5900..5fc5a6c381 100644 --- a/keras_nlp/src/utils/pipeline_model.py +++ b/keras_nlp/src/utils/pipeline_model.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/pipeline_model_test.py b/keras_nlp/src/utils/pipeline_model_test.py index bcb31b71bb..423af3d83c 100644 --- a/keras_nlp/src/utils/pipeline_model_test.py +++ b/keras_nlp/src/utils/pipeline_model_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/preset_utils.py b/keras_nlp/src/utils/preset_utils.py index f797bf9f18..52e9746731 100644 --- a/keras_nlp/src/utils/preset_utils.py +++ b/keras_nlp/src/utils/preset_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/preset_utils_test.py b/keras_nlp/src/utils/preset_utils_test.py index 31805d7233..759911eebf 100644 --- a/keras_nlp/src/utils/preset_utils_test.py +++ b/keras_nlp/src/utils/preset_utils_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/python_utils.py b/keras_nlp/src/utils/python_utils.py index d29c71dbbe..c4cc28aaee 100644 --- a/keras_nlp/src/utils/python_utils.py +++ b/keras_nlp/src/utils/python_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/python_utils_test.py b/keras_nlp/src/utils/python_utils_test.py index 6f10b1d3d4..647dfa0c4a 100644 --- a/keras_nlp/src/utils/python_utils_test.py +++ b/keras_nlp/src/utils/python_utils_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/tensor_utils.py b/keras_nlp/src/utils/tensor_utils.py index 24ddbeabfa..8010ab03b9 100644 --- a/keras_nlp/src/utils/tensor_utils.py +++ b/keras_nlp/src/utils/tensor_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/tensor_utils_test.py b/keras_nlp/src/utils/tensor_utils_test.py index 25d973a2c6..743279a020 100644 --- a/keras_nlp/src/utils/tensor_utils_test.py +++ b/keras_nlp/src/utils/tensor_utils_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/__init__.py b/keras_nlp/src/utils/transformers/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/keras_nlp/src/utils/transformers/__init__.py +++ b/keras_nlp/src/utils/transformers/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_bert_test.py b/keras_nlp/src/utils/transformers/convert_bert_test.py index 1213b4c280..1f4ee37928 100644 --- a/keras_nlp/src/utils/transformers/convert_bert_test.py +++ b/keras_nlp/src/utils/transformers/convert_bert_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_gemma_test.py b/keras_nlp/src/utils/transformers/convert_gemma_test.py index 9a105bb648..2347aa571d 100644 --- a/keras_nlp/src/utils/transformers/convert_gemma_test.py +++ b/keras_nlp/src/utils/transformers/convert_gemma_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_llama3.py b/keras_nlp/src/utils/transformers/convert_llama3.py index 956f247290..0d248d4b6a 100644 --- a/keras_nlp/src/utils/transformers/convert_llama3.py +++ b/keras_nlp/src/utils/transformers/convert_llama3.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_llama3_test.py b/keras_nlp/src/utils/transformers/convert_llama3_test.py index 856fc2a946..d27bc31e6f 100644 --- a/keras_nlp/src/utils/transformers/convert_llama3_test.py +++ b/keras_nlp/src/utils/transformers/convert_llama3_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_pali_gemma.py b/keras_nlp/src/utils/transformers/convert_pali_gemma.py index ef4c9b6a46..3382794041 100644 --- a/keras_nlp/src/utils/transformers/convert_pali_gemma.py +++ b/keras_nlp/src/utils/transformers/convert_pali_gemma.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/convert_pali_gemma_test.py b/keras_nlp/src/utils/transformers/convert_pali_gemma_test.py index 9d9f168980..994fe20d7f 100644 --- a/keras_nlp/src/utils/transformers/convert_pali_gemma_test.py +++ b/keras_nlp/src/utils/transformers/convert_pali_gemma_test.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/utils/transformers/safetensor_utils.py b/keras_nlp/src/utils/transformers/safetensor_utils.py index 40ef473ff3..60451a981f 100644 --- a/keras_nlp/src/utils/transformers/safetensor_utils.py +++ b/keras_nlp/src/utils/transformers/safetensor_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/keras_nlp/src/version_utils.py b/keras_nlp/src/version_utils.py index 73f308f949..aea6d7bf1c 100644 --- a/keras_nlp/src/version_utils.py +++ b/keras_nlp/src/version_utils.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/pip_build.py b/pip_build.py index 159659a390..7fed385c71 100644 --- a/pip_build.py +++ b/pip_build.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed 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 f1fd158f0d..f664aa5a61 100644 --- a/setup.py +++ b/setup.py @@ -1,4 +1,4 @@ -# Copyright 2021 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/shell/copyright.txt b/shell/copyright.txt index ba0c2545e4..3364a6bd16 100644 --- a/shell/copyright.txt +++ b/shell/copyright.txt @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/__init__.py b/tools/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/tools/__init__.py +++ b/tools/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/__init__.py b/tools/checkpoint_conversion/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/tools/checkpoint_conversion/__init__.py +++ b/tools/checkpoint_conversion/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/checkpoint_conversion_utils.py b/tools/checkpoint_conversion/checkpoint_conversion_utils.py index 99b133b134..9017058286 100644 --- a/tools/checkpoint_conversion/checkpoint_conversion_utils.py +++ b/tools/checkpoint_conversion/checkpoint_conversion_utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_albert_checkpoints.py b/tools/checkpoint_conversion/convert_albert_checkpoints.py index 049da60333..a74589923b 100644 --- a/tools/checkpoint_conversion/convert_albert_checkpoints.py +++ b/tools/checkpoint_conversion/convert_albert_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_bart_checkpoints.py b/tools/checkpoint_conversion/convert_bart_checkpoints.py index 3beab9b1d3..8f7def2c20 100644 --- a/tools/checkpoint_conversion/convert_bart_checkpoints.py +++ b/tools/checkpoint_conversion/convert_bart_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_bloom_checkpoints.py b/tools/checkpoint_conversion/convert_bloom_checkpoints.py index a9e833d1b0..ff0cb24344 100644 --- a/tools/checkpoint_conversion/convert_bloom_checkpoints.py +++ b/tools/checkpoint_conversion/convert_bloom_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_deberta_v3_checkpoints.py b/tools/checkpoint_conversion/convert_deberta_v3_checkpoints.py index f4d6239f6f..d74cac112c 100644 --- a/tools/checkpoint_conversion/convert_deberta_v3_checkpoints.py +++ b/tools/checkpoint_conversion/convert_deberta_v3_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_distilbert_checkpoints.py b/tools/checkpoint_conversion/convert_distilbert_checkpoints.py index be19035390..05fcbb0d70 100644 --- a/tools/checkpoint_conversion/convert_distilbert_checkpoints.py +++ b/tools/checkpoint_conversion/convert_distilbert_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_electra_checkpoints.py b/tools/checkpoint_conversion/convert_electra_checkpoints.py index 8bbafb1305..ccc7da00b8 100644 --- a/tools/checkpoint_conversion/convert_electra_checkpoints.py +++ b/tools/checkpoint_conversion/convert_electra_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_f_net_checkpoints.py b/tools/checkpoint_conversion/convert_f_net_checkpoints.py index a58002034e..e9f11f0907 100644 --- a/tools/checkpoint_conversion/convert_f_net_checkpoints.py +++ b/tools/checkpoint_conversion/convert_f_net_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_falcon_checkpoints.py b/tools/checkpoint_conversion/convert_falcon_checkpoints.py index fdbdffd670..d62f5dd58b 100644 --- a/tools/checkpoint_conversion/convert_falcon_checkpoints.py +++ b/tools/checkpoint_conversion/convert_falcon_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_gemma_checkpoints.py b/tools/checkpoint_conversion/convert_gemma_checkpoints.py index 68ea542607..afc50e4b30 100644 --- a/tools/checkpoint_conversion/convert_gemma_checkpoints.py +++ b/tools/checkpoint_conversion/convert_gemma_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_gpt2_checkpoints.py b/tools/checkpoint_conversion/convert_gpt2_checkpoints.py index f9e3754036..ee15858cce 100644 --- a/tools/checkpoint_conversion/convert_gpt2_checkpoints.py +++ b/tools/checkpoint_conversion/convert_gpt2_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_gpt_neox_checkpoints.py b/tools/checkpoint_conversion/convert_gpt_neox_checkpoints.py index 0a047a4f51..205ee03fb4 100644 --- a/tools/checkpoint_conversion/convert_gpt_neox_checkpoints.py +++ b/tools/checkpoint_conversion/convert_gpt_neox_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_llama3_checkpoints.py b/tools/checkpoint_conversion/convert_llama3_checkpoints.py index c4bfde5fbe..61a4c6cad4 100644 --- a/tools/checkpoint_conversion/convert_llama3_checkpoints.py +++ b/tools/checkpoint_conversion/convert_llama3_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_llama_checkpoints.py b/tools/checkpoint_conversion/convert_llama_checkpoints.py index 3982274414..3c4d3dcfc4 100644 --- a/tools/checkpoint_conversion/convert_llama_checkpoints.py +++ b/tools/checkpoint_conversion/convert_llama_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_mistral_checkpoints.py b/tools/checkpoint_conversion/convert_mistral_checkpoints.py index ae3b1f5b83..dd43bfb8b8 100644 --- a/tools/checkpoint_conversion/convert_mistral_checkpoints.py +++ b/tools/checkpoint_conversion/convert_mistral_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_opt_checkpoints.py b/tools/checkpoint_conversion/convert_opt_checkpoints.py index fb1ea656e8..fb8de06531 100644 --- a/tools/checkpoint_conversion/convert_opt_checkpoints.py +++ b/tools/checkpoint_conversion/convert_opt_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_pali_gemma_checkpoints.py b/tools/checkpoint_conversion/convert_pali_gemma_checkpoints.py index 03908b9477..84b5a041e0 100644 --- a/tools/checkpoint_conversion/convert_pali_gemma_checkpoints.py +++ b/tools/checkpoint_conversion/convert_pali_gemma_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_pali_gemma_vit_checkpoints.py b/tools/checkpoint_conversion/convert_pali_gemma_vit_checkpoints.py index 8172352126..64122a6319 100644 --- a/tools/checkpoint_conversion/convert_pali_gemma_vit_checkpoints.py +++ b/tools/checkpoint_conversion/convert_pali_gemma_vit_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_phi3_checkpoints.py b/tools/checkpoint_conversion/convert_phi3_checkpoints.py index 0ec3fd4d2c..ccd3f21d9e 100644 --- a/tools/checkpoint_conversion/convert_phi3_checkpoints.py +++ b/tools/checkpoint_conversion/convert_phi3_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_roberta_checkpoints.py b/tools/checkpoint_conversion/convert_roberta_checkpoints.py index aaa9cac4c7..1aa7792712 100644 --- a/tools/checkpoint_conversion/convert_roberta_checkpoints.py +++ b/tools/checkpoint_conversion/convert_roberta_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_t5_checkpoints.py b/tools/checkpoint_conversion/convert_t5_checkpoints.py index 89a365f00f..2f9b74b86e 100644 --- a/tools/checkpoint_conversion/convert_t5_checkpoints.py +++ b/tools/checkpoint_conversion/convert_t5_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_xlm_roberta_checkpoints.py b/tools/checkpoint_conversion/convert_xlm_roberta_checkpoints.py index b1295b1ecd..bc551f88ba 100644 --- a/tools/checkpoint_conversion/convert_xlm_roberta_checkpoints.py +++ b/tools/checkpoint_conversion/convert_xlm_roberta_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/checkpoint_conversion/convert_xlnet_checkpoints.py b/tools/checkpoint_conversion/convert_xlnet_checkpoints.py index bca7127bbc..6c36a626be 100644 --- a/tools/checkpoint_conversion/convert_xlnet_checkpoints.py +++ b/tools/checkpoint_conversion/convert_xlnet_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/convert_legacy_presets.py b/tools/convert_legacy_presets.py index c1470cf64a..6770ec761d 100644 --- a/tools/convert_legacy_presets.py +++ b/tools/convert_legacy_presets.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/count_preset_params.py b/tools/count_preset_params.py index 3edcc6d09d..48f87a971e 100644 --- a/tools/count_preset_params.py +++ b/tools/count_preset_params.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/pretrained_tokenizers/word_piece_cleaning_script.py b/tools/pretrained_tokenizers/word_piece_cleaning_script.py index fe4a811403..7ee257ac81 100644 --- a/tools/pretrained_tokenizers/word_piece_cleaning_script.py +++ b/tools/pretrained_tokenizers/word_piece_cleaning_script.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/pretrained_tokenizers/word_piece_training_script.py b/tools/pretrained_tokenizers/word_piece_training_script.py index 59375700f4..485e30a868 100644 --- a/tools/pretrained_tokenizers/word_piece_training_script.py +++ b/tools/pretrained_tokenizers/word_piece_training_script.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/quantize_checkpoints.py b/tools/quantize_checkpoints.py index ead815b73e..68f5e57ba4 100644 --- a/tools/quantize_checkpoints.py +++ b/tools/quantize_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/__init__.py b/tools/sentencepiece_testing/__init__.py index ba0c2545e4..3364a6bd16 100644 --- a/tools/sentencepiece_testing/__init__.py +++ b/tools/sentencepiece_testing/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_albert_test_proto.py b/tools/sentencepiece_testing/create_albert_test_proto.py index 80e82b3cd1..5799734424 100644 --- a/tools/sentencepiece_testing/create_albert_test_proto.py +++ b/tools/sentencepiece_testing/create_albert_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_deberta_v3_test_proto.py b/tools/sentencepiece_testing/create_deberta_v3_test_proto.py index c3f98867c5..c9562f0f43 100644 --- a/tools/sentencepiece_testing/create_deberta_v3_test_proto.py +++ b/tools/sentencepiece_testing/create_deberta_v3_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_f_net_test_proto.py b/tools/sentencepiece_testing/create_f_net_test_proto.py index 949a5692f9..a836a3c9c8 100644 --- a/tools/sentencepiece_testing/create_f_net_test_proto.py +++ b/tools/sentencepiece_testing/create_f_net_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_gemma_test_proto.py b/tools/sentencepiece_testing/create_gemma_test_proto.py index c3ce418a4b..8031edc5d5 100644 --- a/tools/sentencepiece_testing/create_gemma_test_proto.py +++ b/tools/sentencepiece_testing/create_gemma_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_llama_test_proto.py b/tools/sentencepiece_testing/create_llama_test_proto.py index c57a0074e2..6787f320ac 100644 --- a/tools/sentencepiece_testing/create_llama_test_proto.py +++ b/tools/sentencepiece_testing/create_llama_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_mistral_test_proto.py b/tools/sentencepiece_testing/create_mistral_test_proto.py index 1a2a501b7a..8d8fb27a39 100644 --- a/tools/sentencepiece_testing/create_mistral_test_proto.py +++ b/tools/sentencepiece_testing/create_mistral_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_no_special_token_proto.py b/tools/sentencepiece_testing/create_no_special_token_proto.py index c13ef6e05a..38af2cdc58 100644 --- a/tools/sentencepiece_testing/create_no_special_token_proto.py +++ b/tools/sentencepiece_testing/create_no_special_token_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_sentence_piece_tokenizer_proto.py b/tools/sentencepiece_testing/create_sentence_piece_tokenizer_proto.py index a40eade848..d2abbc67a1 100644 --- a/tools/sentencepiece_testing/create_sentence_piece_tokenizer_proto.py +++ b/tools/sentencepiece_testing/create_sentence_piece_tokenizer_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_t5_test_proto.py b/tools/sentencepiece_testing/create_t5_test_proto.py index b7e28160e5..0133d6cff8 100644 --- a/tools/sentencepiece_testing/create_t5_test_proto.py +++ b/tools/sentencepiece_testing/create_t5_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/create_xlm_roberta_test_proto.py b/tools/sentencepiece_testing/create_xlm_roberta_test_proto.py index 988d161f99..f59f5339d6 100644 --- a/tools/sentencepiece_testing/create_xlm_roberta_test_proto.py +++ b/tools/sentencepiece_testing/create_xlm_roberta_test_proto.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tools/sentencepiece_testing/utils.py b/tools/sentencepiece_testing/utils.py index caaeae7249..b6c0a84261 100644 --- a/tools/sentencepiece_testing/utils.py +++ b/tools/sentencepiece_testing/utils.py @@ -1,4 +1,4 @@ -# Copyright 2023 The KerasNLP Authors +# Copyright 2024 The KerasNLP Authors # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. From 4ce5af354beab195bd60097d80d37c31bded043d Mon Sep 17 00:00:00 2001 From: Matt Watson Date: Wed, 7 Aug 2024 18:28:23 -0700 Subject: [PATCH 3/3] fixes --- keras_nlp/__init__.py | 4 +--- keras_nlp/src/models/task_test.py | 8 ++++---- .../models/whisper/whisper_cached_multi_head_attention.py | 4 +++- keras_nlp/src/tests/test_case.py | 4 +++- keras_nlp/src/utils/preset_utils.py | 2 +- keras_nlp/src/utils/preset_utils_test.py | 2 +- 6 files changed, 13 insertions(+), 11 deletions(-) diff --git a/keras_nlp/__init__.py b/keras_nlp/__init__.py index 238f54bd6f..4f02f98bd6 100644 --- a/keras_nlp/__init__.py +++ b/keras_nlp/__init__.py @@ -19,9 +19,7 @@ import os -# sentencepiece is segfaulting on tf-nightly if tensorflow is imported first. -# This is a temporary fix to restore our nightly testing to green, while we look -# for a longer term solution. +# sentencepiece segfaults on some version of tensorflow if tf is imported first. try: import sentencepiece except ImportError: diff --git a/keras_nlp/src/models/task_test.py b/keras_nlp/src/models/task_test.py index 22a2aa9e40..2b02c41d46 100644 --- a/keras_nlp/src/models/task_test.py +++ b/keras_nlp/src/models/task_test.py @@ -17,14 +17,14 @@ import keras import pytest -from keras_nlp.src.models.causal_lm import CausalLM -from keras_nlp.src.models.preprocessor import Preprocessor -from keras_nlp.src.models.task import Task -from keras_nlp.src.tokenizers.tokenizer import Tokenizer from keras_nlp.src.models.bert.bert_classifier import BertClassifier +from keras_nlp.src.models.causal_lm import CausalLM from keras_nlp.src.models.classifier import Classifier from keras_nlp.src.models.gpt2.gpt2_causal_lm import GPT2CausalLM +from keras_nlp.src.models.preprocessor import Preprocessor +from keras_nlp.src.models.task import Task from keras_nlp.src.tests.test_case import TestCase +from keras_nlp.src.tokenizers.tokenizer import Tokenizer from keras_nlp.src.utils.preset_utils import CONFIG_FILE from keras_nlp.src.utils.preset_utils import METADATA_FILE from keras_nlp.src.utils.preset_utils import MODEL_WEIGHTS_FILE diff --git a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py index e721871c90..c7566c9d2f 100644 --- a/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py +++ b/keras_nlp/src/models/whisper/whisper_cached_multi_head_attention.py @@ -18,7 +18,9 @@ import keras -from keras_nlp.src.layers.modeling.cached_multi_head_attention import CachedMultiHeadAttention +from keras_nlp.src.layers.modeling.cached_multi_head_attention import ( + CachedMultiHeadAttention, +) def _index_to_einsum_variable(i): diff --git a/keras_nlp/src/tests/test_case.py b/keras_nlp/src/tests/test_case.py index 6d0e799307..634335eb78 100644 --- a/keras_nlp/src/tests/test_case.py +++ b/keras_nlp/src/tests/test_case.py @@ -23,7 +23,9 @@ from keras import ops from keras import tree -from keras_nlp.src.layers.modeling.reversible_embedding import ReversibleEmbedding +from keras_nlp.src.layers.modeling.reversible_embedding import ( + ReversibleEmbedding, +) from keras_nlp.src.tokenizers.tokenizer import Tokenizer from keras_nlp.src.utils.keras_utils import has_quantization_support from keras_nlp.src.utils.tensor_utils import is_float_dtype diff --git a/keras_nlp/src/utils/preset_utils.py b/keras_nlp/src/utils/preset_utils.py index 52e9746731..a46a73bb6f 100644 --- a/keras_nlp/src/utils/preset_utils.py +++ b/keras_nlp/src/utils/preset_utils.py @@ -300,7 +300,7 @@ def save_serialized_object( def save_metadata(layer, preset): - from keras_nlp.src import __version__ as keras_nlp_version + from keras_nlp.src.version_utils import __version__ as keras_nlp_version keras_version = keras.version() if hasattr(keras, "version") else None metadata = { diff --git a/keras_nlp/src/utils/preset_utils_test.py b/keras_nlp/src/utils/preset_utils_test.py index 759911eebf..8a141534fa 100644 --- a/keras_nlp/src/utils/preset_utils_test.py +++ b/keras_nlp/src/utils/preset_utils_test.py @@ -23,12 +23,12 @@ from keras_nlp.src.models.bert.bert_tokenizer import BertTokenizer from keras_nlp.src.tests.test_case import TestCase from keras_nlp.src.utils.keras_utils import has_quantization_support -from keras_nlp.src.utils.preset_utils import upload_preset from keras_nlp.src.utils.preset_utils import CONFIG_FILE from keras_nlp.src.utils.preset_utils import METADATA_FILE from keras_nlp.src.utils.preset_utils import TOKENIZER_CONFIG_FILE from keras_nlp.src.utils.preset_utils import check_format from keras_nlp.src.utils.preset_utils import load_serialized_object +from keras_nlp.src.utils.preset_utils import upload_preset class PresetUtilsTest(TestCase):