Commit from model create scripts
Browse files- .gitattributes +1 -0
- config.gin +152 -0
- config.json +28 -0
- flax_model.msgpack +3 -0
- model-info.txt +0 -0
- pytorch_model.bin +3 -0
- special_tokens_map.json +1 -0
- spiece.model +3 -0
- tf_model.h5 +3 -0
- tokenizer.json +3 -0
- tokenizer_config.json +1 -0
- train/events.out.tfevents.1652037672.t1v-n-5f5ca7df-w-0.1157885.0.v2 +3 -0
- training_eval/ncc_english_prefix_lm_stream/events.out.tfevents.1652037673.t1v-n-5f5ca7df-w-0.1157885.1.v2 +3 -0
.gitattributes
CHANGED
@@ -25,3 +25,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
25 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
25 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
28 |
+
tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
config.gin
ADDED
@@ -0,0 +1,152 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from __gin__ import dynamic_registration
|
2 |
+
import __main__ as train_script
|
3 |
+
import seqio
|
4 |
+
import t5.data.mixtures
|
5 |
+
from t5x import adafactor
|
6 |
+
from t5x.examples.t5 import network
|
7 |
+
from t5x import gin_utils
|
8 |
+
from t5x import models
|
9 |
+
from t5x import partitioning
|
10 |
+
from t5x import trainer
|
11 |
+
from t5x import utils
|
12 |
+
import tasks
|
13 |
+
|
14 |
+
# Macros:
|
15 |
+
# ==============================================================================
|
16 |
+
BATCH_SIZE = 128
|
17 |
+
DROPOUT_RATE = 0.0
|
18 |
+
INITIAL_CHECKPOINT_PATH = \
|
19 |
+
'gs://nb-t5x-us-central2/norwegian_NCC_plus_English_t5x_small/checkpoint_1500000'
|
20 |
+
LABEL_SMOOTHING = 0.0
|
21 |
+
LOSS_NORMALIZING_FACTOR = None
|
22 |
+
MIXTURE_OR_TASK_MODULE = None
|
23 |
+
MIXTURE_OR_TASK_NAME = 'ncc_english_prefix_lm_stream'
|
24 |
+
MODEL = @models.EncoderDecoderModel()
|
25 |
+
MODEL_DIR = \
|
26 |
+
'gs://nb-t5x-us-central2/norwegian_NCC_plus_English_pluss100k_lm_t5x_small'
|
27 |
+
OPTIMIZER = @adafactor.Adafactor()
|
28 |
+
RANDOM_SEED = None
|
29 |
+
SHUFFLE_TRAIN_EXAMPLES = True
|
30 |
+
TASK_FEATURE_LENGTHS = {'inputs': 512, 'targets': 512}
|
31 |
+
TRAIN_STEPS = 1600000
|
32 |
+
USE_CACHED_TASKS = True
|
33 |
+
USE_HARDWARE_RNG = False
|
34 |
+
VOCABULARY = @seqio.SentencePieceVocabulary()
|
35 |
+
Z_LOSS = 0.0001
|
36 |
+
|
37 |
+
# Parameters for adafactor.Adafactor:
|
38 |
+
# ==============================================================================
|
39 |
+
adafactor.Adafactor.decay_rate = 0.8
|
40 |
+
adafactor.Adafactor.logical_factor_rules = \
|
41 |
+
@adafactor.standard_logical_factor_rules()
|
42 |
+
adafactor.Adafactor.step_offset = 0
|
43 |
+
|
44 |
+
# Parameters for utils.CheckpointConfig:
|
45 |
+
# ==============================================================================
|
46 |
+
utils.CheckpointConfig.restore = @utils.RestoreCheckpointConfig()
|
47 |
+
utils.CheckpointConfig.save = @utils.SaveCheckpointConfig()
|
48 |
+
|
49 |
+
# Parameters for utils.create_learning_rate_scheduler:
|
50 |
+
# ==============================================================================
|
51 |
+
utils.create_learning_rate_scheduler.base_learning_rate = 0.5
|
52 |
+
utils.create_learning_rate_scheduler.factors = 'constant * rsqrt_decay'
|
53 |
+
utils.create_learning_rate_scheduler.warmup_steps = 10000
|
54 |
+
|
55 |
+
# Parameters for train/utils.DatasetConfig:
|
56 |
+
# ==============================================================================
|
57 |
+
train/utils.DatasetConfig.batch_size = %BATCH_SIZE
|
58 |
+
train/utils.DatasetConfig.mixture_or_task_name = %MIXTURE_OR_TASK_NAME
|
59 |
+
train/utils.DatasetConfig.module = %MIXTURE_OR_TASK_MODULE
|
60 |
+
train/utils.DatasetConfig.pack = True
|
61 |
+
train/utils.DatasetConfig.seed = None
|
62 |
+
train/utils.DatasetConfig.shuffle = %SHUFFLE_TRAIN_EXAMPLES
|
63 |
+
train/utils.DatasetConfig.split = 'train'
|
64 |
+
train/utils.DatasetConfig.task_feature_lengths = %TASK_FEATURE_LENGTHS
|
65 |
+
train/utils.DatasetConfig.use_cached = %USE_CACHED_TASKS
|
66 |
+
|
67 |
+
# Parameters for train_eval/utils.DatasetConfig:
|
68 |
+
# ==============================================================================
|
69 |
+
train_eval/utils.DatasetConfig.batch_size = %BATCH_SIZE
|
70 |
+
train_eval/utils.DatasetConfig.mixture_or_task_name = %MIXTURE_OR_TASK_NAME
|
71 |
+
train_eval/utils.DatasetConfig.module = %MIXTURE_OR_TASK_MODULE
|
72 |
+
train_eval/utils.DatasetConfig.pack = True
|
73 |
+
train_eval/utils.DatasetConfig.seed = 42
|
74 |
+
train_eval/utils.DatasetConfig.shuffle = False
|
75 |
+
train_eval/utils.DatasetConfig.split = 'validation'
|
76 |
+
train_eval/utils.DatasetConfig.task_feature_lengths = %TASK_FEATURE_LENGTHS
|
77 |
+
train_eval/utils.DatasetConfig.use_cached = %USE_CACHED_TASKS
|
78 |
+
|
79 |
+
# Parameters for models.EncoderDecoderModel:
|
80 |
+
# ==============================================================================
|
81 |
+
models.EncoderDecoderModel.input_vocabulary = %VOCABULARY
|
82 |
+
models.EncoderDecoderModel.label_smoothing = %LABEL_SMOOTHING
|
83 |
+
models.EncoderDecoderModel.loss_normalizing_factor = %LOSS_NORMALIZING_FACTOR
|
84 |
+
models.EncoderDecoderModel.module = @network.Transformer()
|
85 |
+
models.EncoderDecoderModel.optimizer_def = %OPTIMIZER
|
86 |
+
models.EncoderDecoderModel.output_vocabulary = %VOCABULARY
|
87 |
+
models.EncoderDecoderModel.z_loss = %Z_LOSS
|
88 |
+
|
89 |
+
# Parameters for partitioning.PjitPartitioner:
|
90 |
+
# ==============================================================================
|
91 |
+
partitioning.PjitPartitioner.logical_axis_rules = \
|
92 |
+
@partitioning.standard_logical_axis_rules()
|
93 |
+
partitioning.PjitPartitioner.model_parallel_submesh = None
|
94 |
+
partitioning.PjitPartitioner.num_partitions = 1
|
95 |
+
|
96 |
+
# Parameters for utils.RestoreCheckpointConfig:
|
97 |
+
# ==============================================================================
|
98 |
+
utils.RestoreCheckpointConfig.dtype = 'float32'
|
99 |
+
utils.RestoreCheckpointConfig.mode = 'specific'
|
100 |
+
utils.RestoreCheckpointConfig.path = %INITIAL_CHECKPOINT_PATH
|
101 |
+
|
102 |
+
# Parameters for utils.SaveCheckpointConfig:
|
103 |
+
# ==============================================================================
|
104 |
+
utils.SaveCheckpointConfig.dtype = 'float32'
|
105 |
+
utils.SaveCheckpointConfig.keep = 3
|
106 |
+
utils.SaveCheckpointConfig.period = 5000
|
107 |
+
utils.SaveCheckpointConfig.save_dataset = False
|
108 |
+
|
109 |
+
# Parameters for seqio.SentencePieceVocabulary:
|
110 |
+
# ==============================================================================
|
111 |
+
seqio.SentencePieceVocabulary.sentencepiece_model_file = \
|
112 |
+
'gs://t5-data/vocabs/mc4.250000.100extra/sentencepiece.model'
|
113 |
+
|
114 |
+
# Parameters for network.T5Config:
|
115 |
+
# ==============================================================================
|
116 |
+
network.T5Config.dropout_rate = %DROPOUT_RATE
|
117 |
+
network.T5Config.dtype = 'bfloat16'
|
118 |
+
network.T5Config.emb_dim = 512
|
119 |
+
network.T5Config.head_dim = 64
|
120 |
+
network.T5Config.logits_via_embedding = False
|
121 |
+
network.T5Config.mlp_activations = ('gelu', 'linear')
|
122 |
+
network.T5Config.mlp_dim = 1024
|
123 |
+
network.T5Config.num_decoder_layers = 8
|
124 |
+
network.T5Config.num_encoder_layers = 8
|
125 |
+
network.T5Config.num_heads = 6
|
126 |
+
network.T5Config.vocab_size = 250112
|
127 |
+
|
128 |
+
# Parameters for train_script.train:
|
129 |
+
# ==============================================================================
|
130 |
+
train_script.train.checkpoint_cfg = @utils.CheckpointConfig()
|
131 |
+
train_script.train.eval_period = 1000
|
132 |
+
train_script.train.eval_steps = 20
|
133 |
+
train_script.train.infer_eval_dataset_cfg = None
|
134 |
+
train_script.train.model = %MODEL
|
135 |
+
train_script.train.model_dir = %MODEL_DIR
|
136 |
+
train_script.train.partitioner = @partitioning.PjitPartitioner()
|
137 |
+
train_script.train.random_seed = %RANDOM_SEED
|
138 |
+
train_script.train.summarize_config_fn = @gin_utils.summarize_gin_config
|
139 |
+
train_script.train.total_steps = %TRAIN_STEPS
|
140 |
+
train_script.train.train_dataset_cfg = @train/utils.DatasetConfig()
|
141 |
+
train_script.train.train_eval_dataset_cfg = @train_eval/utils.DatasetConfig()
|
142 |
+
train_script.train.trainer_cls = @trainer.Trainer
|
143 |
+
train_script.train.use_hardware_rng = %USE_HARDWARE_RNG
|
144 |
+
|
145 |
+
# Parameters for trainer.Trainer:
|
146 |
+
# ==============================================================================
|
147 |
+
trainer.Trainer.learning_rate_fn = @utils.create_learning_rate_scheduler()
|
148 |
+
trainer.Trainer.num_microbatches = None
|
149 |
+
|
150 |
+
# Parameters for network.Transformer:
|
151 |
+
# ==============================================================================
|
152 |
+
network.Transformer.config = @network.T5Config()
|
config.json
ADDED
@@ -0,0 +1,28 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"architectures": [
|
3 |
+
"T5ForConditionalGeneration"
|
4 |
+
],
|
5 |
+
"d_ff": 1024,
|
6 |
+
"d_kv": 64,
|
7 |
+
"d_model": 512,
|
8 |
+
"decoder_start_token_id": 0,
|
9 |
+
"dropout_rate": 0.1,
|
10 |
+
"eos_token_id": 1,
|
11 |
+
"feed_forward_proj": "gated-gelu",
|
12 |
+
"initializer_factor": 1.0,
|
13 |
+
"is_encoder_decoder": true,
|
14 |
+
"layer_norm_epsilon": 1e-06,
|
15 |
+
"model_type": "t5",
|
16 |
+
"num_decoder_layers": 8,
|
17 |
+
"num_heads": 6,
|
18 |
+
"num_layers": 8,
|
19 |
+
"pad_token_id": 0,
|
20 |
+
"relative_attention_max_distance": 128,
|
21 |
+
"relative_attention_num_buckets": 32,
|
22 |
+
"tie_word_embeddings": false,
|
23 |
+
"tokenizer_class": "T5Tokenizer",
|
24 |
+
"torch_dtype": "float32",
|
25 |
+
"transformers_version": "4.19.2",
|
26 |
+
"use_cache": true,
|
27 |
+
"vocab_size": 250112
|
28 |
+
}
|
flax_model.msgpack
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0c627d5f5beee0073ac47cdce0f8d85837211b5148ae7a735d690ead82c7c26e
|
3 |
+
size 1200715307
|
model-info.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0d6e876c2374c7b4caefaebd58357b7fbc0b88de61944d8207e2ed0ba5f9ab34
|
3 |
+
size 1200768197
|
special_tokens_map.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"eos_token": "</s>", "unk_token": "<unk>", "pad_token": "<pad>"}
|
spiece.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ef78f86560d809067d12bac6c09f19a462cb3af3f54d2b8acbba26e1433125d6
|
3 |
+
size 4309802
|
tf_model.h5
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:13edf9346263c231557abbd4b42fd847571a957f938e4f48b2d23ec2f1c58acc
|
3 |
+
size 9760
|
tokenizer.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:93c3578052e1605d8332eb961bc08d72e246071974e4cc54aa6991826b802aa5
|
3 |
+
size 16330369
|
tokenizer_config.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"eos_token": "</s>", "unk_token": "<unk>", "pad_token": "<pad>", "extra_ids": 0, "additional_special_tokens": null, "special_tokens_map_file": "/home/patrick/.cache/torch/transformers/685ac0ca8568ec593a48b61b0a3c272beee9bc194a3c7241d15dcadb5f875e53.f76030f3ec1b96a8199b2593390c610e76ca8028ef3d24680000619ffb646276", "name_or_path": "/home/perk/models/t5_small_NCC_lm", "sp_model_kwargs": {}, "tokenizer_class": "T5Tokenizer"}
|
train/events.out.tfevents.1652037672.t1v-n-5f5ca7df-w-0.1157885.0.v2
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:81b779e6b92c0f76bd4b5755f2d57633619b95f87cc9353800896bbff100c2a5
|
3 |
+
size 154035
|
training_eval/ncc_english_prefix_lm_stream/events.out.tfevents.1652037673.t1v-n-5f5ca7df-w-0.1157885.1.v2
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:005df29f8affd66e209c16c647f0b2a907ce0ab00cc48b9c1801c0389c195bb6
|
3 |
+
size 130626
|