keras-hub-nightly 0.15.0.dev20240823171555__py3-none-any.whl → 0.15.0.dev20240911134614__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- keras_hub/api/__init__.py +1 -0
- keras_hub/api/bounding_box/__init__.py +36 -0
- keras_hub/api/layers/__init__.py +14 -0
- keras_hub/api/models/__init__.py +75 -31
- keras_hub/api/tokenizers/__init__.py +30 -0
- keras_hub/src/bounding_box/__init__.py +13 -0
- keras_hub/src/bounding_box/converters.py +529 -0
- keras_hub/src/bounding_box/formats.py +162 -0
- keras_hub/src/bounding_box/iou.py +263 -0
- keras_hub/src/bounding_box/to_dense.py +95 -0
- keras_hub/src/bounding_box/to_ragged.py +99 -0
- keras_hub/src/bounding_box/utils.py +194 -0
- keras_hub/src/bounding_box/validate_format.py +99 -0
- keras_hub/src/layers/preprocessing/audio_converter.py +121 -0
- keras_hub/src/layers/preprocessing/image_converter.py +130 -0
- keras_hub/src/layers/preprocessing/masked_lm_mask_generator.py +2 -0
- keras_hub/src/layers/preprocessing/multi_segment_packer.py +9 -8
- keras_hub/src/layers/preprocessing/preprocessing_layer.py +2 -29
- keras_hub/src/layers/preprocessing/random_deletion.py +33 -31
- keras_hub/src/layers/preprocessing/random_swap.py +33 -31
- keras_hub/src/layers/preprocessing/resizing_image_converter.py +101 -0
- keras_hub/src/layers/preprocessing/start_end_packer.py +3 -2
- keras_hub/src/models/albert/__init__.py +1 -2
- keras_hub/src/models/albert/albert_masked_lm_preprocessor.py +6 -86
- keras_hub/src/models/albert/{albert_classifier.py → albert_text_classifier.py} +29 -10
- keras_hub/src/models/albert/{albert_preprocessor.py → albert_text_classifier_preprocessor.py} +14 -70
- keras_hub/src/models/albert/albert_tokenizer.py +17 -36
- keras_hub/src/models/backbone.py +12 -34
- keras_hub/src/models/bart/__init__.py +1 -2
- keras_hub/src/models/bart/bart_preprocessor.py +6 -18
- keras_hub/src/models/bart/bart_seq_2_seq_lm_preprocessor.py +21 -148
- keras_hub/src/models/bart/bart_tokenizer.py +12 -39
- keras_hub/src/models/bert/__init__.py +1 -5
- keras_hub/src/models/bert/bert_masked_lm_preprocessor.py +6 -87
- keras_hub/src/models/bert/bert_presets.py +1 -4
- keras_hub/src/models/bert/{bert_classifier.py → bert_text_classifier.py} +12 -10
- keras_hub/src/models/bert/{bert_preprocessor.py → bert_text_classifier_preprocessor.py} +14 -70
- keras_hub/src/models/bert/bert_tokenizer.py +17 -35
- keras_hub/src/models/bloom/__init__.py +1 -2
- keras_hub/src/models/bloom/bloom_causal_lm_preprocessor.py +6 -91
- keras_hub/src/models/bloom/bloom_preprocessor.py +5 -12
- keras_hub/src/models/bloom/bloom_tokenizer.py +12 -41
- keras_hub/src/models/causal_lm.py +10 -29
- keras_hub/src/models/causal_lm_preprocessor.py +195 -0
- keras_hub/src/models/csp_darknet/csp_darknet_backbone.py +54 -15
- keras_hub/src/models/deberta_v3/__init__.py +1 -4
- keras_hub/src/models/deberta_v3/deberta_v3_masked_lm_preprocessor.py +14 -77
- keras_hub/src/models/deberta_v3/{deberta_v3_classifier.py → deberta_v3_text_classifier.py} +11 -11
- keras_hub/src/models/deberta_v3/{deberta_v3_preprocessor.py → deberta_v3_text_classifier_preprocessor.py} +23 -64
- keras_hub/src/models/deberta_v3/deberta_v3_tokenizer.py +30 -25
- keras_hub/src/models/densenet/densenet_backbone.py +46 -22
- keras_hub/src/models/distil_bert/__init__.py +1 -4
- keras_hub/src/models/distil_bert/distil_bert_masked_lm_preprocessor.py +14 -76
- keras_hub/src/models/distil_bert/{distil_bert_classifier.py → distil_bert_text_classifier.py} +12 -12
- keras_hub/src/models/distil_bert/{distil_bert_preprocessor.py → distil_bert_text_classifier_preprocessor.py} +23 -63
- keras_hub/src/models/distil_bert/distil_bert_tokenizer.py +19 -35
- keras_hub/src/models/efficientnet/__init__.py +13 -0
- keras_hub/src/models/efficientnet/efficientnet_backbone.py +569 -0
- keras_hub/src/models/efficientnet/fusedmbconv.py +229 -0
- keras_hub/src/models/efficientnet/mbconv.py +238 -0
- keras_hub/src/models/electra/__init__.py +1 -2
- keras_hub/src/models/electra/electra_preprocessor.py +6 -5
- keras_hub/src/models/electra/electra_tokenizer.py +17 -32
- keras_hub/src/models/f_net/__init__.py +1 -2
- keras_hub/src/models/f_net/f_net_masked_lm_preprocessor.py +12 -78
- keras_hub/src/models/f_net/{f_net_classifier.py → f_net_text_classifier.py} +10 -8
- keras_hub/src/models/f_net/{f_net_preprocessor.py → f_net_text_classifier_preprocessor.py} +19 -63
- keras_hub/src/models/f_net/f_net_tokenizer.py +17 -35
- keras_hub/src/models/falcon/__init__.py +1 -2
- keras_hub/src/models/falcon/falcon_causal_lm_preprocessor.py +6 -89
- keras_hub/src/models/falcon/falcon_preprocessor.py +5 -12
- keras_hub/src/models/falcon/falcon_tokenizer.py +12 -35
- keras_hub/src/models/gemma/__init__.py +1 -2
- keras_hub/src/models/gemma/gemma_causal_lm_preprocessor.py +6 -90
- keras_hub/src/models/gemma/gemma_preprocessor.py +5 -12
- keras_hub/src/models/gemma/gemma_tokenizer.py +12 -23
- keras_hub/src/models/gpt2/__init__.py +1 -2
- keras_hub/src/models/gpt2/gpt2_causal_lm_preprocessor.py +6 -89
- keras_hub/src/models/gpt2/gpt2_preprocessor.py +5 -12
- keras_hub/src/models/gpt2/gpt2_tokenizer.py +12 -34
- keras_hub/src/models/gpt_neo_x/gpt_neo_x_causal_lm_preprocessor.py +6 -91
- keras_hub/src/models/gpt_neo_x/gpt_neo_x_preprocessor.py +5 -12
- keras_hub/src/models/gpt_neo_x/gpt_neo_x_tokenizer.py +12 -34
- keras_hub/src/models/image_classifier.py +0 -5
- keras_hub/src/models/image_classifier_preprocessor.py +83 -0
- keras_hub/src/models/llama/__init__.py +1 -2
- keras_hub/src/models/llama/llama_causal_lm_preprocessor.py +6 -85
- keras_hub/src/models/llama/llama_preprocessor.py +5 -12
- keras_hub/src/models/llama/llama_tokenizer.py +12 -25
- keras_hub/src/models/llama3/__init__.py +1 -2
- keras_hub/src/models/llama3/llama3_causal_lm_preprocessor.py +6 -89
- keras_hub/src/models/llama3/llama3_preprocessor.py +2 -0
- keras_hub/src/models/llama3/llama3_tokenizer.py +12 -33
- keras_hub/src/models/masked_lm.py +0 -2
- keras_hub/src/models/masked_lm_preprocessor.py +156 -0
- keras_hub/src/models/mistral/__init__.py +1 -2
- keras_hub/src/models/mistral/mistral_causal_lm_preprocessor.py +6 -91
- keras_hub/src/models/mistral/mistral_preprocessor.py +5 -12
- keras_hub/src/models/mistral/mistral_tokenizer.py +12 -23
- keras_hub/src/models/mix_transformer/mix_transformer_backbone.py +2 -2
- keras_hub/src/models/mobilenet/__init__.py +13 -0
- keras_hub/src/models/mobilenet/mobilenet_backbone.py +530 -0
- keras_hub/src/models/mobilenet/mobilenet_image_classifier.py +114 -0
- keras_hub/src/models/opt/__init__.py +1 -2
- keras_hub/src/models/opt/opt_causal_lm_preprocessor.py +6 -93
- keras_hub/src/models/opt/opt_preprocessor.py +5 -12
- keras_hub/src/models/opt/opt_tokenizer.py +12 -41
- keras_hub/src/models/pali_gemma/__init__.py +1 -4
- keras_hub/src/models/pali_gemma/pali_gemma_causal_lm_preprocessor.py +28 -28
- keras_hub/src/models/pali_gemma/pali_gemma_image_converter.py +25 -0
- keras_hub/src/models/pali_gemma/pali_gemma_presets.py +5 -5
- keras_hub/src/models/pali_gemma/pali_gemma_tokenizer.py +10 -2
- keras_hub/src/models/phi3/__init__.py +1 -2
- keras_hub/src/models/phi3/phi3_causal_lm.py +3 -9
- keras_hub/src/models/phi3/phi3_causal_lm_preprocessor.py +6 -89
- keras_hub/src/models/phi3/phi3_preprocessor.py +5 -12
- keras_hub/src/models/phi3/phi3_tokenizer.py +12 -36
- keras_hub/src/models/preprocessor.py +76 -83
- keras_hub/src/models/resnet/__init__.py +6 -0
- keras_hub/src/models/resnet/resnet_backbone.py +387 -26
- keras_hub/src/models/resnet/resnet_image_classifier.py +7 -3
- keras_hub/src/models/resnet/resnet_image_classifier_preprocessor.py +28 -0
- keras_hub/src/models/resnet/resnet_image_converter.py +23 -0
- keras_hub/src/models/resnet/resnet_presets.py +95 -0
- keras_hub/src/models/roberta/__init__.py +1 -2
- keras_hub/src/models/roberta/roberta_masked_lm_preprocessor.py +22 -74
- keras_hub/src/models/roberta/{roberta_classifier.py → roberta_text_classifier.py} +11 -11
- keras_hub/src/models/roberta/{roberta_preprocessor.py → roberta_text_classifier_preprocessor.py} +21 -53
- keras_hub/src/models/roberta/roberta_tokenizer.py +13 -52
- keras_hub/src/models/seq_2_seq_lm_preprocessor.py +269 -0
- keras_hub/src/models/stable_diffusion_v3/__init__.py +13 -0
- keras_hub/src/models/stable_diffusion_v3/clip_encoder_block.py +103 -0
- keras_hub/src/models/stable_diffusion_v3/clip_preprocessor.py +93 -0
- keras_hub/src/models/stable_diffusion_v3/clip_text_encoder.py +149 -0
- keras_hub/src/models/stable_diffusion_v3/clip_tokenizer.py +167 -0
- keras_hub/src/models/stable_diffusion_v3/mmdit.py +427 -0
- keras_hub/src/models/stable_diffusion_v3/mmdit_block.py +317 -0
- keras_hub/src/models/stable_diffusion_v3/t5_xxl_preprocessor.py +74 -0
- keras_hub/src/models/stable_diffusion_v3/t5_xxl_text_encoder.py +155 -0
- keras_hub/src/models/stable_diffusion_v3/vae_attention.py +126 -0
- keras_hub/src/models/stable_diffusion_v3/vae_image_decoder.py +186 -0
- keras_hub/src/models/t5/__init__.py +1 -2
- keras_hub/src/models/t5/t5_tokenizer.py +13 -23
- keras_hub/src/models/task.py +71 -116
- keras_hub/src/models/{classifier.py → text_classifier.py} +8 -13
- keras_hub/src/models/text_classifier_preprocessor.py +138 -0
- keras_hub/src/models/whisper/__init__.py +1 -2
- keras_hub/src/models/whisper/{whisper_audio_feature_extractor.py → whisper_audio_converter.py} +20 -18
- keras_hub/src/models/whisper/whisper_backbone.py +0 -3
- keras_hub/src/models/whisper/whisper_presets.py +10 -10
- keras_hub/src/models/whisper/whisper_tokenizer.py +20 -16
- keras_hub/src/models/xlm_roberta/__init__.py +1 -4
- keras_hub/src/models/xlm_roberta/xlm_roberta_masked_lm_preprocessor.py +26 -72
- keras_hub/src/models/xlm_roberta/{xlm_roberta_classifier.py → xlm_roberta_text_classifier.py} +11 -11
- keras_hub/src/models/xlm_roberta/{xlm_roberta_preprocessor.py → xlm_roberta_text_classifier_preprocessor.py} +26 -53
- keras_hub/src/models/xlm_roberta/xlm_roberta_tokenizer.py +25 -10
- keras_hub/src/tests/test_case.py +25 -0
- keras_hub/src/tokenizers/byte_pair_tokenizer.py +29 -17
- keras_hub/src/tokenizers/byte_tokenizer.py +14 -15
- keras_hub/src/tokenizers/sentence_piece_tokenizer.py +19 -7
- keras_hub/src/tokenizers/tokenizer.py +67 -32
- keras_hub/src/tokenizers/unicode_codepoint_tokenizer.py +14 -15
- keras_hub/src/tokenizers/word_piece_tokenizer.py +33 -47
- keras_hub/src/utils/keras_utils.py +0 -50
- keras_hub/src/utils/preset_utils.py +238 -67
- keras_hub/src/utils/tensor_utils.py +187 -69
- keras_hub/src/utils/timm/convert_resnet.py +20 -16
- keras_hub/src/utils/timm/preset_loader.py +67 -0
- keras_hub/src/utils/transformers/convert_albert.py +193 -0
- keras_hub/src/utils/transformers/convert_bart.py +373 -0
- keras_hub/src/utils/transformers/convert_bert.py +7 -17
- keras_hub/src/utils/transformers/convert_distilbert.py +10 -20
- keras_hub/src/utils/transformers/convert_gemma.py +5 -19
- keras_hub/src/utils/transformers/convert_gpt2.py +5 -18
- keras_hub/src/utils/transformers/convert_llama3.py +7 -18
- keras_hub/src/utils/transformers/convert_mistral.py +129 -0
- keras_hub/src/utils/transformers/convert_pali_gemma.py +7 -29
- keras_hub/src/utils/transformers/preset_loader.py +77 -0
- keras_hub/src/utils/transformers/safetensor_utils.py +2 -2
- keras_hub/src/version_utils.py +1 -1
- {keras_hub_nightly-0.15.0.dev20240823171555.dist-info → keras_hub_nightly-0.15.0.dev20240911134614.dist-info}/METADATA +1 -2
- keras_hub_nightly-0.15.0.dev20240911134614.dist-info/RECORD +338 -0
- {keras_hub_nightly-0.15.0.dev20240823171555.dist-info → keras_hub_nightly-0.15.0.dev20240911134614.dist-info}/WHEEL +1 -1
- keras_hub/src/models/whisper/whisper_preprocessor.py +0 -326
- keras_hub/src/utils/timm/convert.py +0 -37
- keras_hub/src/utils/transformers/convert.py +0 -101
- keras_hub_nightly-0.15.0.dev20240823171555.dist-info/RECORD +0 -297
- {keras_hub_nightly-0.15.0.dev20240823171555.dist-info → keras_hub_nightly-0.15.0.dev20240911134614.dist-info}/top_level.txt +0 -0
keras_hub/api/__init__.py
CHANGED
@@ -17,6 +17,7 @@ This file was autogenerated. Do not edit it by hand,
|
|
17
17
|
since your modifications would be overwritten.
|
18
18
|
"""
|
19
19
|
|
20
|
+
from keras_hub.api import bounding_box
|
20
21
|
from keras_hub.api import layers
|
21
22
|
from keras_hub.api import metrics
|
22
23
|
from keras_hub.api import models
|
@@ -0,0 +1,36 @@
|
|
1
|
+
# Copyright 2024 The KerasHub Authors
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# https://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
"""DO NOT EDIT.
|
15
|
+
|
16
|
+
This file was autogenerated. Do not edit it by hand,
|
17
|
+
since your modifications would be overwritten.
|
18
|
+
"""
|
19
|
+
|
20
|
+
from keras_hub.src.bounding_box.converters import convert_format
|
21
|
+
from keras_hub.src.bounding_box.formats import CENTER_XYWH
|
22
|
+
from keras_hub.src.bounding_box.formats import REL_XYWH
|
23
|
+
from keras_hub.src.bounding_box.formats import REL_XYXY
|
24
|
+
from keras_hub.src.bounding_box.formats import REL_YXYX
|
25
|
+
from keras_hub.src.bounding_box.formats import XYWH
|
26
|
+
from keras_hub.src.bounding_box.formats import XYXY
|
27
|
+
from keras_hub.src.bounding_box.formats import YXYX
|
28
|
+
from keras_hub.src.bounding_box.iou import compute_ciou
|
29
|
+
from keras_hub.src.bounding_box.iou import compute_iou
|
30
|
+
from keras_hub.src.bounding_box.to_dense import to_dense
|
31
|
+
from keras_hub.src.bounding_box.to_ragged import to_ragged
|
32
|
+
from keras_hub.src.bounding_box.utils import as_relative
|
33
|
+
from keras_hub.src.bounding_box.utils import clip_boxes
|
34
|
+
from keras_hub.src.bounding_box.utils import clip_to_image
|
35
|
+
from keras_hub.src.bounding_box.utils import is_relative
|
36
|
+
from keras_hub.src.bounding_box.validate_format import validate_format
|
keras_hub/api/layers/__init__.py
CHANGED
@@ -36,6 +36,8 @@ from keras_hub.src.layers.modeling.token_and_position_embedding import (
|
|
36
36
|
)
|
37
37
|
from keras_hub.src.layers.modeling.transformer_decoder import TransformerDecoder
|
38
38
|
from keras_hub.src.layers.modeling.transformer_encoder import TransformerEncoder
|
39
|
+
from keras_hub.src.layers.preprocessing.audio_converter import AudioConverter
|
40
|
+
from keras_hub.src.layers.preprocessing.image_converter import ImageConverter
|
39
41
|
from keras_hub.src.layers.preprocessing.masked_lm_mask_generator import (
|
40
42
|
MaskedLMMaskGenerator,
|
41
43
|
)
|
@@ -44,4 +46,16 @@ from keras_hub.src.layers.preprocessing.multi_segment_packer import (
|
|
44
46
|
)
|
45
47
|
from keras_hub.src.layers.preprocessing.random_deletion import RandomDeletion
|
46
48
|
from keras_hub.src.layers.preprocessing.random_swap import RandomSwap
|
49
|
+
from keras_hub.src.layers.preprocessing.resizing_image_converter import (
|
50
|
+
ResizingImageConverter,
|
51
|
+
)
|
47
52
|
from keras_hub.src.layers.preprocessing.start_end_packer import StartEndPacker
|
53
|
+
from keras_hub.src.models.pali_gemma.pali_gemma_image_converter import (
|
54
|
+
PaliGemmaImageConverter,
|
55
|
+
)
|
56
|
+
from keras_hub.src.models.resnet.resnet_image_converter import (
|
57
|
+
ResNetImageConverter,
|
58
|
+
)
|
59
|
+
from keras_hub.src.models.whisper.whisper_audio_converter import (
|
60
|
+
WhisperAudioConverter,
|
61
|
+
)
|
keras_hub/api/models/__init__.py
CHANGED
@@ -18,12 +18,19 @@ since your modifications would be overwritten.
|
|
18
18
|
"""
|
19
19
|
|
20
20
|
from keras_hub.src.models.albert.albert_backbone import AlbertBackbone
|
21
|
-
from keras_hub.src.models.albert.albert_classifier import AlbertClassifier
|
22
21
|
from keras_hub.src.models.albert.albert_masked_lm import AlbertMaskedLM
|
23
22
|
from keras_hub.src.models.albert.albert_masked_lm_preprocessor import (
|
24
23
|
AlbertMaskedLMPreprocessor,
|
25
24
|
)
|
26
|
-
from keras_hub.src.models.albert.
|
25
|
+
from keras_hub.src.models.albert.albert_text_classifier import (
|
26
|
+
AlbertTextClassifier,
|
27
|
+
)
|
28
|
+
from keras_hub.src.models.albert.albert_text_classifier_preprocessor import (
|
29
|
+
AlbertTextClassifierPreprocessor,
|
30
|
+
)
|
31
|
+
from keras_hub.src.models.albert.albert_text_classifier_preprocessor import (
|
32
|
+
AlbertTextClassifierPreprocessor as AlbertPreprocessor,
|
33
|
+
)
|
27
34
|
from keras_hub.src.models.albert.albert_tokenizer import AlbertTokenizer
|
28
35
|
from keras_hub.src.models.backbone import Backbone
|
29
36
|
from keras_hub.src.models.bart.bart_backbone import BartBackbone
|
@@ -34,12 +41,17 @@ from keras_hub.src.models.bart.bart_seq_2_seq_lm_preprocessor import (
|
|
34
41
|
)
|
35
42
|
from keras_hub.src.models.bart.bart_tokenizer import BartTokenizer
|
36
43
|
from keras_hub.src.models.bert.bert_backbone import BertBackbone
|
37
|
-
from keras_hub.src.models.bert.bert_classifier import BertClassifier
|
38
44
|
from keras_hub.src.models.bert.bert_masked_lm import BertMaskedLM
|
39
45
|
from keras_hub.src.models.bert.bert_masked_lm_preprocessor import (
|
40
46
|
BertMaskedLMPreprocessor,
|
41
47
|
)
|
42
|
-
from keras_hub.src.models.bert.
|
48
|
+
from keras_hub.src.models.bert.bert_text_classifier import BertTextClassifier
|
49
|
+
from keras_hub.src.models.bert.bert_text_classifier_preprocessor import (
|
50
|
+
BertTextClassifierPreprocessor,
|
51
|
+
)
|
52
|
+
from keras_hub.src.models.bert.bert_text_classifier_preprocessor import (
|
53
|
+
BertTextClassifierPreprocessor as BertPreprocessor,
|
54
|
+
)
|
43
55
|
from keras_hub.src.models.bert.bert_tokenizer import BertTokenizer
|
44
56
|
from keras_hub.src.models.bloom.bloom_backbone import BloomBackbone
|
45
57
|
from keras_hub.src.models.bloom.bloom_causal_lm import BloomCausalLM
|
@@ -49,7 +61,7 @@ from keras_hub.src.models.bloom.bloom_causal_lm_preprocessor import (
|
|
49
61
|
from keras_hub.src.models.bloom.bloom_preprocessor import BloomPreprocessor
|
50
62
|
from keras_hub.src.models.bloom.bloom_tokenizer import BloomTokenizer
|
51
63
|
from keras_hub.src.models.causal_lm import CausalLM
|
52
|
-
from keras_hub.src.models.
|
64
|
+
from keras_hub.src.models.causal_lm_preprocessor import CausalLMPreprocessor
|
53
65
|
from keras_hub.src.models.csp_darknet.csp_darknet_backbone import (
|
54
66
|
CSPDarkNetBackbone,
|
55
67
|
)
|
@@ -59,17 +71,20 @@ from keras_hub.src.models.csp_darknet.csp_darknet_image_classifier import (
|
|
59
71
|
from keras_hub.src.models.deberta_v3.deberta_v3_backbone import (
|
60
72
|
DebertaV3Backbone,
|
61
73
|
)
|
62
|
-
from keras_hub.src.models.deberta_v3.deberta_v3_classifier import (
|
63
|
-
DebertaV3Classifier,
|
64
|
-
)
|
65
74
|
from keras_hub.src.models.deberta_v3.deberta_v3_masked_lm import (
|
66
75
|
DebertaV3MaskedLM,
|
67
76
|
)
|
68
77
|
from keras_hub.src.models.deberta_v3.deberta_v3_masked_lm_preprocessor import (
|
69
78
|
DebertaV3MaskedLMPreprocessor,
|
70
79
|
)
|
71
|
-
from keras_hub.src.models.deberta_v3.
|
72
|
-
|
80
|
+
from keras_hub.src.models.deberta_v3.deberta_v3_text_classifier import (
|
81
|
+
DebertaV3TextClassifier,
|
82
|
+
)
|
83
|
+
from keras_hub.src.models.deberta_v3.deberta_v3_text_classifier_preprocessor import (
|
84
|
+
DebertaV3TextClassifierPreprocessor,
|
85
|
+
)
|
86
|
+
from keras_hub.src.models.deberta_v3.deberta_v3_text_classifier_preprocessor import (
|
87
|
+
DebertaV3TextClassifierPreprocessor as DebertaV3Preprocessor,
|
73
88
|
)
|
74
89
|
from keras_hub.src.models.deberta_v3.deberta_v3_tokenizer import (
|
75
90
|
DebertaV3Tokenizer,
|
@@ -81,33 +96,44 @@ from keras_hub.src.models.densenet.densenet_image_classifier import (
|
|
81
96
|
from keras_hub.src.models.distil_bert.distil_bert_backbone import (
|
82
97
|
DistilBertBackbone,
|
83
98
|
)
|
84
|
-
from keras_hub.src.models.distil_bert.distil_bert_classifier import (
|
85
|
-
DistilBertClassifier,
|
86
|
-
)
|
87
99
|
from keras_hub.src.models.distil_bert.distil_bert_masked_lm import (
|
88
100
|
DistilBertMaskedLM,
|
89
101
|
)
|
90
102
|
from keras_hub.src.models.distil_bert.distil_bert_masked_lm_preprocessor import (
|
91
103
|
DistilBertMaskedLMPreprocessor,
|
92
104
|
)
|
93
|
-
from keras_hub.src.models.distil_bert.
|
94
|
-
|
105
|
+
from keras_hub.src.models.distil_bert.distil_bert_text_classifier import (
|
106
|
+
DistilBertTextClassifier,
|
107
|
+
)
|
108
|
+
from keras_hub.src.models.distil_bert.distil_bert_text_classifier_preprocessor import (
|
109
|
+
DistilBertTextClassifierPreprocessor,
|
110
|
+
)
|
111
|
+
from keras_hub.src.models.distil_bert.distil_bert_text_classifier_preprocessor import (
|
112
|
+
DistilBertTextClassifierPreprocessor as DistilBertPreprocessor,
|
95
113
|
)
|
96
114
|
from keras_hub.src.models.distil_bert.distil_bert_tokenizer import (
|
97
115
|
DistilBertTokenizer,
|
98
116
|
)
|
117
|
+
from keras_hub.src.models.efficientnet.efficientnet_backbone import (
|
118
|
+
EfficientNetBackbone,
|
119
|
+
)
|
99
120
|
from keras_hub.src.models.electra.electra_backbone import ElectraBackbone
|
100
121
|
from keras_hub.src.models.electra.electra_preprocessor import (
|
101
122
|
ElectraPreprocessor,
|
102
123
|
)
|
103
124
|
from keras_hub.src.models.electra.electra_tokenizer import ElectraTokenizer
|
104
125
|
from keras_hub.src.models.f_net.f_net_backbone import FNetBackbone
|
105
|
-
from keras_hub.src.models.f_net.f_net_classifier import FNetClassifier
|
106
126
|
from keras_hub.src.models.f_net.f_net_masked_lm import FNetMaskedLM
|
107
127
|
from keras_hub.src.models.f_net.f_net_masked_lm_preprocessor import (
|
108
128
|
FNetMaskedLMPreprocessor,
|
109
129
|
)
|
110
|
-
from keras_hub.src.models.f_net.
|
130
|
+
from keras_hub.src.models.f_net.f_net_text_classifier import FNetTextClassifier
|
131
|
+
from keras_hub.src.models.f_net.f_net_text_classifier_preprocessor import (
|
132
|
+
FNetTextClassifierPreprocessor,
|
133
|
+
)
|
134
|
+
from keras_hub.src.models.f_net.f_net_text_classifier_preprocessor import (
|
135
|
+
FNetTextClassifierPreprocessor as FNetPreprocessor,
|
136
|
+
)
|
111
137
|
from keras_hub.src.models.f_net.f_net_tokenizer import FNetTokenizer
|
112
138
|
from keras_hub.src.models.falcon.falcon_backbone import FalconBackbone
|
113
139
|
from keras_hub.src.models.falcon.falcon_causal_lm import FalconCausalLM
|
@@ -141,6 +167,9 @@ from keras_hub.src.models.gpt_neo_x.gpt_neo_x_preprocessor import (
|
|
141
167
|
)
|
142
168
|
from keras_hub.src.models.gpt_neo_x.gpt_neo_x_tokenizer import GPTNeoXTokenizer
|
143
169
|
from keras_hub.src.models.image_classifier import ImageClassifier
|
170
|
+
from keras_hub.src.models.image_classifier_preprocessor import (
|
171
|
+
ImageClassifierPreprocessor,
|
172
|
+
)
|
144
173
|
from keras_hub.src.models.llama3.llama3_backbone import Llama3Backbone
|
145
174
|
from keras_hub.src.models.llama3.llama3_causal_lm import Llama3CausalLM
|
146
175
|
from keras_hub.src.models.llama3.llama3_causal_lm_preprocessor import (
|
@@ -156,6 +185,7 @@ from keras_hub.src.models.llama.llama_causal_lm_preprocessor import (
|
|
156
185
|
from keras_hub.src.models.llama.llama_preprocessor import LlamaPreprocessor
|
157
186
|
from keras_hub.src.models.llama.llama_tokenizer import LlamaTokenizer
|
158
187
|
from keras_hub.src.models.masked_lm import MaskedLM
|
188
|
+
from keras_hub.src.models.masked_lm_preprocessor import MaskedLMPreprocessor
|
159
189
|
from keras_hub.src.models.mistral.mistral_backbone import MistralBackbone
|
160
190
|
from keras_hub.src.models.mistral.mistral_causal_lm import MistralCausalLM
|
161
191
|
from keras_hub.src.models.mistral.mistral_causal_lm_preprocessor import (
|
@@ -171,6 +201,10 @@ from keras_hub.src.models.mix_transformer.mix_transformer_backbone import (
|
|
171
201
|
from keras_hub.src.models.mix_transformer.mix_transformer_classifier import (
|
172
202
|
MiTImageClassifier,
|
173
203
|
)
|
204
|
+
from keras_hub.src.models.mobilenet.mobilenet_backbone import MobileNetBackbone
|
205
|
+
from keras_hub.src.models.mobilenet.mobilenet_image_classifier import (
|
206
|
+
MobileNetImageClassifier,
|
207
|
+
)
|
174
208
|
from keras_hub.src.models.opt.opt_backbone import OPTBackbone
|
175
209
|
from keras_hub.src.models.opt.opt_causal_lm import OPTCausalLM
|
176
210
|
from keras_hub.src.models.opt.opt_causal_lm_preprocessor import (
|
@@ -202,45 +236,55 @@ from keras_hub.src.models.resnet.resnet_backbone import ResNetBackbone
|
|
202
236
|
from keras_hub.src.models.resnet.resnet_image_classifier import (
|
203
237
|
ResNetImageClassifier,
|
204
238
|
)
|
239
|
+
from keras_hub.src.models.resnet.resnet_image_classifier_preprocessor import (
|
240
|
+
ResNetImageClassifierPreprocessor,
|
241
|
+
)
|
205
242
|
from keras_hub.src.models.roberta.roberta_backbone import RobertaBackbone
|
206
|
-
from keras_hub.src.models.roberta.roberta_classifier import RobertaClassifier
|
207
243
|
from keras_hub.src.models.roberta.roberta_masked_lm import RobertaMaskedLM
|
208
244
|
from keras_hub.src.models.roberta.roberta_masked_lm_preprocessor import (
|
209
245
|
RobertaMaskedLMPreprocessor,
|
210
246
|
)
|
211
|
-
from keras_hub.src.models.roberta.
|
212
|
-
|
247
|
+
from keras_hub.src.models.roberta.roberta_text_classifier import (
|
248
|
+
RobertaTextClassifier,
|
249
|
+
)
|
250
|
+
from keras_hub.src.models.roberta.roberta_text_classifier_preprocessor import (
|
251
|
+
RobertaTextClassifierPreprocessor,
|
252
|
+
)
|
253
|
+
from keras_hub.src.models.roberta.roberta_text_classifier_preprocessor import (
|
254
|
+
RobertaTextClassifierPreprocessor as RobertaPreprocessor,
|
213
255
|
)
|
214
256
|
from keras_hub.src.models.roberta.roberta_tokenizer import RobertaTokenizer
|
215
257
|
from keras_hub.src.models.seq_2_seq_lm import Seq2SeqLM
|
258
|
+
from keras_hub.src.models.seq_2_seq_lm_preprocessor import Seq2SeqLMPreprocessor
|
216
259
|
from keras_hub.src.models.t5.t5_backbone import T5Backbone
|
217
260
|
from keras_hub.src.models.t5.t5_tokenizer import T5Tokenizer
|
218
261
|
from keras_hub.src.models.task import Task
|
262
|
+
from keras_hub.src.models.text_classifier import TextClassifier
|
263
|
+
from keras_hub.src.models.text_classifier_preprocessor import (
|
264
|
+
TextClassifierPreprocessor,
|
265
|
+
)
|
219
266
|
from keras_hub.src.models.vgg.vgg_backbone import VGGBackbone
|
220
267
|
from keras_hub.src.models.vgg.vgg_image_classifier import VGGImageClassifier
|
221
268
|
from keras_hub.src.models.vit_det.vit_det_backbone import ViTDetBackbone
|
222
|
-
from keras_hub.src.models.whisper.whisper_audio_feature_extractor import (
|
223
|
-
WhisperAudioFeatureExtractor,
|
224
|
-
)
|
225
269
|
from keras_hub.src.models.whisper.whisper_backbone import WhisperBackbone
|
226
|
-
from keras_hub.src.models.whisper.whisper_preprocessor import (
|
227
|
-
WhisperPreprocessor,
|
228
|
-
)
|
229
270
|
from keras_hub.src.models.whisper.whisper_tokenizer import WhisperTokenizer
|
230
271
|
from keras_hub.src.models.xlm_roberta.xlm_roberta_backbone import (
|
231
272
|
XLMRobertaBackbone,
|
232
273
|
)
|
233
|
-
from keras_hub.src.models.xlm_roberta.xlm_roberta_classifier import (
|
234
|
-
XLMRobertaClassifier,
|
235
|
-
)
|
236
274
|
from keras_hub.src.models.xlm_roberta.xlm_roberta_masked_lm import (
|
237
275
|
XLMRobertaMaskedLM,
|
238
276
|
)
|
239
277
|
from keras_hub.src.models.xlm_roberta.xlm_roberta_masked_lm_preprocessor import (
|
240
278
|
XLMRobertaMaskedLMPreprocessor,
|
241
279
|
)
|
242
|
-
from keras_hub.src.models.xlm_roberta.
|
243
|
-
|
280
|
+
from keras_hub.src.models.xlm_roberta.xlm_roberta_text_classifier import (
|
281
|
+
XLMRobertaTextClassifier,
|
282
|
+
)
|
283
|
+
from keras_hub.src.models.xlm_roberta.xlm_roberta_text_classifier_preprocessor import (
|
284
|
+
XLMRobertaTextClassifierPreprocessor,
|
285
|
+
)
|
286
|
+
from keras_hub.src.models.xlm_roberta.xlm_roberta_text_classifier_preprocessor import (
|
287
|
+
XLMRobertaTextClassifierPreprocessor as XLMRobertaPreprocessor,
|
244
288
|
)
|
245
289
|
from keras_hub.src.models.xlm_roberta.xlm_roberta_tokenizer import (
|
246
290
|
XLMRobertaTokenizer,
|
@@ -17,6 +17,36 @@ This file was autogenerated. Do not edit it by hand,
|
|
17
17
|
since your modifications would be overwritten.
|
18
18
|
"""
|
19
19
|
|
20
|
+
from keras_hub.src.models.albert.albert_tokenizer import AlbertTokenizer
|
21
|
+
from keras_hub.src.models.bart.bart_tokenizer import BartTokenizer
|
22
|
+
from keras_hub.src.models.bert.bert_tokenizer import BertTokenizer
|
23
|
+
from keras_hub.src.models.bloom.bloom_tokenizer import BloomTokenizer
|
24
|
+
from keras_hub.src.models.deberta_v3.deberta_v3_tokenizer import (
|
25
|
+
DebertaV3Tokenizer,
|
26
|
+
)
|
27
|
+
from keras_hub.src.models.distil_bert.distil_bert_tokenizer import (
|
28
|
+
DistilBertTokenizer,
|
29
|
+
)
|
30
|
+
from keras_hub.src.models.electra.electra_tokenizer import ElectraTokenizer
|
31
|
+
from keras_hub.src.models.f_net.f_net_tokenizer import FNetTokenizer
|
32
|
+
from keras_hub.src.models.falcon.falcon_tokenizer import FalconTokenizer
|
33
|
+
from keras_hub.src.models.gemma.gemma_tokenizer import GemmaTokenizer
|
34
|
+
from keras_hub.src.models.gpt2.gpt2_tokenizer import GPT2Tokenizer
|
35
|
+
from keras_hub.src.models.gpt_neo_x.gpt_neo_x_tokenizer import GPTNeoXTokenizer
|
36
|
+
from keras_hub.src.models.llama3.llama3_tokenizer import Llama3Tokenizer
|
37
|
+
from keras_hub.src.models.llama.llama_tokenizer import LlamaTokenizer
|
38
|
+
from keras_hub.src.models.mistral.mistral_tokenizer import MistralTokenizer
|
39
|
+
from keras_hub.src.models.opt.opt_tokenizer import OPTTokenizer
|
40
|
+
from keras_hub.src.models.pali_gemma.pali_gemma_tokenizer import (
|
41
|
+
PaliGemmaTokenizer,
|
42
|
+
)
|
43
|
+
from keras_hub.src.models.phi3.phi3_tokenizer import Phi3Tokenizer
|
44
|
+
from keras_hub.src.models.roberta.roberta_tokenizer import RobertaTokenizer
|
45
|
+
from keras_hub.src.models.t5.t5_tokenizer import T5Tokenizer
|
46
|
+
from keras_hub.src.models.whisper.whisper_tokenizer import WhisperTokenizer
|
47
|
+
from keras_hub.src.models.xlm_roberta.xlm_roberta_tokenizer import (
|
48
|
+
XLMRobertaTokenizer,
|
49
|
+
)
|
20
50
|
from keras_hub.src.tokenizers.byte_pair_tokenizer import BytePairTokenizer
|
21
51
|
from keras_hub.src.tokenizers.byte_tokenizer import ByteTokenizer
|
22
52
|
from keras_hub.src.tokenizers.sentence_piece_tokenizer import (
|
@@ -0,0 +1,13 @@
|
|
1
|
+
# Copyright 2024 The KerasHub Authors
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# https://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|