pere commited on
Commit
eaafdc4
1 Parent(s): 47cabd6
README.md DELETED
@@ -1,64 +0,0 @@
1
- ---
2
- language:
3
- - sv-SE
4
- license: cc0-1.0
5
- tags:
6
- - automatic-speech-recognition
7
- - mozilla-foundation/common_voice_7_0
8
- - generated_from_trainer
9
- datasets:
10
- - common_voice
11
- model-index:
12
- - name: xls-npsc-oh
13
- results: []
14
- ---
15
-
16
- <!-- This model card has been generated automatically according to the information the Trainer had access to. You
17
- should probably proofread and complete it, then remove this comment. -->
18
-
19
- # xls-npsc-oh
20
-
21
- This model is a fine-tuned version of [KBLab/wav2vec2-large-voxrex](https://huggingface.co/KBLab/wav2vec2-large-voxrex) on the MOZILLA-FOUNDATION/COMMON_VOICE_7_0 - SV-SE dataset.
22
- It achieves the following results on the evaluation set:
23
- - Loss: 0.2314
24
- - Wer: 0.64
25
-
26
- ## Model description
27
-
28
- More information needed
29
-
30
- ## Intended uses & limitations
31
-
32
- More information needed
33
-
34
- ## Training and evaluation data
35
-
36
- More information needed
37
-
38
- ## Training procedure
39
-
40
- ### Training hyperparameters
41
-
42
- The following hyperparameters were used during training:
43
- - learning_rate: 5e-05
44
- - train_batch_size: 32
45
- - eval_batch_size: 32
46
- - seed: 42
47
- - gradient_accumulation_steps: 4
48
- - total_train_batch_size: 128
49
- - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
50
- - lr_scheduler_type: linear
51
- - lr_scheduler_warmup_steps: 1000
52
- - num_epochs: 5.0
53
- - mixed_precision_training: Native AMP
54
-
55
- ### Training results
56
-
57
-
58
-
59
- ### Framework versions
60
-
61
- - Transformers 4.16.0.dev0
62
- - Pytorch 1.10.1+cu102
63
- - Datasets 1.18.1.dev0
64
- - Tokenizers 0.11.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
added_tokens.json CHANGED
@@ -1 +1 @@
1
- {"<s>": 37, "</s>": 38}
 
1
+ {"<s>": 42, "</s>": 43}
all_results.json DELETED
@@ -1,14 +0,0 @@
1
- {
2
- "epoch": 5.0,
3
- "eval_loss": 0.23142604529857635,
4
- "eval_runtime": 3.4384,
5
- "eval_samples": 100,
6
- "eval_samples_per_second": 29.083,
7
- "eval_steps_per_second": 1.163,
8
- "eval_wer": 0.64,
9
- "train_loss": 3.968093375272529,
10
- "train_runtime": 1702.164,
11
- "train_samples": 11030,
12
- "train_samples_per_second": 32.4,
13
- "train_steps_per_second": 0.253
14
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
config.json CHANGED
@@ -6,7 +6,7 @@
6
  "add_adapter": false,
7
  "apply_spec_augment": true,
8
  "architectures": [
9
- "Wav2Vec2ForCTC"
10
  ],
11
  "attention_dropout": 0.0,
12
  "bos_token_id": 1,
@@ -84,7 +84,7 @@
84
  "num_hidden_layers": 24,
85
  "num_negatives": 100,
86
  "output_hidden_size": 1024,
87
- "pad_token_id": 36,
88
  "proj_codevector_dim": 768,
89
  "tdnn_dilation": [
90
  1,
@@ -107,9 +107,8 @@
107
  1,
108
  1
109
  ],
110
- "torch_dtype": "float32",
111
  "transformers_version": "4.16.0.dev0",
112
  "use_weighted_layer_sum": false,
113
- "vocab_size": 39,
114
  "xvector_output_dim": 512
115
  }
 
6
  "add_adapter": false,
7
  "apply_spec_augment": true,
8
  "architectures": [
9
+ "Wav2Vec2ForPreTraining"
10
  ],
11
  "attention_dropout": 0.0,
12
  "bos_token_id": 1,
 
84
  "num_hidden_layers": 24,
85
  "num_negatives": 100,
86
  "output_hidden_size": 1024,
87
+ "pad_token_id": 41,
88
  "proj_codevector_dim": 768,
89
  "tdnn_dilation": [
90
  1,
 
107
  1,
108
  1
109
  ],
 
110
  "transformers_version": "4.16.0.dev0",
111
  "use_weighted_layer_sum": false,
112
+ "vocab_size": 44,
113
  "xvector_output_dim": 512
114
  }
