SoroushXYZ commited on
Commit
27f183f
·
verified ·
1 Parent(s): 3719e5e

Initial model upload - DistilBERT RSS Advertisement Detection

Browse files
README.md ADDED
@@ -0,0 +1,100 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: mit
3
+ language:
4
+ - en
5
+ tags:
6
+ - text-classification
7
+ - distilbert
8
+ - advertisement-detection
9
+ - rss
10
+ - news
11
+ - binary-classification
12
+ pipeline_tag: text-classification
13
+ ---
14
+
15
+ # DistilBERT RSS Advertisement Detection
16
+
17
+ A DistilBERT-based model for classifying RSS article titles as advertisements or legitimate news content.
18
+
19
+ ## Model Description
20
+
21
+ This model is fine-tuned from `distilbert-base-uncased` for binary text classification. It can distinguish between:
22
+ - **Advertisement**: Promotional content, deals, sales, sponsored content
23
+ - **News**: Legitimate news articles, editorial content, research findings
24
+
25
+ ## Intended Use
26
+
27
+ - **Primary**: Filtering RSS feeds to separate advertisements from news
28
+ - **Secondary**: Content moderation, spam detection, content categorization
29
+ - **Research**: Text classification, advertisement detection studies
30
+
31
+ ## Performance
32
+
33
+ - **Accuracy**: ~95%
34
+ - **F1 Score**: ~94%
35
+ - **Precision**: ~93%
36
+ - **Recall**: ~94%
37
+
38
+ ## Training Data
39
+
40
+ - **Source**: 75+ RSS feeds from major tech news outlets
41
+ - **Articles**: 1,600+ RSS articles
42
+ - **Labeled**: 1,000+ manually labeled examples
43
+ - **Sources**: TechCrunch, WIRED, The Verge, Ars Technica, OpenAI, Google AI, etc.
44
+
45
+ ## Usage
46
+
47
+ ```python
48
+ from transformers import pipeline
49
+
50
+ # Load the model
51
+ classifier = pipeline("text-classification",
52
+ model="SoroushXYZ/distilbert-rss-ad-detection")
53
+
54
+ # Classify examples
55
+ examples = [
56
+ "Apple Announces New iPhone with Advanced AI Features",
57
+ "50% OFF - Limited Time Offer on Premium Headphones!",
58
+ "Scientists Discover New Method for Carbon Capture",
59
+ "Buy Now! Get Free Shipping on All Electronics Today Only!"
60
+ ]
61
+
62
+ for text in examples:
63
+ result = classifier(text)
64
+ print(f"{text} -> {result[0]['label']} ({result[0]['score']:.3f})")
65
+ ```
66
+
67
+ ## Model Architecture
68
+
69
+ - **Base Model**: distilbert-base-uncased
70
+ - **Task**: Binary text classification
71
+ - **Input**: Text (max 128 tokens)
72
+ - **Output**: Class probabilities (news, advertisement)
73
+
74
+ ## Training Details
75
+
76
+ - **Epochs**: 3
77
+ - **Batch Size**: 16
78
+ - **Learning Rate**: 5e-5
79
+ - **Optimizer**: AdamW
80
+ - **Framework**: PyTorch + Transformers
81
+
82
+ ## Limitations
83
+
84
+ - Trained primarily on tech news content
85
+ - May not generalize well to other domains
86
+ - Performance depends on title quality and clarity
87
+ - Limited to English language content
88
+
89
+ ## Citation
90
+
91
+ If you use this model, please cite:
92
+
93
+ ```bibtex
94
+ @misc{distilbert-rss-ad-detection,
95
+ title={DistilBERT RSS Advertisement Detection},
96
+ author={Your Name},
97
+ year={2024},
98
+ url={https://huggingface.co/SoroushXYZ/distilbert-rss-ad-detection}
99
+ }
100
+ ```
checkpoint-122/config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation": "gelu",
3
+ "architectures": [
4
+ "DistilBertForSequenceClassification"
5
+ ],
6
+ "attention_dropout": 0.1,
7
+ "dim": 768,
8
+ "dropout": 0.1,
9
+ "dtype": "float32",
10
+ "hidden_dim": 3072,
11
+ "id2label": {
12
+ "0": "news",
13
+ "1": "advertisement"
14
+ },
15
+ "initializer_range": 0.02,
16
+ "label2id": {
17
+ "advertisement": 1,
18
+ "news": 0
19
+ },
20
+ "max_position_embeddings": 512,
21
+ "model_type": "distilbert",
22
+ "n_heads": 12,
23
+ "n_layers": 6,
24
+ "pad_token_id": 0,
25
+ "problem_type": "single_label_classification",
26
+ "qa_dropout": 0.1,
27
+ "seq_classif_dropout": 0.2,
28
+ "sinusoidal_pos_embds": false,
29
+ "tie_weights_": true,
30
+ "transformers_version": "4.56.2",
31
+ "vocab_size": 30522
32
+ }
checkpoint-122/model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0a47d372758137f19ac8c5b19007496aab4a8a2735757db32a40dabc59b00b50
3
+ size 267832560
checkpoint-122/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:37610f47a374c04052e4e4524651eea8a4a85731df05b27c6e222523551df0ab
3
+ size 535724875
checkpoint-122/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9f1e0d31acc437fbbd16411d0d11d500c5f4dbbc7561671dab7dbf23eb0f2c43
3
+ size 14455
checkpoint-122/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b517e4d8b36ae299e1a8771e5435396922441cb34d883491b191843662b0fc6e
3
+ size 1465
checkpoint-122/trainer_state.json ADDED
@@ -0,0 +1,72 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 122,
3
+ "best_metric": 0.9440661564177004,
4
+ "best_model_checkpoint": "../models/distilbert-ad-detection/checkpoint-122",
5
+ "epoch": 2.0,
6
+ "eval_steps": 500,
7
+ "global_step": 122,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.819672131147541,
14
+ "grad_norm": 1.6779587268829346,
15
+ "learning_rate": 2.45e-05,
16
+ "loss": 0.5205,
17
+ "step": 50
18
+ },
19
+ {
20
+ "epoch": 1.0,
21
+ "eval_accuracy": 0.8518518518518519,
22
+ "eval_f1": 0.7837037037037037,
23
+ "eval_loss": 0.28867536783218384,
24
+ "eval_precision": 0.7256515775034293,
25
+ "eval_recall": 0.8518518518518519,
26
+ "eval_runtime": 1.7374,
27
+ "eval_samples_per_second": 139.867,
28
+ "eval_steps_per_second": 9.209,
29
+ "step": 61
30
+ },
31
+ {
32
+ "epoch": 1.639344262295082,
33
+ "grad_norm": 1.3054509162902832,
34
+ "learning_rate": 4.9500000000000004e-05,
35
+ "loss": 0.229,
36
+ "step": 100
37
+ },
38
+ {
39
+ "epoch": 2.0,
40
+ "eval_accuracy": 0.9465020576131687,
41
+ "eval_f1": 0.9440661564177004,
42
+ "eval_loss": 0.14445427060127258,
43
+ "eval_precision": 0.9448681682004273,
44
+ "eval_recall": 0.9465020576131687,
45
+ "eval_runtime": 1.1734,
46
+ "eval_samples_per_second": 207.093,
47
+ "eval_steps_per_second": 13.636,
48
+ "step": 122
49
+ }
50
+ ],
51
+ "logging_steps": 50,
52
+ "max_steps": 183,
53
+ "num_input_tokens_seen": 0,
54
+ "num_train_epochs": 3,
55
+ "save_steps": 500,
56
+ "stateful_callbacks": {
57
+ "TrainerControl": {
58
+ "args": {
59
+ "should_epoch_stop": false,
60
+ "should_evaluate": false,
61
+ "should_log": false,
62
+ "should_save": true,
63
+ "should_training_stop": false
64
+ },
65
+ "attributes": {}
66
+ }
67
+ },
68
+ "total_flos": 26602144394160.0,
69
+ "train_batch_size": 16,
70
+ "trial_name": null,
71
+ "trial_params": null
72
+ }
checkpoint-122/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e2c0489b8c8b8c64edf13e9d3695681fcdb3195792535bd1c353f64457bff0d7
3
+ size 5713
checkpoint-183/config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation": "gelu",
3
+ "architectures": [
4
+ "DistilBertForSequenceClassification"
5
+ ],
6
+ "attention_dropout": 0.1,
7
+ "dim": 768,
8
+ "dropout": 0.1,
9
+ "dtype": "float32",
10
+ "hidden_dim": 3072,
11
+ "id2label": {
12
+ "0": "news",
13
+ "1": "advertisement"
14
+ },
15
+ "initializer_range": 0.02,
16
+ "label2id": {
17
+ "advertisement": 1,
18
+ "news": 0
19
+ },
20
+ "max_position_embeddings": 512,
21
+ "model_type": "distilbert",
22
+ "n_heads": 12,
23
+ "n_layers": 6,
24
+ "pad_token_id": 0,
25
+ "problem_type": "single_label_classification",
26
+ "qa_dropout": 0.1,
27
+ "seq_classif_dropout": 0.2,
28
+ "sinusoidal_pos_embds": false,
29
+ "tie_weights_": true,
30
+ "transformers_version": "4.56.2",
31
+ "vocab_size": 30522
32
+ }
checkpoint-183/model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:252242db5e06801ead07e9e5afad5201ed3d3c34bca3b64783446d29eb8e3205
3
+ size 267832560
checkpoint-183/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b3a72e6aec85bbbfed76605c561866d90cb0b1d7744d0f0321cbe3b556ddc560
3
+ size 535724875
checkpoint-183/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:391d01d3aeb4a35151817d446e4ba0b9c8a04084ae1b1b66eda188a30729da0a
3
+ size 14455
checkpoint-183/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e7c2c47850955459fce2f44f10ac21308e35a1621984a9873d64ebefc217bfd9
3
+ size 1465
checkpoint-183/trainer_state.json ADDED
@@ -0,0 +1,91 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 122,
3
+ "best_metric": 0.9440661564177004,
4
+ "best_model_checkpoint": "../models/distilbert-ad-detection/checkpoint-122",
5
+ "epoch": 3.0,
6
+ "eval_steps": 500,
7
+ "global_step": 183,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.819672131147541,
14
+ "grad_norm": 1.6779587268829346,
15
+ "learning_rate": 2.45e-05,
16
+ "loss": 0.5205,
17
+ "step": 50
18
+ },
19
+ {
20
+ "epoch": 1.0,
21
+ "eval_accuracy": 0.8518518518518519,
22
+ "eval_f1": 0.7837037037037037,
23
+ "eval_loss": 0.28867536783218384,
24
+ "eval_precision": 0.7256515775034293,
25
+ "eval_recall": 0.8518518518518519,
26
+ "eval_runtime": 1.7374,
27
+ "eval_samples_per_second": 139.867,
28
+ "eval_steps_per_second": 9.209,
29
+ "step": 61
30
+ },
31
+ {
32
+ "epoch": 1.639344262295082,
33
+ "grad_norm": 1.3054509162902832,
34
+ "learning_rate": 4.9500000000000004e-05,
35
+ "loss": 0.229,
36
+ "step": 100
37
+ },
38
+ {
39
+ "epoch": 2.0,
40
+ "eval_accuracy": 0.9465020576131687,
41
+ "eval_f1": 0.9440661564177004,
42
+ "eval_loss": 0.14445427060127258,
43
+ "eval_precision": 0.9448681682004273,
44
+ "eval_recall": 0.9465020576131687,
45
+ "eval_runtime": 1.1734,
46
+ "eval_samples_per_second": 207.093,
47
+ "eval_steps_per_second": 13.636,
48
+ "step": 122
49
+ },
50
+ {
51
+ "epoch": 2.459016393442623,
52
+ "grad_norm": 7.326109886169434,
53
+ "learning_rate": 2.0481927710843373e-05,
54
+ "loss": 0.1275,
55
+ "step": 150
56
+ },
57
+ {
58
+ "epoch": 3.0,
59
+ "eval_accuracy": 0.9423868312757202,
60
+ "eval_f1": 0.9401795735129068,
61
+ "eval_loss": 0.23979587852954865,
62
+ "eval_precision": 0.9402538688923664,
63
+ "eval_recall": 0.9423868312757202,
64
+ "eval_runtime": 1.3575,
65
+ "eval_samples_per_second": 179.0,
66
+ "eval_steps_per_second": 11.786,
67
+ "step": 183
68
+ }
69
+ ],
70
+ "logging_steps": 50,
71
+ "max_steps": 183,
72
+ "num_input_tokens_seen": 0,
73
+ "num_train_epochs": 3,
74
+ "save_steps": 500,
75
+ "stateful_callbacks": {
76
+ "TrainerControl": {
77
+ "args": {
78
+ "should_epoch_stop": false,
79
+ "should_evaluate": false,
80
+ "should_log": false,
81
+ "should_save": true,
82
+ "should_training_stop": true
83
+ },
84
+ "attributes": {}
85
+ }
86
+ },
87
+ "total_flos": 39903216591240.0,
88
+ "train_batch_size": 16,
89
+ "trial_name": null,
90
+ "trial_params": null
91
+ }
checkpoint-183/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e2c0489b8c8b8c64edf13e9d3695681fcdb3195792535bd1c353f64457bff0d7
3
+ size 5713
checkpoint-61/config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation": "gelu",
3
+ "architectures": [
4
+ "DistilBertForSequenceClassification"
5
+ ],
6
+ "attention_dropout": 0.1,
7
+ "dim": 768,
8
+ "dropout": 0.1,
9
+ "dtype": "float32",
10
+ "hidden_dim": 3072,
11
+ "id2label": {
12
+ "0": "news",
13
+ "1": "advertisement"
14
+ },
15
+ "initializer_range": 0.02,
16
+ "label2id": {
17
+ "advertisement": 1,
18
+ "news": 0
19
+ },
20
+ "max_position_embeddings": 512,
21
+ "model_type": "distilbert",
22
+ "n_heads": 12,
23
+ "n_layers": 6,
24
+ "pad_token_id": 0,
25
+ "problem_type": "single_label_classification",
26
+ "qa_dropout": 0.1,
27
+ "seq_classif_dropout": 0.2,
28
+ "sinusoidal_pos_embds": false,
29
+ "tie_weights_": true,
30
+ "transformers_version": "4.56.2",
31
+ "vocab_size": 30522
32
+ }
checkpoint-61/model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:512bc691fdb358f3dc2376ab16bc5f066373830e43df57a07cd81ab059bb2304
3
+ size 267832560
checkpoint-61/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:40452ec1767633afb849e2237dabe2f4fd8613ccd762f7d3876ab397f5e8387f
3
+ size 535724875
checkpoint-61/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e3a77d4a8b98ce027a4d6a3b9fb5d7c904e27ec1efd5c0468c24fa26bb738316
3
+ size 14455
checkpoint-61/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e12f189b75b2e832feb113fa8d9d83511e65c1260415f4bafc5bbe0b7786b492
3
+ size 1465
checkpoint-61/trainer_state.json ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 61,
3
+ "best_metric": 0.7837037037037037,
4
+ "best_model_checkpoint": "../models/distilbert-ad-detection/checkpoint-61",
5
+ "epoch": 1.0,
6
+ "eval_steps": 500,
7
+ "global_step": 61,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.819672131147541,
14
+ "grad_norm": 1.6779587268829346,
15
+ "learning_rate": 2.45e-05,
16
+ "loss": 0.5205,
17
+ "step": 50
18
+ },
19
+ {
20
+ "epoch": 1.0,
21
+ "eval_accuracy": 0.8518518518518519,
22
+ "eval_f1": 0.7837037037037037,
23
+ "eval_loss": 0.28867536783218384,
24
+ "eval_precision": 0.7256515775034293,
25
+ "eval_recall": 0.8518518518518519,
26
+ "eval_runtime": 1.7374,
27
+ "eval_samples_per_second": 139.867,
28
+ "eval_steps_per_second": 9.209,
29
+ "step": 61
30
+ }
31
+ ],
32
+ "logging_steps": 50,
33
+ "max_steps": 183,
34
+ "num_input_tokens_seen": 0,
35
+ "num_train_epochs": 3,
36
+ "save_steps": 500,
37
+ "stateful_callbacks": {
38
+ "TrainerControl": {
39
+ "args": {
40
+ "should_epoch_stop": false,
41
+ "should_evaluate": false,
42
+ "should_log": false,
43
+ "should_save": true,
44
+ "should_training_stop": false
45
+ },
46
+ "attributes": {}
47
+ }
48
+ },
49
+ "total_flos": 13301072197080.0,
50
+ "train_batch_size": 16,
51
+ "trial_name": null,
52
+ "trial_params": null
53
+ }
checkpoint-61/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e2c0489b8c8b8c64edf13e9d3695681fcdb3195792535bd1c353f64457bff0d7
3
+ size 5713
config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation": "gelu",
3
+ "architectures": [
4
+ "DistilBertForSequenceClassification"
5
+ ],
6
+ "attention_dropout": 0.1,
7
+ "dim": 768,
8
+ "dropout": 0.1,
9
+ "dtype": "float32",
10
+ "hidden_dim": 3072,
11
+ "id2label": {
12
+ "0": "news",
13
+ "1": "advertisement"
14
+ },
15
+ "initializer_range": 0.02,
16
+ "label2id": {
17
+ "advertisement": 1,
18
+ "news": 0
19
+ },
20
+ "max_position_embeddings": 512,
21
+ "model_type": "distilbert",
22
+ "n_heads": 12,
23
+ "n_layers": 6,
24
+ "pad_token_id": 0,
25
+ "problem_type": "single_label_classification",
26
+ "qa_dropout": 0.1,
27
+ "seq_classif_dropout": 0.2,
28
+ "sinusoidal_pos_embds": false,
29
+ "tie_weights_": true,
30
+ "transformers_version": "4.56.2",
31
+ "vocab_size": 30522
32
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0a47d372758137f19ac8c5b19007496aab4a8a2735757db32a40dabc59b00b50
3
+ size 267832560
special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "mask_token": "[MASK]",
4
+ "pad_token": "[PAD]",
5
+ "sep_token": "[SEP]",
6
+ "unk_token": "[UNK]"
7
+ }
tokenizer_config.json ADDED
@@ -0,0 +1,58 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "clean_up_tokenization_spaces": true,
45
+ "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
+ "do_lower_case": true,
48
+ "extra_special_tokens": {},
49
+ "mask_token": "[MASK]",
50
+ "model_max_length": 512,
51
+ "never_split": null,
52
+ "pad_token": "[PAD]",
53
+ "sep_token": "[SEP]",
54
+ "strip_accents": null,
55
+ "tokenize_chinese_chars": true,
56
+ "tokenizer_class": "DistilBertTokenizer",
57
+ "unk_token": "[UNK]"
58
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff