BLakshmiVijay commited on
Commit
2c50899
·
verified ·
1 Parent(s): 3cfecc3

BLakshmiVijay/wakeworddetector

Browse files
README.md CHANGED
@@ -1,8 +1,11 @@
1
  ---
2
  license: apache-2.0
3
- base_model: BLakshmiVijay/results
4
  tags:
5
  - generated_from_trainer
 
 
 
6
  model-index:
7
  - name: results
8
  results: []
@@ -13,7 +16,16 @@ should probably proofread and complete it, then remove this comment. -->
13
 
14
  # results
15
 
16
- This model is a fine-tuned version of [BLakshmiVijay/results](https://huggingface.co/BLakshmiVijay/results) on the None dataset.
 
 
 
 
 
 
 
 
 
17
 
18
  ## Model description
19
 
@@ -32,13 +44,29 @@ More information needed
32
  ### Training hyperparameters
33
 
34
  The following hyperparameters were used during training:
35
- - learning_rate: 2e-07
36
  - train_batch_size: 8
37
  - eval_batch_size: 8
38
  - seed: 42
39
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
40
  - lr_scheduler_type: linear
41
- - num_epochs: 50
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
42
 
43
  ### Framework versions
44
 
 
1
  ---
2
  license: apache-2.0
3
+ base_model: facebook/wav2vec2-base
4
  tags:
5
  - generated_from_trainer
6
+ metrics:
7
+ - accuracy
8
+ - recall
9
  model-index:
10
  - name: results
11
  results: []
 
16
 
17
  # results
18
 
19
+ This model is a fine-tuned version of [facebook/wav2vec2-base](https://huggingface.co/facebook/wav2vec2-base) on the None dataset.
20
+ It achieves the following results on the evaluation set:
21
+ - Loss: 0.6945
22
+ - Accuracy: 0.4694
23
+ - F1score: 0.6
24
+ - Recall: 0.8667
25
+ - Tn: 7
26
+ - Fp: 46
27
+ - Fn: 6
28
+ - Tp: 39
29
 
30
  ## Model description
31
 
 
44
  ### Training hyperparameters
45
 
46
  The following hyperparameters were used during training:
47
+ - learning_rate: 1e-08
48
  - train_batch_size: 8
49
  - eval_batch_size: 8
50
  - seed: 42
51
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
52
  - lr_scheduler_type: linear
53
+ - num_epochs: 10
54
+
55
+ ### Training results
56
+
57
+ | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1score | Recall | Tn | Fp | Fn | Tp |
58
+ |:-------------:|:-----:|:----:|:---------------:|:--------:|:-------:|:------:|:--:|:--:|:--:|:--:|
59
+ | No log | 1.0 | 13 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
60
+ | No log | 2.0 | 26 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
61
+ | No log | 3.0 | 39 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
62
+ | No log | 4.0 | 52 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
63
+ | No log | 5.0 | 65 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
64
+ | No log | 6.0 | 78 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
65
+ | No log | 7.0 | 91 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
66
+ | No log | 8.0 | 104 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
67
+ | No log | 9.0 | 117 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
68
+ | No log | 10.0 | 130 | 0.6945 | 0.4694 | 0.6 | 0.8667 | 7 | 46 | 6 | 39 |
69
+
70
 
71
  ### Framework versions
72
 
config.json CHANGED
@@ -1,6 +1,6 @@
1
  {
2
- "_name_or_path": "BLakshmiVijay/results",
3
- "activation_dropout": 0.05,
4
  "adapter_attn_dim": null,
5
  "adapter_kernel_size": 3,
6
  "adapter_stride": 2,
@@ -14,7 +14,7 @@
14
  "classifier_proj_size": 256,
15
  "codevector_dim": 256,
16
  "contrastive_logits_temperature": 0.1,
17
- "conv_bias": true,
18
  "conv_dim": [
19
  512,
20
  512,
@@ -42,24 +42,24 @@
42
  2,
43
  2
44
  ],
45
- "ctc_loss_reduction": "mean",
46
- "ctc_zero_infinity": true,
47
  "diversity_loss_weight": 0.1,
48
- "do_stable_layer_norm": true,
49
  "eos_token_id": 2,
50
  "feat_extract_activation": "gelu",
51
- "feat_extract_dropout": 0.0,
52
- "feat_extract_norm": "layer",
53
- "feat_proj_dropout": 0.05,
54
  "feat_quantizer_dropout": 0.0,
55
  "final_dropout": 0.0,
 
56
  "hidden_act": "gelu",
57
- "hidden_dropout": 0.05,
58
- "hidden_size": 1024,
59
  "initializer_range": 0.02,
60
- "intermediate_size": 4096,
61
  "layer_norm_eps": 1e-05,
62
- "layerdrop": 0.05,
63
  "mask_channel_length": 10,
64
  "mask_channel_min_space": 1,
65
  "mask_channel_other": 0.0,
@@ -75,16 +75,18 @@
75
  "mask_time_prob": 0.05,
76
  "mask_time_selection": "static",
77
  "model_type": "wav2vec2",
 
 
78
  "num_adapter_layers": 3,
79
- "num_attention_heads": 16,
80
  "num_codevector_groups": 2,
81
  "num_codevectors_per_group": 320,
82
  "num_conv_pos_embedding_groups": 16,
83
  "num_conv_pos_embeddings": 128,
84
  "num_feat_extract_layers": 7,
85
- "num_hidden_layers": 24,
86
  "num_negatives": 100,
87
- "output_hidden_size": 1024,
88
  "pad_token_id": 0,
89
  "proj_codevector_dim": 256,
90
  "tdnn_dilation": [
@@ -111,6 +113,6 @@
111
  "torch_dtype": "float32",
112
  "transformers_version": "4.42.4",
113
  "use_weighted_layer_sum": false,
114
- "vocab_size": 33,
115
  "xvector_output_dim": 512
116
  }
 
1
  {
2
+ "_name_or_path": "facebook/wav2vec2-base",
3
+ "activation_dropout": 0.0,
4
  "adapter_attn_dim": null,
5
  "adapter_kernel_size": 3,
6
  "adapter_stride": 2,
 
14
  "classifier_proj_size": 256,
15
  "codevector_dim": 256,
16
  "contrastive_logits_temperature": 0.1,
17
+ "conv_bias": false,
18
  "conv_dim": [
19
  512,
20
  512,
 
42
  2,
43
  2
44
  ],
45
+ "ctc_loss_reduction": "sum",
46
+ "ctc_zero_infinity": false,
47
  "diversity_loss_weight": 0.1,
48
+ "do_stable_layer_norm": false,
49
  "eos_token_id": 2,
50
  "feat_extract_activation": "gelu",
51
+ "feat_extract_norm": "group",
52
+ "feat_proj_dropout": 0.1,
 
53
  "feat_quantizer_dropout": 0.0,
54
  "final_dropout": 0.0,
55
+ "freeze_feat_extract_train": true,
56
  "hidden_act": "gelu",
57
+ "hidden_dropout": 0.1,
58
+ "hidden_size": 768,
59
  "initializer_range": 0.02,
60
+ "intermediate_size": 3072,
61
  "layer_norm_eps": 1e-05,
62
+ "layerdrop": 0.0,
63
  "mask_channel_length": 10,
64
  "mask_channel_min_space": 1,
65
  "mask_channel_other": 0.0,
 
75
  "mask_time_prob": 0.05,
76
  "mask_time_selection": "static",
77
  "model_type": "wav2vec2",
78
+ "no_mask_channel_overlap": false,
79
+ "no_mask_time_overlap": false,
80
  "num_adapter_layers": 3,
81
+ "num_attention_heads": 12,
82
  "num_codevector_groups": 2,
83
  "num_codevectors_per_group": 320,
84
  "num_conv_pos_embedding_groups": 16,
85
  "num_conv_pos_embeddings": 128,
86
  "num_feat_extract_layers": 7,
87
+ "num_hidden_layers": 12,
88
  "num_negatives": 100,
89
+ "output_hidden_size": 768,
90
  "pad_token_id": 0,
91
  "proj_codevector_dim": 256,
92
  "tdnn_dilation": [
 
113
  "torch_dtype": "float32",
114
  "transformers_version": "4.42.4",
115
  "use_weighted_layer_sum": false,
116
+ "vocab_size": 32,
117
  "xvector_output_dim": 512
118
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:93f1482235568c2db2cc799fbe35d2b6fb99af05a7126298b2f148c29bcfafb5
3
- size 1262859296
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3dcef60e7a2acd0d09912b59b54f4f49a9fadcd20861e7fbdc5092f754431fc0
3
+ size 378302360
preprocessor_config.json CHANGED
@@ -5,6 +5,6 @@
5
  "padding_side": "right",
6
  "padding_value": 0.0,
7
  "processor_class": "Wav2Vec2Processor",
8
- "return_attention_mask": true,
9
  "sampling_rate": 16000
10
  }
 
5
  "padding_side": "right",
6
  "padding_value": 0.0,
7
  "processor_class": "Wav2Vec2Processor",
8
+ "return_attention_mask": false,
9
  "sampling_rate": 16000
10
  }
special_tokens_map.json CHANGED
@@ -1,30 +1,6 @@
1
  {
2
- "bos_token": {
3
- "content": "<s>",
4
- "lstrip": true,
5
- "normalized": false,
6
- "rstrip": true,
7
- "single_word": false
8
- },
9
- "eos_token": {
10
- "content": "</s>",
11
- "lstrip": true,
12
- "normalized": false,
13
- "rstrip": true,
14
- "single_word": false
15
- },
16
- "pad_token": {
17
- "content": "<pad>",
18
- "lstrip": true,
19
- "normalized": false,
20
- "rstrip": true,
21
- "single_word": false
22
- },
23
- "unk_token": {
24
- "content": "<unk>",
25
- "lstrip": true,
26
- "normalized": false,
27
- "rstrip": true,
28
- "single_word": false
29
- }
30
  }
 
1
  {
2
+ "bos_token": "<s>",
3
+ "eos_token": "</s>",
4
+ "pad_token": "<pad>",
5
+ "unk_token": "<unk>"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
6
  }
tokenizer_config.json CHANGED
@@ -36,11 +36,13 @@
36
  "bos_token": "<s>",
37
  "clean_up_tokenization_spaces": true,
38
  "do_lower_case": false,
 
39
  "eos_token": "</s>",
40
  "model_max_length": 1000000000000000019884624838656,
41
  "pad_token": "<pad>",
42
  "processor_class": "Wav2Vec2Processor",
43
  "replace_word_delimiter_char": " ",
 
44
  "target_lang": null,
45
  "tokenizer_class": "Wav2Vec2CTCTokenizer",
46
  "unk_token": "<unk>",
 
36
  "bos_token": "<s>",
37
  "clean_up_tokenization_spaces": true,
38
  "do_lower_case": false,
39
+ "do_normalize": true,
40
  "eos_token": "</s>",
41
  "model_max_length": 1000000000000000019884624838656,
42
  "pad_token": "<pad>",
43
  "processor_class": "Wav2Vec2Processor",
44
  "replace_word_delimiter_char": " ",
45
+ "return_attention_mask": false,
46
  "target_lang": null,
47
  "tokenizer_class": "Wav2Vec2CTCTokenizer",
48
  "unk_token": "<unk>",
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:c00fcd9b1ac703cee4b892848aa55631bd712328c07c399e684f12e9daede178
3
  size 5112
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c03d98f6987a8d6701acd27e9c9c83ba343e7412c69eea86a5d825056b49589f
3
  size 5112
vocab.json CHANGED
@@ -1,35 +1,34 @@
1
  {
2
- "'": 5,
3
- "-": 6,
4
  "</s>": 2,
5
  "<pad>": 0,
6
  "<s>": 1,
7
  "<unk>": 3,
8
- "a": 7,
9
- "b": 8,
10
- "c": 9,
11
- "d": 10,
12
- "e": 11,
13
- "f": 12,
14
- "g": 13,
15
- "h": 14,
16
- "i": 15,
17
- "j": 16,
18
- "k": 17,
19
- "l": 18,
20
- "m": 19,
21
- "n": 20,
22
- "o": 21,
23
- "p": 22,
24
- "q": 23,
25
- "r": 24,
26
- "s": 25,
27
- "t": 26,
28
- "u": 27,
29
- "v": 28,
30
- "w": 29,
31
- "x": 30,
32
- "y": 31,
33
- "z": 32,
34
  "|": 4
35
  }
 
1
  {
2
+ "'": 27,
 
3
  "</s>": 2,
4
  "<pad>": 0,
5
  "<s>": 1,
6
  "<unk>": 3,
7
+ "A": 7,
8
+ "B": 24,
9
+ "C": 19,
10
+ "D": 14,
11
+ "E": 5,
12
+ "F": 20,
13
+ "G": 21,
14
+ "H": 11,
15
+ "I": 10,
16
+ "J": 29,
17
+ "K": 26,
18
+ "L": 15,
19
+ "M": 17,
20
+ "N": 9,
21
+ "O": 8,
22
+ "P": 23,
23
+ "Q": 30,
24
+ "R": 13,
25
+ "S": 12,
26
+ "T": 6,
27
+ "U": 16,
28
+ "V": 25,
29
+ "W": 18,
30
+ "X": 28,
31
+ "Y": 22,
32
+ "Z": 31,
33
  "|": 4
34
  }