run.sh CHANGED
@@ -1,12 +1,12 @@
 
 
1
  # --dataset_name="NbAiLab/NPSC" \
2
- # --dataset_config_name="48K_mp3" \
3
- # --text_column_name="text" \
4
 
5
 
6
  python run_speech_recognition_ctc_bnb.py \
7
- --dataset_name="mozilla-foundation/common_voice_7_0" \
8
- --dataset_config_name="sv-SE" \
9
- --text_column_name="sentence" \
10
  --model_name_or_path="KBLab/wav2vec2-large-voxrex" \
11
  --output_dir="./" \
12
  --overwrite_output_dir \
 
1
+ # --dataset_config_name="sv-SE" \
2
+ # --text_column_name="sentence" \
3
  # --dataset_name="NbAiLab/NPSC" \
 
 
4
 
5
 
6
  python run_speech_recognition_ctc_bnb.py \
7
+ --dataset_name="NbAiLab/NPSC" \
8
+ --dataset_config_name="48K_mp3" \
9
+ --text_column_name="text" \
10
  --model_name_or_path="KBLab/wav2vec2-large-voxrex" \
11
  --output_dir="./" \
12
  --overwrite_output_dir \
run_speech_recognition_ctc_bnb.py CHANGED
@@ -422,8 +422,8 @@ def main():
422
  split=data_args.train_split_name,
423
  use_auth_token=data_args.use_auth_token,
424
  )
425
- #raw_datasets["train"] = raw_datasets["train"].filter(preprocess_dataset)
426
- #raw_datasets["train"] = raw_datasets["train"].map(map_dataset)
427
 
428
  if data_args.audio_column_name not in raw_datasets["train"].column_names:
429
  raise ValueError(
@@ -449,8 +449,8 @@ def main():
449
  split=data_args.eval_split_name,
450
  use_auth_token=data_args.use_auth_token,
451
  )
452
- #raw_datasets["eval"] = raw_datasets["eval"].filter(preprocess_dataset)
453
- #raw_datasets["eval"] = raw_datasets["eval"].map(map_dataset)
454
 
455
  if data_args.max_eval_samples is not None:
456
  raw_datasets["eval"] = raw_datasets["eval"].select(range(data_args.max_eval_samples))
 
422
  split=data_args.train_split_name,
423
  use_auth_token=data_args.use_auth_token,
424
  )
425
+ raw_datasets["train"] = raw_datasets["train"].filter(preprocess_dataset)
426
+ raw_datasets["train"] = raw_datasets["train"].map(map_dataset)
427
 
428
  if data_args.audio_column_name not in raw_datasets["train"].column_names:
429
  raise ValueError(
 
449
  split=data_args.eval_split_name,
450
  use_auth_token=data_args.use_auth_token,
451
  )
452
+ raw_datasets["eval"] = raw_datasets["eval"].filter(preprocess_dataset)
453
+ raw_datasets["eval"] = raw_datasets["eval"].map(map_dataset)
454
 
455
  if data_args.max_eval_samples is not None:
456
  raw_datasets["eval"] = raw_datasets["eval"].select(range(data_args.max_eval_samples))
training_args.bin → runs/Jan27_08-47-37_job-05b2a883-27c6-492e-87b7-30be04252f5c/1643276165.073657/events.out.tfevents.1643276165.job-05b2a883-27c6-492e-87b7-30be04252f5c.3432238.1 RENAMED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:dbc71a16af87450f4d2115747ca06fead78d5a9411edbbc77d2195e8cb4ba464
3
- size 2991
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4c7370a4ed97e246ce9878c734aa0d8443817e16415780f6d8d23dd4d8a6eacb
3
+ size 4768
pytorch_model.bin → runs/Jan27_08-47-37_job-05b2a883-27c6-492e-87b7-30be04252f5c/events.out.tfevents.1643276165.job-05b2a883-27c6-492e-87b7-30be04252f5c.3432238.0 RENAMED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:205744125a0f7786674fb1a8ba8fa2a297566d91e7a574412df0d88696bec7e9
3
- size 1262083569
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:07042bc1c8b17ec9a02be9d0d35a632dc1e39f8e340770dc86e0ff076a317419
3
+ size 4916
special_tokens_map.json CHANGED
@@ -1 +1 @@
1
- {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "[UNK]", "pad_token": "[PAD]", "additional_special_tokens": [{"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}]}
 
1
+ {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "[UNK]", "pad_token": "[PAD]", "additional_special_tokens": [{"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}]}
tokenizer_config.json CHANGED
@@ -1 +1 @@
1
- {"unk_token": "[UNK]", "bos_token": "<s>", "eos_token": "</s>", "pad_token": "[PAD]", "do_lower_case": false, "word_delimiter_token": "|", "special_tokens_map_file": null, "tokenizer_file": null, "name_or_path": "./", "tokenizer_class": "Wav2Vec2CTCTokenizer"}
 
1
+ {"unk_token": "[UNK]", "bos_token": "<s>", "eos_token": "</s>", "pad_token": "[PAD]", "do_lower_case": false, "word_delimiter_token": "|", "special_tokens_map_file": "./special_tokens_map.json", "tokenizer_file": null, "name_or_path": "./", "tokenizer_class": "Wav2Vec2CTCTokenizer"}
train_results.json DELETED
@@ -1,8 +0,0 @@
1
- {
2
- "epoch": 5.0,
3
- "train_loss": 3.968093375272529,
4
- "train_runtime": 1702.164,
5
- "train_samples": 11030,
6
- "train_samples_per_second": 32.4,
7
- "train_steps_per_second": 0.253
8
- }
 
 
 
 
 
 
 
 
 
trainer_state.json DELETED
@@ -1,25 +0,0 @@
1
- {
2
- "best_metric": null,
3
- "best_model_checkpoint": null,
4
- "epoch": 4.9971014492753625,
5
- "global_step": 430,
6
- "is_hyper_param_search": false,
7
- "is_local_process_zero": true,
8
- "is_world_process_zero": true,
9
- "log_history": [
10
- {
11
- "epoch": 5.0,
12
- "step": 430,
13
- "total_flos": 5.144546715838387e+18,
14
- "train_loss": 3.968093375272529,
15
- "train_runtime": 1702.164,
16
- "train_samples_per_second": 32.4,
17
- "train_steps_per_second": 0.253
18
- }
19
- ],
20
- "max_steps": 430,
21
- "num_train_epochs": 5,
22
- "total_flos": 5.144546715838387e+18,
23
- "trial_name": null,
24
- "trial_params": null
25
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
vocab.json CHANGED
@@ -1 +1 @@
1
- {"a": 1, "b": 2, "c": 3, "d": 4, "e": 5, "f": 6, "g": 7, "h": 8, "i": 9, "j": 10, "k": 11, "l": 12, "m": 13, "n": 14, "o": 15, "p": 16, "q": 17, "r": 18, "s": 19, "t": 20, "u": 21, "v": 22, "w": 23, "x": 24, "y": 25, "z": 26, "ä": 27, "å": 28, "é": 29, "ô": 30, "ö": 31, "ü": 32, "": 33, "": 34, "|": 0, "[UNK]": 35, "[PAD]": 36}
 
1
+ {"\\": 1, "a": 2, "b": 3, "c": 4, "d": 5, "e": 6, "f": 7, "g": 8, "h": 9, "i": 10, "j": 11, "k": 12, "l": 13, "m": 14, "n": 15, "o": 16, "p": 17, "q": 18, "r": 19, "s": 20, "t": 21, "u": 22, "v": 23, "w": 24, "x": 25, "y": 26, "z": 27, " ": 28, "à": 29, "ä": 30, "å": 31, "æ": 32, "ç": 33, "è": 34, "ò": 35, "ô": 36, "ö": 37, "ø": 38, "ü": 39, "|": 0, "[UNK]": 40, "[PAD]": 41}