Spaces:
Sleeping
Sleeping
Abstract Text Summarizer
Browse files- .gitattributes +35 -35
- Dockerfile +20 -0
- README.md +11 -11
- app.py +84 -0
- main.py +83 -0
- requirements.txt +5 -0
- static/Text-Summarization.jpg +0 -0
- static/logo.png +0 -0
- summary/pegasus-samsum-model/config.json +55 -0
- summary/pegasus-samsum-model/generation_config.json +13 -0
- summary/pegasus-samsum-model/model.safetensors +3 -0
- summary/tokenizer/special_tokens_map.json +110 -0
- summary/tokenizer/spiece.model +3 -0
- summary/tokenizer/tokenizer.json +0 -0
- summary/tokenizer/tokenizer_config.json +967 -0
- templates/index.html +130 -0
.gitattributes
CHANGED
@@ -1,35 +1,35 @@
|
|
1 |
-
*.7z filter=lfs diff=lfs merge=lfs -text
|
2 |
-
*.arrow filter=lfs diff=lfs merge=lfs -text
|
3 |
-
*.bin filter=lfs diff=lfs merge=lfs -text
|
4 |
-
*.bz2 filter=lfs diff=lfs merge=lfs -text
|
5 |
-
*.ckpt filter=lfs diff=lfs merge=lfs -text
|
6 |
-
*.ftz filter=lfs diff=lfs merge=lfs -text
|
7 |
-
*.gz filter=lfs diff=lfs merge=lfs -text
|
8 |
-
*.h5 filter=lfs diff=lfs merge=lfs -text
|
9 |
-
*.joblib filter=lfs diff=lfs merge=lfs -text
|
10 |
-
*.lfs.* filter=lfs diff=lfs merge=lfs -text
|
11 |
-
*.mlmodel filter=lfs diff=lfs merge=lfs -text
|
12 |
-
*.model filter=lfs diff=lfs merge=lfs -text
|
13 |
-
*.msgpack filter=lfs diff=lfs merge=lfs -text
|
14 |
-
*.npy filter=lfs diff=lfs merge=lfs -text
|
15 |
-
*.npz filter=lfs diff=lfs merge=lfs -text
|
16 |
-
*.onnx filter=lfs diff=lfs merge=lfs -text
|
17 |
-
*.ot filter=lfs diff=lfs merge=lfs -text
|
18 |
-
*.parquet filter=lfs diff=lfs merge=lfs -text
|
19 |
-
*.pb filter=lfs diff=lfs merge=lfs -text
|
20 |
-
*.pickle filter=lfs diff=lfs merge=lfs -text
|
21 |
-
*.pkl filter=lfs diff=lfs merge=lfs -text
|
22 |
-
*.pt filter=lfs diff=lfs merge=lfs -text
|
23 |
-
*.pth filter=lfs diff=lfs merge=lfs -text
|
24 |
-
*.rar filter=lfs diff=lfs merge=lfs -text
|
25 |
-
*.safetensors filter=lfs diff=lfs merge=lfs -text
|
26 |
-
saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
27 |
-
*.tar.* filter=lfs diff=lfs merge=lfs -text
|
28 |
-
*.tar filter=lfs diff=lfs merge=lfs -text
|
29 |
-
*.tflite filter=lfs diff=lfs merge=lfs -text
|
30 |
-
*.tgz filter=lfs diff=lfs merge=lfs -text
|
31 |
-
*.wasm filter=lfs diff=lfs merge=lfs -text
|
32 |
-
*.xz filter=lfs diff=lfs merge=lfs -text
|
33 |
-
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
-
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
-
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
1 |
+
*.7z filter=lfs diff=lfs merge=lfs -text
|
2 |
+
*.arrow filter=lfs diff=lfs merge=lfs -text
|
3 |
+
*.bin filter=lfs diff=lfs merge=lfs -text
|
4 |
+
*.bz2 filter=lfs diff=lfs merge=lfs -text
|
5 |
+
*.ckpt filter=lfs diff=lfs merge=lfs -text
|
6 |
+
*.ftz filter=lfs diff=lfs merge=lfs -text
|
7 |
+
*.gz filter=lfs diff=lfs merge=lfs -text
|
8 |
+
*.h5 filter=lfs diff=lfs merge=lfs -text
|
9 |
+
*.joblib filter=lfs diff=lfs merge=lfs -text
|
10 |
+
*.lfs.* filter=lfs diff=lfs merge=lfs -text
|
11 |
+
*.mlmodel filter=lfs diff=lfs merge=lfs -text
|
12 |
+
*.model filter=lfs diff=lfs merge=lfs -text
|
13 |
+
*.msgpack filter=lfs diff=lfs merge=lfs -text
|
14 |
+
*.npy filter=lfs diff=lfs merge=lfs -text
|
15 |
+
*.npz filter=lfs diff=lfs merge=lfs -text
|
16 |
+
*.onnx filter=lfs diff=lfs merge=lfs -text
|
17 |
+
*.ot filter=lfs diff=lfs merge=lfs -text
|
18 |
+
*.parquet filter=lfs diff=lfs merge=lfs -text
|
19 |
+
*.pb filter=lfs diff=lfs merge=lfs -text
|
20 |
+
*.pickle filter=lfs diff=lfs merge=lfs -text
|
21 |
+
*.pkl filter=lfs diff=lfs merge=lfs -text
|
22 |
+
*.pt filter=lfs diff=lfs merge=lfs -text
|
23 |
+
*.pth filter=lfs diff=lfs merge=lfs -text
|
24 |
+
*.rar filter=lfs diff=lfs merge=lfs -text
|
25 |
+
*.safetensors filter=lfs diff=lfs merge=lfs -text
|
26 |
+
saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
27 |
+
*.tar.* filter=lfs diff=lfs merge=lfs -text
|
28 |
+
*.tar filter=lfs diff=lfs merge=lfs -text
|
29 |
+
*.tflite filter=lfs diff=lfs merge=lfs -text
|
30 |
+
*.tgz filter=lfs diff=lfs merge=lfs -text
|
31 |
+
*.wasm filter=lfs diff=lfs merge=lfs -text
|
32 |
+
*.xz filter=lfs diff=lfs merge=lfs -text
|
33 |
+
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
+
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
+
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
Dockerfile
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# Use the official Python image from the Docker Hub
|
2 |
+
FROM python:3.10.0-slim-buster
|
3 |
+
|
4 |
+
# Set the working directory in the container
|
5 |
+
WORKDIR /app
|
6 |
+
|
7 |
+
# Copy the current directory contents into the container at /app
|
8 |
+
COPY . /app
|
9 |
+
|
10 |
+
# Install any needed packages specified in requirements.txt
|
11 |
+
RUN pip install --no-cache-dir -r requirements.txt
|
12 |
+
|
13 |
+
# Make port 7860 available to the world outside this container
|
14 |
+
EXPOSE 7860
|
15 |
+
|
16 |
+
# Define environment variable (corrected the syntax for environment variable name and value)
|
17 |
+
# ENV FLASK_APP=app.py
|
18 |
+
|
19 |
+
# Command to run the application
|
20 |
+
CMD ["gunicorn", "--bind", "0.0.0.0:7860", "app:app"]
|
README.md
CHANGED
@@ -1,11 +1,11 @@
|
|
1 |
-
---
|
2 |
-
title: Abstract Text Summarizer
|
3 |
-
emoji: 🔥
|
4 |
-
colorFrom: indigo
|
5 |
-
colorTo: green
|
6 |
-
sdk: docker
|
7 |
-
pinned: false
|
8 |
-
license: cc-by-nc-3.0
|
9 |
-
---
|
10 |
-
|
11 |
-
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
|
|
|
1 |
+
---
|
2 |
+
title: Abstract Text Summarizer
|
3 |
+
emoji: 🔥
|
4 |
+
colorFrom: indigo
|
5 |
+
colorTo: green
|
6 |
+
sdk: docker
|
7 |
+
pinned: false
|
8 |
+
license: cc-by-nc-3.0
|
9 |
+
---
|
10 |
+
|
11 |
+
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
|
app.py
ADDED
@@ -0,0 +1,84 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from flask import Flask, request, render_template, jsonify
|
2 |
+
import re
|
3 |
+
import nltk
|
4 |
+
import torch
|
5 |
+
from pathlib import Path
|
6 |
+
|
7 |
+
# Define the device if using GPU
|
8 |
+
device = "cuda" if torch.cuda.is_available() else "cpu"
|
9 |
+
|
10 |
+
from transformers import pipeline
|
11 |
+
from transformers import AutoModelForSeq2SeqLM, AutoTokenizer
|
12 |
+
from nltk.tokenize import word_tokenize
|
13 |
+
from nltk.stem import WordNetLemmatizer
|
14 |
+
|
15 |
+
nltk.download('punkt')
|
16 |
+
nltk.download('wordnet')
|
17 |
+
|
18 |
+
app = Flask(__name__)
|
19 |
+
|
20 |
+
tokenizer = AutoTokenizer.from_pretrained(Path("summary/tokenizer"))
|
21 |
+
model_name = "summary/pegasus-samsum-model"
|
22 |
+
|
23 |
+
def remove_spaces_before_punctuation(text):
|
24 |
+
pattern = re.compile(r'(\s+)([.,;!?])')
|
25 |
+
result = pattern.sub(r'\2', text)
|
26 |
+
result = re.sub(r'\[|\]', '', result)
|
27 |
+
return result
|
28 |
+
|
29 |
+
def replace_pronouns(text):
|
30 |
+
# Replace "they" with "he" or "she" based on context
|
31 |
+
text = re.sub(r'\bthey\b', 'He/She', text, flags=re.IGNORECASE)
|
32 |
+
text = re.sub(r'\b(are|have|were)\b', lambda x: {'are': 'is', 'have': 'has', 'were': 'was'}[x.group()], text)
|
33 |
+
return text
|
34 |
+
|
35 |
+
def clean_and_lemmatize(text):
|
36 |
+
# Remove digits, symbols, punctuation marks, and newline characters
|
37 |
+
text = re.sub(r'\d+', '', text)
|
38 |
+
text = re.sub(r'[^\w\s,-]', '', text.replace('\n', ''))
|
39 |
+
# Tokenize the text
|
40 |
+
tokens = word_tokenize(text.lower())
|
41 |
+
# Initialize lemmatizer
|
42 |
+
lemmatizer = WordNetLemmatizer()
|
43 |
+
# Lemmatize each token and join back into a sentence
|
44 |
+
lemmatized_text = ' '.join([lemmatizer.lemmatize(token) for token in tokens])
|
45 |
+
return lemmatized_text
|
46 |
+
|
47 |
+
@app.route('/summarize', methods=['POST'])
|
48 |
+
def summarize():
|
49 |
+
# Get the input text from the request
|
50 |
+
input_text = request.form['input_text']
|
51 |
+
|
52 |
+
# Tokenize the input text
|
53 |
+
tokens_org_text = tokenizer.tokenize(input_text)
|
54 |
+
sequence_length_org_text = len(tokens_org_text)
|
55 |
+
|
56 |
+
input_text = clean_and_lemmatize(input_text)
|
57 |
+
tokens = tokenizer.tokenize(input_text)
|
58 |
+
sequence_length = len(tokens)
|
59 |
+
|
60 |
+
if sequence_length >= 1024:
|
61 |
+
return jsonify({'error': 'Input text exceeds maximum token length of 1023.'})
|
62 |
+
|
63 |
+
# Initialize model variable
|
64 |
+
model = AutoModelForSeq2SeqLM.from_pretrained(model_name).to(device)
|
65 |
+
|
66 |
+
gen_kwargs = {"length_penalty": 0.8, "num_beams": 8, "max_length": 128}
|
67 |
+
pipe = pipeline("summarization", model=model, tokenizer=tokenizer, device=device)
|
68 |
+
|
69 |
+
text = pipe(input_text, **gen_kwargs)[0]["summary_text"]
|
70 |
+
output_text = replace_pronouns(remove_spaces_before_punctuation(text))
|
71 |
+
|
72 |
+
# Clear the GPU cache
|
73 |
+
torch.cuda.empty_cache()
|
74 |
+
|
75 |
+
# Return the summary
|
76 |
+
return jsonify({'summary': output_text})
|
77 |
+
|
78 |
+
@app.route('/')
|
79 |
+
def index():
|
80 |
+
return render_template('index.html')
|
81 |
+
|
82 |
+
if __name__ == '__main__':
|
83 |
+
app.run(host='0.0.0.0', debug=True, port=7860) # This is Host Port
|
84 |
+
|
main.py
ADDED
@@ -0,0 +1,83 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# python == 3.11.7
|
2 |
+
|
3 |
+
import re
|
4 |
+
import nltk
|
5 |
+
import torch
|
6 |
+
from pathlib import Path
|
7 |
+
# Define the device if using GPU
|
8 |
+
device = "cuda" if torch.cuda.is_available() else "cpu"
|
9 |
+
|
10 |
+
from transformers import pipeline
|
11 |
+
# from transformers import AutoTokenizer
|
12 |
+
from transformers import AutoModelForSeq2SeqLM, AutoTokenizer
|
13 |
+
from nltk.tokenize import word_tokenize
|
14 |
+
from nltk.stem import WordNetLemmatizer
|
15 |
+
nltk.download('punkt')
|
16 |
+
nltk.download('wordnet')
|
17 |
+
|
18 |
+
tokenizer = AutoTokenizer.from_pretrained(Path("summary/tokenizer"))
|
19 |
+
model = "summary/pegasus-samsum-model"
|
20 |
+
def remove_spaces_before_punctuation(text):
|
21 |
+
pattern = re.compile(r'(\s+)([.,;!?])')
|
22 |
+
result = pattern.sub(r'\2', text)
|
23 |
+
result = re.sub(r'\[|\]', '', result)
|
24 |
+
return result
|
25 |
+
|
26 |
+
|
27 |
+
def replace_pronouns(text):
|
28 |
+
# Replace "they" with "he" or "she" based on context
|
29 |
+
text = re.sub(r'\bthey\b', 'He/She', text, flags=re.IGNORECASE)
|
30 |
+
text = re.sub(r'\b(are|have|were)\b', lambda x: {'are': 'is', 'have': 'has', 'were': 'was'}[x.group()], text)
|
31 |
+
return text
|
32 |
+
|
33 |
+
|
34 |
+
def clean_and_lemmatize(text):
|
35 |
+
# Remove digits, symbols, punctuation marks, and newline characters
|
36 |
+
text = re.sub(r'\d+', '', text)
|
37 |
+
text = re.sub(r'[^\w\s,-]', '', text.replace('\n', ''))
|
38 |
+
# Tokenize the text
|
39 |
+
tokens = word_tokenize(text.lower())
|
40 |
+
# Initialize lemmatizer
|
41 |
+
lemmatizer = WordNetLemmatizer()
|
42 |
+
# Lemmatize each token and join back into a sentence
|
43 |
+
lemmatized_text = ' '.join([lemmatizer.lemmatize(token) for token in tokens])
|
44 |
+
return lemmatized_text
|
45 |
+
|
46 |
+
|
47 |
+
# input_text = input("\nGive me Your Full Month Log hour Task Description within 5500 Characters: \n")
|
48 |
+
input_text = """
|
49 |
+
['investigate feedback for eb app add task, meeting, and call log in lead show task, meeting, and call log from lead show lead and call log from account detail add lead, call log, and meeting from account detail crt screen fix bug in adding lead from account test and fix attendance in eb app rd business card scanner in eb app fix email issue in call detail add account in dm and lead list rd on business card scanner meeting on eb app feedback fix bug in lead add add image cropper in card scanner change attendance ui fix attendance design and fix activity log add selected item bug add filter in colleague screen and fix activity add task offspring add vendor address in colleague list investigate all colleague list not found issue add vendor address in colleague list jam all colleague not issue add month stepper attendance add month picker in attendance fix loading problem in monthly attendance on phone number format rd daily activity setup laptop for flutter development change phone number format algorithm fix loading issue in daily attendance screen add daily activity summary design profile screen change design in detail screen release build aab reload contact colleague and account using refresh indicator add doughnut for attendance percent meeting on eb app not found issue in play store add address for partner in colleague list and change dashboard order designation in colleague and contact call detail move favorite button position and phone state stream bug eb app feedback collection and analysis change search algorithm add contact share feature build aab for play store meeting with md sir on new requirement check in for eb app papers requirement for check in feature share contact using or vcard build aab for play store save contact analyze check in feature in eb sort client by name or time sort account by name and time add notice, my team, and favorite in home screen sort colleague by name or update time fix search issue in colleague disable icon if phone or email not found in contact detail page share and save colleague phone and email add time and in meeting detail fix app close issue when permission is denied fix favorite height issue fix design issue fix design in attendance screen meeting with md sir on check - in feature show device name in contact modify filter in colleague design fix add monthly lumber hour pie chart rd on theme in flutter to change default color of button fix device call log issue design and bug fixing fix issue in disabling email icon and fix issue in device contact name show integrate favorite add api sync favorite with server design and bug fixing change monthly activity graph fix bug in opt timer show colleague image from eb profile pic bug fixing in lead add show people image in contact list and call detail compute attendance work hour design fix document api for business card upload study wetucom rd']
|
50 |
+
|
51 |
+
"""
|
52 |
+
|
53 |
+
# Tokenize the input text
|
54 |
+
tokens_org_text = tokenizer.tokenize(input_text)
|
55 |
+
# print(tokens_org_text)
|
56 |
+
# Get the length of the tokenized sequence
|
57 |
+
sequence_length_org_text = len(tokens_org_text)
|
58 |
+
|
59 |
+
# print(sequence_length_org_text)
|
60 |
+
|
61 |
+
input_text = clean_and_lemmatize(input_text)
|
62 |
+
# Tokenize the input text
|
63 |
+
tokens = tokenizer.tokenize(input_text)
|
64 |
+
|
65 |
+
# Get the length of the tokenized sequence
|
66 |
+
sequence_length = len(tokens)
|
67 |
+
# print(sequence_length)
|
68 |
+
|
69 |
+
|
70 |
+
if sequence_length >= 1024:
|
71 |
+
print(f"Your Text token length is {sequence_length_org_text} Which exceeds 1023 tokens")
|
72 |
+
else:
|
73 |
+
model = AutoModelForSeq2SeqLM.from_pretrained(model).to(device)
|
74 |
+
|
75 |
+
gen_kwargs = {"length_penalty": 0.8, "num_beams": 8, "max_length": 128}
|
76 |
+
|
77 |
+
pipe = pipeline("summarization", model=model, tokenizer=tokenizer, device=device)
|
78 |
+
# Example usage
|
79 |
+
text = pipe(input_text, **gen_kwargs)[0]["summary_text"]
|
80 |
+
output_text = replace_pronouns(remove_spaces_before_punctuation(text))
|
81 |
+
print("Summary: ", output_text)
|
82 |
+
# Clear the GPU cache
|
83 |
+
torch.cuda.empty_cache()
|
requirements.txt
ADDED
@@ -0,0 +1,5 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
transformers == 4.36.0
|
2 |
+
torch == 2.1.1
|
3 |
+
nltk ==3.8.1
|
4 |
+
flask
|
5 |
+
gunicorn
|
static/Text-Summarization.jpg
ADDED
static/logo.png
ADDED
summary/pegasus-samsum-model/config.json
ADDED
@@ -0,0 +1,55 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "google/pegasus-cnn_dailymail",
|
3 |
+
"activation_dropout": 0.1,
|
4 |
+
"activation_function": "relu",
|
5 |
+
"add_bias_logits": false,
|
6 |
+
"add_final_layer_norm": true,
|
7 |
+
"architectures": [
|
8 |
+
"PegasusForConditionalGeneration"
|
9 |
+
],
|
10 |
+
"attention_dropout": 0.1,
|
11 |
+
"bos_token_id": 0,
|
12 |
+
"classif_dropout": 0.0,
|
13 |
+
"d_model": 1024,
|
14 |
+
"decoder_attention_heads": 16,
|
15 |
+
"decoder_ffn_dim": 4096,
|
16 |
+
"decoder_layerdrop": 0.0,
|
17 |
+
"decoder_layers": 16,
|
18 |
+
"decoder_start_token_id": 0,
|
19 |
+
"dropout": 0.1,
|
20 |
+
"encoder_attention_heads": 16,
|
21 |
+
"encoder_ffn_dim": 4096,
|
22 |
+
"encoder_layerdrop": 0.0,
|
23 |
+
"encoder_layers": 16,
|
24 |
+
"eos_token_id": 1,
|
25 |
+
"extra_pos_embeddings": 1,
|
26 |
+
"forced_eos_token_id": 1,
|
27 |
+
"id2label": {
|
28 |
+
"0": "LABEL_0",
|
29 |
+
"1": "LABEL_1",
|
30 |
+
"2": "LABEL_2"
|
31 |
+
},
|
32 |
+
"init_std": 0.02,
|
33 |
+
"is_encoder_decoder": true,
|
34 |
+
"label2id": {
|
35 |
+
"LABEL_0": 0,
|
36 |
+
"LABEL_1": 1,
|
37 |
+
"LABEL_2": 2
|
38 |
+
},
|
39 |
+
"length_penalty": 0.8,
|
40 |
+
"max_length": 128,
|
41 |
+
"max_position_embeddings": 1024,
|
42 |
+
"min_length": 32,
|
43 |
+
"model_type": "pegasus",
|
44 |
+
"normalize_before": true,
|
45 |
+
"normalize_embedding": false,
|
46 |
+
"num_beams": 8,
|
47 |
+
"num_hidden_layers": 16,
|
48 |
+
"pad_token_id": 0,
|
49 |
+
"scale_embedding": true,
|
50 |
+
"static_position_embeddings": true,
|
51 |
+
"torch_dtype": "float32",
|
52 |
+
"transformers_version": "4.35.2",
|
53 |
+
"use_cache": true,
|
54 |
+
"vocab_size": 96103
|
55 |
+
}
|
summary/pegasus-samsum-model/generation_config.json
ADDED
@@ -0,0 +1,13 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_from_model_config": true,
|
3 |
+
"bos_token_id": 0,
|
4 |
+
"decoder_start_token_id": 0,
|
5 |
+
"eos_token_id": 1,
|
6 |
+
"forced_eos_token_id": 1,
|
7 |
+
"length_penalty": 0.8,
|
8 |
+
"max_length": 128,
|
9 |
+
"min_length": 32,
|
10 |
+
"num_beams": 8,
|
11 |
+
"pad_token_id": 0,
|
12 |
+
"transformers_version": "4.35.2"
|
13 |
+
}
|
summary/pegasus-samsum-model/model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:42c19d3029852ef26b0859301c6793ebfb3d00905438f4cccd5844c41507e6ed
|
3 |
+
size 2283652852
|
summary/tokenizer/special_tokens_map.json
ADDED
@@ -0,0 +1,110 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"additional_special_tokens": [
|
3 |
+
"<mask_1>",
|
4 |
+
"<unk_2>",
|
5 |
+
"<unk_3>",
|
6 |
+
"<unk_4>",
|
7 |
+
"<unk_5>",
|
8 |
+
"<unk_6>",
|
9 |
+
"<unk_7>",
|
10 |
+
"<unk_8>",
|
11 |
+
"<unk_9>",
|
12 |
+
"<unk_10>",
|
13 |
+
"<unk_11>",
|
14 |
+
"<unk_12>",
|
15 |
+
"<unk_13>",
|
16 |
+
"<unk_14>",
|
17 |
+
"<unk_15>",
|
18 |
+
"<unk_16>",
|
19 |
+
"<unk_17>",
|
20 |
+
"<unk_18>",
|
21 |
+
"<unk_19>",
|
22 |
+
"<unk_20>",
|
23 |
+
"<unk_21>",
|
24 |
+
"<unk_22>",
|
25 |
+
"<unk_23>",
|
26 |
+
"<unk_24>",
|
27 |
+
"<unk_25>",
|
28 |
+
"<unk_26>",
|
29 |
+
"<unk_27>",
|
30 |
+
"<unk_28>",
|
31 |
+
"<unk_29>",
|
32 |
+
"<unk_30>",
|
33 |
+
"<unk_31>",
|
34 |
+
"<unk_32>",
|
35 |
+
"<unk_33>",
|
36 |
+
"<unk_34>",
|
37 |
+
"<unk_35>",
|
38 |
+
"<unk_36>",
|
39 |
+
"<unk_37>",
|
40 |
+
"<unk_38>",
|
41 |
+
"<unk_39>",
|
42 |
+
"<unk_40>",
|
43 |
+
"<unk_41>",
|
44 |
+
"<unk_42>",
|
45 |
+
"<unk_43>",
|
46 |
+
"<unk_44>",
|
47 |
+
"<unk_45>",
|
48 |
+
"<unk_46>",
|
49 |
+
"<unk_47>",
|
50 |
+
"<unk_48>",
|
51 |
+
"<unk_49>",
|
52 |
+
"<unk_50>",
|
53 |
+
"<unk_51>",
|
54 |
+
"<unk_52>",
|
55 |
+
"<unk_53>",
|
56 |
+
"<unk_54>",
|
57 |
+
"<unk_55>",
|
58 |
+
"<unk_56>",
|
59 |
+
"<unk_57>",
|
60 |
+
"<unk_58>",
|
61 |
+
"<unk_59>",
|
62 |
+
"<unk_60>",
|
63 |
+
"<unk_61>",
|
64 |
+
"<unk_62>",
|
65 |
+
"<unk_63>",
|
66 |
+
"<unk_64>",
|
67 |
+
"<unk_65>",
|
68 |
+
"<unk_66>",
|
69 |
+
"<unk_67>",
|
70 |
+
"<unk_68>",
|
71 |
+
"<unk_69>",
|
72 |
+
"<unk_70>",
|
73 |
+
"<unk_71>",
|
74 |
+
"<unk_72>",
|
75 |
+
"<unk_73>",
|
76 |
+
"<unk_74>",
|
77 |
+
"<unk_75>",
|
78 |
+
"<unk_76>",
|
79 |
+
"<unk_77>",
|
80 |
+
"<unk_78>",
|
81 |
+
"<unk_79>",
|
82 |
+
"<unk_80>",
|
83 |
+
"<unk_81>",
|
84 |
+
"<unk_82>",
|
85 |
+
"<unk_83>",
|
86 |
+
"<unk_84>",
|
87 |
+
"<unk_85>",
|
88 |
+
"<unk_86>",
|
89 |
+
"<unk_87>",
|
90 |
+
"<unk_88>",
|
91 |
+
"<unk_89>",
|
92 |
+
"<unk_90>",
|
93 |
+
"<unk_91>",
|
94 |
+
"<unk_92>",
|
95 |
+
"<unk_93>",
|
96 |
+
"<unk_94>",
|
97 |
+
"<unk_95>",
|
98 |
+
"<unk_96>",
|
99 |
+
"<unk_97>",
|
100 |
+
"<unk_98>",
|
101 |
+
"<unk_99>",
|
102 |
+
"<unk_100>",
|
103 |
+
"<unk_101>",
|
104 |
+
"<unk_102>"
|
105 |
+
],
|
106 |
+
"eos_token": "</s>",
|
107 |
+
"mask_token": "<mask_2>",
|
108 |
+
"pad_token": "<pad>",
|
109 |
+
"unk_token": "<unk>"
|
110 |
+
}
|
summary/tokenizer/spiece.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0015189ef36359283fec8b93cf6d9ce51bca37eb1101defc68a53b394913b96c
|
3 |
+
size 1912529
|
summary/tokenizer/tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
summary/tokenizer/tokenizer_config.json
ADDED
@@ -0,0 +1,967 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
"1": {
|
12 |
+
"content": "</s>",
|
13 |
+
"lstrip": false,
|
14 |
+
"normalized": false,
|
15 |
+
"rstrip": false,
|
16 |
+
"single_word": false,
|
17 |
+
"special": true
|
18 |
+
},
|
19 |
+
"2": {
|
20 |
+
"content": "<mask_1>",
|
21 |
+
"lstrip": false,
|
22 |
+
"normalized": false,
|
23 |
+
"rstrip": false,
|
24 |
+
"single_word": false,
|
25 |
+
"special": true
|
26 |
+
},
|
27 |
+
"3": {
|
28 |
+
"content": "<mask_2>",
|
29 |
+
"lstrip": false,
|
30 |
+
"normalized": false,
|
31 |
+
"rstrip": false,
|
32 |
+
"single_word": false,
|
33 |
+
"special": true
|
34 |
+
},
|
35 |
+
"4": {
|
36 |
+
"content": "<unk_2>",
|
37 |
+
"lstrip": false,
|
38 |
+
"normalized": false,
|
39 |
+
"rstrip": false,
|
40 |
+
"single_word": false,
|
41 |
+
"special": true
|
42 |
+
},
|
43 |
+
"5": {
|
44 |
+
"content": "<unk_3>",
|
45 |
+
"lstrip": false,
|
46 |
+
"normalized": false,
|
47 |
+
"rstrip": false,
|
48 |
+
"single_word": false,
|
49 |
+
"special": true
|
50 |
+
},
|
51 |
+
"6": {
|
52 |
+
"content": "<unk_4>",
|
53 |
+
"lstrip": false,
|
54 |
+
"normalized": false,
|
55 |
+
"rstrip": false,
|
56 |
+
"single_word": false,
|
57 |
+
"special": true
|
58 |
+
},
|
59 |
+
"7": {
|
60 |
+
"content": "<unk_5>",
|
61 |
+
"lstrip": false,
|
62 |
+
"normalized": false,
|
63 |
+
"rstrip": false,
|
64 |
+
"single_word": false,
|
65 |
+
"special": true
|
66 |
+
},
|
67 |
+
"8": {
|
68 |
+
"content": "<unk_6>",
|
69 |
+
"lstrip": false,
|
70 |
+
"normalized": false,
|
71 |
+
"rstrip": false,
|
72 |
+
"single_word": false,
|
73 |
+
"special": true
|
74 |
+
},
|
75 |
+
"9": {
|
76 |
+
"content": "<unk_7>",
|
77 |
+
"lstrip": false,
|
78 |
+
"normalized": false,
|
79 |
+
"rstrip": false,
|
80 |
+
"single_word": false,
|
81 |
+
"special": true
|
82 |
+
},
|
83 |
+
"10": {
|
84 |
+
"content": "<unk_8>",
|
85 |
+
"lstrip": false,
|
86 |
+
"normalized": false,
|
87 |
+
"rstrip": false,
|
88 |
+
"single_word": false,
|
89 |
+
"special": true
|
90 |
+
},
|
91 |
+
"11": {
|
92 |
+
"content": "<unk_9>",
|
93 |
+
"lstrip": false,
|
94 |
+
"normalized": false,
|
95 |
+
"rstrip": false,
|
96 |
+
"single_word": false,
|
97 |
+
"special": true
|
98 |
+
},
|
99 |
+
"12": {
|
100 |
+
"content": "<unk_10>",
|
101 |
+
"lstrip": false,
|
102 |
+
"normalized": false,
|
103 |
+
"rstrip": false,
|
104 |
+
"single_word": false,
|
105 |
+
"special": true
|
106 |
+
},
|
107 |
+
"13": {
|
108 |
+
"content": "<unk_11>",
|
109 |
+
"lstrip": false,
|
110 |
+
"normalized": false,
|
111 |
+
"rstrip": false,
|
112 |
+
"single_word": false,
|
113 |
+
"special": true
|
114 |
+
},
|
115 |
+
"14": {
|
116 |
+
"content": "<unk_12>",
|
117 |
+
"lstrip": false,
|
118 |
+
"normalized": false,
|
119 |
+
"rstrip": false,
|
120 |
+
"single_word": false,
|
121 |
+
"special": true
|
122 |
+
},
|
123 |
+
"15": {
|
124 |
+
"content": "<unk_13>",
|
125 |
+
"lstrip": false,
|
126 |
+
"normalized": false,
|
127 |
+
"rstrip": false,
|
128 |
+
"single_word": false,
|
129 |
+
"special": true
|
130 |
+
},
|
131 |
+
"16": {
|
132 |
+
"content": "<unk_14>",
|
133 |
+
"lstrip": false,
|
134 |
+
"normalized": false,
|
135 |
+
"rstrip": false,
|
136 |
+
"single_word": false,
|
137 |
+
"special": true
|
138 |
+
},
|
139 |
+
"17": {
|
140 |
+
"content": "<unk_15>",
|
141 |
+
"lstrip": false,
|
142 |
+
"normalized": false,
|
143 |
+
"rstrip": false,
|
144 |
+
"single_word": false,
|
145 |
+
"special": true
|
146 |
+
},
|
147 |
+
"18": {
|
148 |
+
"content": "<unk_16>",
|
149 |
+
"lstrip": false,
|
150 |
+
"normalized": false,
|
151 |
+
"rstrip": false,
|
152 |
+
"single_word": false,
|
153 |
+
"special": true
|
154 |
+
},
|
155 |
+
"19": {
|
156 |
+
"content": "<unk_17>",
|
157 |
+
"lstrip": false,
|
158 |
+
"normalized": false,
|
159 |
+
"rstrip": false,
|
160 |
+
"single_word": false,
|
161 |
+
"special": true
|
162 |
+
},
|
163 |
+
"20": {
|
164 |
+
"content": "<unk_18>",
|
165 |
+
"lstrip": false,
|
166 |
+
"normalized": false,
|
167 |
+
"rstrip": false,
|
168 |
+
"single_word": false,
|
169 |
+
"special": true
|
170 |
+
},
|
171 |
+
"21": {
|
172 |
+
"content": "<unk_19>",
|
173 |
+
"lstrip": false,
|
174 |
+
"normalized": false,
|
175 |
+
"rstrip": false,
|
176 |
+
"single_word": false,
|
177 |
+
"special": true
|
178 |
+
},
|
179 |
+
"22": {
|
180 |
+
"content": "<unk_20>",
|
181 |
+
"lstrip": false,
|
182 |
+
"normalized": false,
|
183 |
+
"rstrip": false,
|
184 |
+
"single_word": false,
|
185 |
+
"special": true
|
186 |
+
},
|
187 |
+
"23": {
|
188 |
+
"content": "<unk_21>",
|
189 |
+
"lstrip": false,
|
190 |
+
"normalized": false,
|
191 |
+
"rstrip": false,
|
192 |
+
"single_word": false,
|
193 |
+
"special": true
|
194 |
+
},
|
195 |
+
"24": {
|
196 |
+
"content": "<unk_22>",
|
197 |
+
"lstrip": false,
|
198 |
+
"normalized": false,
|
199 |
+
"rstrip": false,
|
200 |
+
"single_word": false,
|
201 |
+
"special": true
|
202 |
+
},
|
203 |
+
"25": {
|
204 |
+
"content": "<unk_23>",
|
205 |
+
"lstrip": false,
|
206 |
+
"normalized": false,
|
207 |
+
"rstrip": false,
|
208 |
+
"single_word": false,
|
209 |
+
"special": true
|
210 |
+
},
|
211 |
+
"26": {
|
212 |
+
"content": "<unk_24>",
|
213 |
+
"lstrip": false,
|
214 |
+
"normalized": false,
|
215 |
+
"rstrip": false,
|
216 |
+
"single_word": false,
|
217 |
+
"special": true
|
218 |
+
},
|
219 |
+
"27": {
|
220 |
+
"content": "<unk_25>",
|
221 |
+
"lstrip": false,
|
222 |
+
"normalized": false,
|
223 |
+
"rstrip": false,
|
224 |
+
"single_word": false,
|
225 |
+
"special": true
|
226 |
+
},
|
227 |
+
"28": {
|
228 |
+
"content": "<unk_26>",
|
229 |
+
"lstrip": false,
|
230 |
+
"normalized": false,
|
231 |
+
"rstrip": false,
|
232 |
+
"single_word": false,
|
233 |
+
"special": true
|
234 |
+
},
|
235 |
+
"29": {
|
236 |
+
"content": "<unk_27>",
|
237 |
+
"lstrip": false,
|
238 |
+
"normalized": false,
|
239 |
+
"rstrip": false,
|
240 |
+
"single_word": false,
|
241 |
+
"special": true
|
242 |
+
},
|
243 |
+
"30": {
|
244 |
+
"content": "<unk_28>",
|
245 |
+
"lstrip": false,
|
246 |
+
"normalized": false,
|
247 |
+
"rstrip": false,
|
248 |
+
"single_word": false,
|
249 |
+
"special": true
|
250 |
+
},
|
251 |
+
"31": {
|
252 |
+
"content": "<unk_29>",
|
253 |
+
"lstrip": false,
|
254 |
+
"normalized": false,
|
255 |
+
"rstrip": false,
|
256 |
+
"single_word": false,
|
257 |
+
"special": true
|
258 |
+
},
|
259 |
+
"32": {
|
260 |
+
"content": "<unk_30>",
|
261 |
+
"lstrip": false,
|
262 |
+
"normalized": false,
|
263 |
+
"rstrip": false,
|
264 |
+
"single_word": false,
|
265 |
+
"special": true
|
266 |
+
},
|
267 |
+
"33": {
|
268 |
+
"content": "<unk_31>",
|
269 |
+
"lstrip": false,
|
270 |
+
"normalized": false,
|
271 |
+
"rstrip": false,
|
272 |
+
"single_word": false,
|
273 |
+
"special": true
|
274 |
+
},
|
275 |
+
"34": {
|
276 |
+
"content": "<unk_32>",
|
277 |
+
"lstrip": false,
|
278 |
+
"normalized": false,
|
279 |
+
"rstrip": false,
|
280 |
+
"single_word": false,
|
281 |
+
"special": true
|
282 |
+
},
|
283 |
+
"35": {
|
284 |
+
"content": "<unk_33>",
|
285 |
+
"lstrip": false,
|
286 |
+
"normalized": false,
|
287 |
+
"rstrip": false,
|
288 |
+
"single_word": false,
|
289 |
+
"special": true
|
290 |
+
},
|
291 |
+
"36": {
|
292 |
+
"content": "<unk_34>",
|
293 |
+
"lstrip": false,
|
294 |
+
"normalized": false,
|
295 |
+
"rstrip": false,
|
296 |
+
"single_word": false,
|
297 |
+
"special": true
|
298 |
+
},
|
299 |
+
"37": {
|
300 |
+
"content": "<unk_35>",
|
301 |
+
"lstrip": false,
|
302 |
+
"normalized": false,
|
303 |
+
"rstrip": false,
|
304 |
+
"single_word": false,
|
305 |
+
"special": true
|
306 |
+
},
|
307 |
+
"38": {
|
308 |
+
"content": "<unk_36>",
|
309 |
+
"lstrip": false,
|
310 |
+
"normalized": false,
|
311 |
+
"rstrip": false,
|
312 |
+
"single_word": false,
|
313 |
+
"special": true
|
314 |
+
},
|
315 |
+
"39": {
|
316 |
+
"content": "<unk_37>",
|
317 |
+
"lstrip": false,
|
318 |
+
"normalized": false,
|
319 |
+
"rstrip": false,
|
320 |
+
"single_word": false,
|
321 |
+
"special": true
|
322 |
+
},
|
323 |
+
"40": {
|
324 |
+
"content": "<unk_38>",
|
325 |
+
"lstrip": false,
|
326 |
+
"normalized": false,
|
327 |
+
"rstrip": false,
|
328 |
+
"single_word": false,
|
329 |
+
"special": true
|
330 |
+
},
|
331 |
+
"41": {
|
332 |
+
"content": "<unk_39>",
|
333 |
+
"lstrip": false,
|
334 |
+
"normalized": false,
|
335 |
+
"rstrip": false,
|
336 |
+
"single_word": false,
|
337 |
+
"special": true
|
338 |
+
},
|
339 |
+
"42": {
|
340 |
+
"content": "<unk_40>",
|
341 |
+
"lstrip": false,
|
342 |
+
"normalized": false,
|
343 |
+
"rstrip": false,
|
344 |
+
"single_word": false,
|
345 |
+
"special": true
|
346 |
+
},
|
347 |
+
"43": {
|
348 |
+
"content": "<unk_41>",
|
349 |
+
"lstrip": false,
|
350 |
+
"normalized": false,
|
351 |
+
"rstrip": false,
|
352 |
+
"single_word": false,
|
353 |
+
"special": true
|
354 |
+
},
|
355 |
+
"44": {
|
356 |
+
"content": "<unk_42>",
|
357 |
+
"lstrip": false,
|
358 |
+
"normalized": false,
|
359 |
+
"rstrip": false,
|
360 |
+
"single_word": false,
|
361 |
+
"special": true
|
362 |
+
},
|
363 |
+
"45": {
|
364 |
+
"content": "<unk_43>",
|
365 |
+
"lstrip": false,
|
366 |
+
"normalized": false,
|
367 |
+
"rstrip": false,
|
368 |
+
"single_word": false,
|
369 |
+
"special": true
|
370 |
+
},
|
371 |
+
"46": {
|
372 |
+
"content": "<unk_44>",
|
373 |
+
"lstrip": false,
|
374 |
+
"normalized": false,
|
375 |
+
"rstrip": false,
|
376 |
+
"single_word": false,
|
377 |
+
"special": true
|
378 |
+
},
|
379 |
+
"47": {
|
380 |
+
"content": "<unk_45>",
|
381 |
+
"lstrip": false,
|
382 |
+
"normalized": false,
|
383 |
+
"rstrip": false,
|
384 |
+
"single_word": false,
|
385 |
+
"special": true
|
386 |
+
},
|
387 |
+
"48": {
|
388 |
+
"content": "<unk_46>",
|
389 |
+
"lstrip": false,
|
390 |
+
"normalized": false,
|
391 |
+
"rstrip": false,
|
392 |
+
"single_word": false,
|
393 |
+
"special": true
|
394 |
+
},
|
395 |
+
"49": {
|
396 |
+
"content": "<unk_47>",
|
397 |
+
"lstrip": false,
|
398 |
+
"normalized": false,
|
399 |
+
"rstrip": false,
|
400 |
+
"single_word": false,
|
401 |
+
"special": true
|
402 |
+
},
|
403 |
+
"50": {
|
404 |
+
"content": "<unk_48>",
|
405 |
+
"lstrip": false,
|
406 |
+
"normalized": false,
|
407 |
+
"rstrip": false,
|
408 |
+
"single_word": false,
|
409 |
+
"special": true
|
410 |
+
},
|
411 |
+
"51": {
|
412 |
+
"content": "<unk_49>",
|
413 |
+
"lstrip": false,
|
414 |
+
"normalized": false,
|
415 |
+
"rstrip": false,
|
416 |
+
"single_word": false,
|
417 |
+
"special": true
|
418 |
+
},
|
419 |
+
"52": {
|
420 |
+
"content": "<unk_50>",
|
421 |
+
"lstrip": false,
|
422 |
+
"normalized": false,
|
423 |
+
"rstrip": false,
|
424 |
+
"single_word": false,
|
425 |
+
"special": true
|
426 |
+
},
|
427 |
+
"53": {
|
428 |
+
"content": "<unk_51>",
|
429 |
+
"lstrip": false,
|
430 |
+
"normalized": false,
|
431 |
+
"rstrip": false,
|
432 |
+
"single_word": false,
|
433 |
+
"special": true
|
434 |
+
},
|
435 |
+
"54": {
|
436 |
+
"content": "<unk_52>",
|
437 |
+
"lstrip": false,
|
438 |
+
"normalized": false,
|
439 |
+
"rstrip": false,
|
440 |
+
"single_word": false,
|
441 |
+
"special": true
|
442 |
+
},
|
443 |
+
"55": {
|
444 |
+
"content": "<unk_53>",
|
445 |
+
"lstrip": false,
|
446 |
+
"normalized": false,
|
447 |
+
"rstrip": false,
|
448 |
+
"single_word": false,
|
449 |
+
"special": true
|
450 |
+
},
|
451 |
+
"56": {
|
452 |
+
"content": "<unk_54>",
|
453 |
+
"lstrip": false,
|
454 |
+
"normalized": false,
|
455 |
+
"rstrip": false,
|
456 |
+
"single_word": false,
|
457 |
+
"special": true
|
458 |
+
},
|
459 |
+
"57": {
|
460 |
+
"content": "<unk_55>",
|
461 |
+
"lstrip": false,
|
462 |
+
"normalized": false,
|
463 |
+
"rstrip": false,
|
464 |
+
"single_word": false,
|
465 |
+
"special": true
|
466 |
+
},
|
467 |
+
"58": {
|
468 |
+
"content": "<unk_56>",
|
469 |
+
"lstrip": false,
|
470 |
+
"normalized": false,
|
471 |
+
"rstrip": false,
|
472 |
+
"single_word": false,
|
473 |
+
"special": true
|
474 |
+
},
|
475 |
+
"59": {
|
476 |
+
"content": "<unk_57>",
|
477 |
+
"lstrip": false,
|
478 |
+
"normalized": false,
|
479 |
+
"rstrip": false,
|
480 |
+
"single_word": false,
|
481 |
+
"special": true
|
482 |
+
},
|
483 |
+
"60": {
|
484 |
+
"content": "<unk_58>",
|
485 |
+
"lstrip": false,
|
486 |
+
"normalized": false,
|
487 |
+
"rstrip": false,
|
488 |
+
"single_word": false,
|
489 |
+
"special": true
|
490 |
+
},
|
491 |
+
"61": {
|
492 |
+
"content": "<unk_59>",
|
493 |
+
"lstrip": false,
|
494 |
+
"normalized": false,
|
495 |
+
"rstrip": false,
|
496 |
+
"single_word": false,
|
497 |
+
"special": true
|
498 |
+
},
|
499 |
+
"62": {
|
500 |
+
"content": "<unk_60>",
|
501 |
+
"lstrip": false,
|
502 |
+
"normalized": false,
|
503 |
+
"rstrip": false,
|
504 |
+
"single_word": false,
|
505 |
+
"special": true
|
506 |
+
},
|
507 |
+
"63": {
|
508 |
+
"content": "<unk_61>",
|
509 |
+
"lstrip": false,
|
510 |
+
"normalized": false,
|
511 |
+
"rstrip": false,
|
512 |
+
"single_word": false,
|
513 |
+
"special": true
|
514 |
+
},
|
515 |
+
"64": {
|
516 |
+
"content": "<unk_62>",
|
517 |
+
"lstrip": false,
|
518 |
+
"normalized": false,
|
519 |
+
"rstrip": false,
|
520 |
+
"single_word": false,
|
521 |
+
"special": true
|
522 |
+
},
|
523 |
+
"65": {
|
524 |
+
"content": "<unk_63>",
|
525 |
+
"lstrip": false,
|
526 |
+
"normalized": false,
|
527 |
+
"rstrip": false,
|
528 |
+
"single_word": false,
|
529 |
+
"special": true
|
530 |
+
},
|
531 |
+
"66": {
|
532 |
+
"content": "<unk_64>",
|
533 |
+
"lstrip": false,
|
534 |
+
"normalized": false,
|
535 |
+
"rstrip": false,
|
536 |
+
"single_word": false,
|
537 |
+
"special": true
|
538 |
+
},
|
539 |
+
"67": {
|
540 |
+
"content": "<unk_65>",
|
541 |
+
"lstrip": false,
|
542 |
+
"normalized": false,
|
543 |
+
"rstrip": false,
|
544 |
+
"single_word": false,
|
545 |
+
"special": true
|
546 |
+
},
|
547 |
+
"68": {
|
548 |
+
"content": "<unk_66>",
|
549 |
+
"lstrip": false,
|
550 |
+
"normalized": false,
|
551 |
+
"rstrip": false,
|
552 |
+
"single_word": false,
|
553 |
+
"special": true
|
554 |
+
},
|
555 |
+
"69": {
|
556 |
+
"content": "<unk_67>",
|
557 |
+
"lstrip": false,
|
558 |
+
"normalized": false,
|
559 |
+
"rstrip": false,
|
560 |
+
"single_word": false,
|
561 |
+
"special": true
|
562 |
+
},
|
563 |
+
"70": {
|
564 |
+
"content": "<unk_68>",
|
565 |
+
"lstrip": false,
|
566 |
+
"normalized": false,
|
567 |
+
"rstrip": false,
|
568 |
+
"single_word": false,
|
569 |
+
"special": true
|
570 |
+
},
|
571 |
+
"71": {
|
572 |
+
"content": "<unk_69>",
|
573 |
+
"lstrip": false,
|
574 |
+
"normalized": false,
|
575 |
+
"rstrip": false,
|
576 |
+
"single_word": false,
|
577 |
+
"special": true
|
578 |
+
},
|
579 |
+
"72": {
|
580 |
+
"content": "<unk_70>",
|
581 |
+
"lstrip": false,
|
582 |
+
"normalized": false,
|
583 |
+
"rstrip": false,
|
584 |
+
"single_word": false,
|
585 |
+
"special": true
|
586 |
+
},
|
587 |
+
"73": {
|
588 |
+
"content": "<unk_71>",
|
589 |
+
"lstrip": false,
|
590 |
+
"normalized": false,
|
591 |
+
"rstrip": false,
|
592 |
+
"single_word": false,
|
593 |
+
"special": true
|
594 |
+
},
|
595 |
+
"74": {
|
596 |
+
"content": "<unk_72>",
|
597 |
+
"lstrip": false,
|
598 |
+
"normalized": false,
|
599 |
+
"rstrip": false,
|
600 |
+
"single_word": false,
|
601 |
+
"special": true
|
602 |
+
},
|
603 |
+
"75": {
|
604 |
+
"content": "<unk_73>",
|
605 |
+
"lstrip": false,
|
606 |
+
"normalized": false,
|
607 |
+
"rstrip": false,
|
608 |
+
"single_word": false,
|
609 |
+
"special": true
|
610 |
+
},
|
611 |
+
"76": {
|
612 |
+
"content": "<unk_74>",
|
613 |
+
"lstrip": false,
|
614 |
+
"normalized": false,
|
615 |
+
"rstrip": false,
|
616 |
+
"single_word": false,
|
617 |
+
"special": true
|
618 |
+
},
|
619 |
+
"77": {
|
620 |
+
"content": "<unk_75>",
|
621 |
+
"lstrip": false,
|
622 |
+
"normalized": false,
|
623 |
+
"rstrip": false,
|
624 |
+
"single_word": false,
|
625 |
+
"special": true
|
626 |
+
},
|
627 |
+
"78": {
|
628 |
+
"content": "<unk_76>",
|
629 |
+
"lstrip": false,
|
630 |
+
"normalized": false,
|
631 |
+
"rstrip": false,
|
632 |
+
"single_word": false,
|
633 |
+
"special": true
|
634 |
+
},
|
635 |
+
"79": {
|
636 |
+
"content": "<unk_77>",
|
637 |
+
"lstrip": false,
|
638 |
+
"normalized": false,
|
639 |
+
"rstrip": false,
|
640 |
+
"single_word": false,
|
641 |
+
"special": true
|
642 |
+
},
|
643 |
+
"80": {
|
644 |
+
"content": "<unk_78>",
|
645 |
+
"lstrip": false,
|
646 |
+
"normalized": false,
|
647 |
+
"rstrip": false,
|
648 |
+
"single_word": false,
|
649 |
+
"special": true
|
650 |
+
},
|
651 |
+
"81": {
|
652 |
+
"content": "<unk_79>",
|
653 |
+
"lstrip": false,
|
654 |
+
"normalized": false,
|
655 |
+
"rstrip": false,
|
656 |
+
"single_word": false,
|
657 |
+
"special": true
|
658 |
+
},
|
659 |
+
"82": {
|
660 |
+
"content": "<unk_80>",
|
661 |
+
"lstrip": false,
|
662 |
+
"normalized": false,
|
663 |
+
"rstrip": false,
|
664 |
+
"single_word": false,
|
665 |
+
"special": true
|
666 |
+
},
|
667 |
+
"83": {
|
668 |
+
"content": "<unk_81>",
|
669 |
+
"lstrip": false,
|
670 |
+
"normalized": false,
|
671 |
+
"rstrip": false,
|
672 |
+
"single_word": false,
|
673 |
+
"special": true
|
674 |
+
},
|
675 |
+
"84": {
|
676 |
+
"content": "<unk_82>",
|
677 |
+
"lstrip": false,
|
678 |
+
"normalized": false,
|
679 |
+
"rstrip": false,
|
680 |
+
"single_word": false,
|
681 |
+
"special": true
|
682 |
+
},
|
683 |
+
"85": {
|
684 |
+
"content": "<unk_83>",
|
685 |
+
"lstrip": false,
|
686 |
+
"normalized": false,
|
687 |
+
"rstrip": false,
|
688 |
+
"single_word": false,
|
689 |
+
"special": true
|
690 |
+
},
|
691 |
+
"86": {
|
692 |
+
"content": "<unk_84>",
|
693 |
+
"lstrip": false,
|
694 |
+
"normalized": false,
|
695 |
+
"rstrip": false,
|
696 |
+
"single_word": false,
|
697 |
+
"special": true
|
698 |
+
},
|
699 |
+
"87": {
|
700 |
+
"content": "<unk_85>",
|
701 |
+
"lstrip": false,
|
702 |
+
"normalized": false,
|
703 |
+
"rstrip": false,
|
704 |
+
"single_word": false,
|
705 |
+
"special": true
|
706 |
+
},
|
707 |
+
"88": {
|
708 |
+
"content": "<unk_86>",
|
709 |
+
"lstrip": false,
|
710 |
+
"normalized": false,
|
711 |
+
"rstrip": false,
|
712 |
+
"single_word": false,
|
713 |
+
"special": true
|
714 |
+
},
|
715 |
+
"89": {
|
716 |
+
"content": "<unk_87>",
|
717 |
+
"lstrip": false,
|
718 |
+
"normalized": false,
|
719 |
+
"rstrip": false,
|
720 |
+
"single_word": false,
|
721 |
+
"special": true
|
722 |
+
},
|
723 |
+
"90": {
|
724 |
+
"content": "<unk_88>",
|
725 |
+
"lstrip": false,
|
726 |
+
"normalized": false,
|
727 |
+
"rstrip": false,
|
728 |
+
"single_word": false,
|
729 |
+
"special": true
|
730 |
+
},
|
731 |
+
"91": {
|
732 |
+
"content": "<unk_89>",
|
733 |
+
"lstrip": false,
|
734 |
+
"normalized": false,
|
735 |
+
"rstrip": false,
|
736 |
+
"single_word": false,
|
737 |
+
"special": true
|
738 |
+
},
|
739 |
+
"92": {
|
740 |
+
"content": "<unk_90>",
|
741 |
+
"lstrip": false,
|
742 |
+
"normalized": false,
|
743 |
+
"rstrip": false,
|
744 |
+
"single_word": false,
|
745 |
+
"special": true
|
746 |
+
},
|
747 |
+
"93": {
|
748 |
+
"content": "<unk_91>",
|
749 |
+
"lstrip": false,
|
750 |
+
"normalized": false,
|
751 |
+
"rstrip": false,
|
752 |
+
"single_word": false,
|
753 |
+
"special": true
|
754 |
+
},
|
755 |
+
"94": {
|
756 |
+
"content": "<unk_92>",
|
757 |
+
"lstrip": false,
|
758 |
+
"normalized": false,
|
759 |
+
"rstrip": false,
|
760 |
+
"single_word": false,
|
761 |
+
"special": true
|
762 |
+
},
|
763 |
+
"95": {
|
764 |
+
"content": "<unk_93>",
|
765 |
+
"lstrip": false,
|
766 |
+
"normalized": false,
|
767 |
+
"rstrip": false,
|
768 |
+
"single_word": false,
|
769 |
+
"special": true
|
770 |
+
},
|
771 |
+
"96": {
|
772 |
+
"content": "<unk_94>",
|
773 |
+
"lstrip": false,
|
774 |
+
"normalized": false,
|
775 |
+
"rstrip": false,
|
776 |
+
"single_word": false,
|
777 |
+
"special": true
|
778 |
+
},
|
779 |
+
"97": {
|
780 |
+
"content": "<unk_95>",
|
781 |
+
"lstrip": false,
|
782 |
+
"normalized": false,
|
783 |
+
"rstrip": false,
|
784 |
+
"single_word": false,
|
785 |
+
"special": true
|
786 |
+
},
|
787 |
+
"98": {
|
788 |
+
"content": "<unk_96>",
|
789 |
+
"lstrip": false,
|
790 |
+
"normalized": false,
|
791 |
+
"rstrip": false,
|
792 |
+
"single_word": false,
|
793 |
+
"special": true
|
794 |
+
},
|
795 |
+
"99": {
|
796 |
+
"content": "<unk_97>",
|
797 |
+
"lstrip": false,
|
798 |
+
"normalized": false,
|
799 |
+
"rstrip": false,
|
800 |
+
"single_word": false,
|
801 |
+
"special": true
|
802 |
+
},
|
803 |
+
"100": {
|
804 |
+
"content": "<unk_98>",
|
805 |
+
"lstrip": false,
|
806 |
+
"normalized": false,
|
807 |
+
"rstrip": false,
|
808 |
+
"single_word": false,
|
809 |
+
"special": true
|
810 |
+
},
|
811 |
+
"101": {
|
812 |
+
"content": "<unk_99>",
|
813 |
+
"lstrip": false,
|
814 |
+
"normalized": false,
|
815 |
+
"rstrip": false,
|
816 |
+
"single_word": false,
|
817 |
+
"special": true
|
818 |
+
},
|
819 |
+
"102": {
|
820 |
+
"content": "<unk_100>",
|
821 |
+
"lstrip": false,
|
822 |
+
"normalized": false,
|
823 |
+
"rstrip": false,
|
824 |
+
"single_word": false,
|
825 |
+
"special": true
|
826 |
+
},
|
827 |
+
"103": {
|
828 |
+
"content": "<unk_101>",
|
829 |
+
"lstrip": false,
|
830 |
+
"normalized": false,
|
831 |
+
"rstrip": false,
|
832 |
+
"single_word": false,
|
833 |
+
"special": true
|
834 |
+
},
|
835 |
+
"104": {
|
836 |
+
"content": "<unk_102>",
|
837 |
+
"lstrip": false,
|
838 |
+
"normalized": false,
|
839 |
+
"rstrip": false,
|
840 |
+
"single_word": false,
|
841 |
+
"special": true
|
842 |
+
},
|
843 |
+
"105": {
|
844 |
+
"content": "<unk>",
|
845 |
+
"lstrip": false,
|
846 |
+
"normalized": false,
|
847 |
+
"rstrip": false,
|
848 |
+
"single_word": false,
|
849 |
+
"special": true
|
850 |
+
}
|
851 |
+
},
|
852 |
+
"additional_special_tokens": [
|
853 |
+
"<mask_1>",
|
854 |
+
"<unk_2>",
|
855 |
+
"<unk_3>",
|
856 |
+
"<unk_4>",
|
857 |
+
"<unk_5>",
|
858 |
+
"<unk_6>",
|
859 |
+
"<unk_7>",
|
860 |
+
"<unk_8>",
|
861 |
+
"<unk_9>",
|
862 |
+
"<unk_10>",
|
863 |
+
"<unk_11>",
|
864 |
+
"<unk_12>",
|
865 |
+
"<unk_13>",
|
866 |
+
"<unk_14>",
|
867 |
+
"<unk_15>",
|
868 |
+
"<unk_16>",
|
869 |
+
"<unk_17>",
|
870 |
+
"<unk_18>",
|
871 |
+
"<unk_19>",
|
872 |
+
"<unk_20>",
|
873 |
+
"<unk_21>",
|
874 |
+
"<unk_22>",
|
875 |
+
"<unk_23>",
|
876 |
+
"<unk_24>",
|
877 |
+
"<unk_25>",
|
878 |
+
"<unk_26>",
|
879 |
+
"<unk_27>",
|
880 |
+
"<unk_28>",
|
881 |
+
"<unk_29>",
|
882 |
+
"<unk_30>",
|
883 |
+
"<unk_31>",
|
884 |
+
"<unk_32>",
|
885 |
+
"<unk_33>",
|
886 |
+
"<unk_34>",
|
887 |
+
"<unk_35>",
|
888 |
+
"<unk_36>",
|
889 |
+
"<unk_37>",
|
890 |
+
"<unk_38>",
|
891 |
+
"<unk_39>",
|
892 |
+
"<unk_40>",
|
893 |
+
"<unk_41>",
|
894 |
+
"<unk_42>",
|
895 |
+
"<unk_43>",
|
896 |
+
"<unk_44>",
|
897 |
+
"<unk_45>",
|
898 |
+
"<unk_46>",
|
899 |
+
"<unk_47>",
|
900 |
+
"<unk_48>",
|
901 |
+
"<unk_49>",
|
902 |
+
"<unk_50>",
|
903 |
+
"<unk_51>",
|
904 |
+
"<unk_52>",
|
905 |
+
"<unk_53>",
|
906 |
+
"<unk_54>",
|
907 |
+
"<unk_55>",
|
908 |
+
"<unk_56>",
|
909 |
+
"<unk_57>",
|
910 |
+
"<unk_58>",
|
911 |
+
"<unk_59>",
|
912 |
+
"<unk_60>",
|
913 |
+
"<unk_61>",
|
914 |
+
"<unk_62>",
|
915 |
+
"<unk_63>",
|
916 |
+
"<unk_64>",
|
917 |
+
"<unk_65>",
|
918 |
+
"<unk_66>",
|
919 |
+
"<unk_67>",
|
920 |
+
"<unk_68>",
|
921 |
+
"<unk_69>",
|
922 |
+
"<unk_70>",
|
923 |
+
"<unk_71>",
|
924 |
+
"<unk_72>",
|
925 |
+
"<unk_73>",
|
926 |
+
"<unk_74>",
|
927 |
+
"<unk_75>",
|
928 |
+
"<unk_76>",
|
929 |
+
"<unk_77>",
|
930 |
+
"<unk_78>",
|
931 |
+
"<unk_79>",
|
932 |
+
"<unk_80>",
|
933 |
+
"<unk_81>",
|
934 |
+
"<unk_82>",
|
935 |
+
"<unk_83>",
|
936 |
+
"<unk_84>",
|
937 |
+
"<unk_85>",
|
938 |
+
"<unk_86>",
|
939 |
+
"<unk_87>",
|
940 |
+
"<unk_88>",
|
941 |
+
"<unk_89>",
|
942 |
+
"<unk_90>",
|
943 |
+
"<unk_91>",
|
944 |
+
"<unk_92>",
|
945 |
+
"<unk_93>",
|
946 |
+
"<unk_94>",
|
947 |
+
"<unk_95>",
|
948 |
+
"<unk_96>",
|
949 |
+
"<unk_97>",
|
950 |
+
"<unk_98>",
|
951 |
+
"<unk_99>",
|
952 |
+
"<unk_100>",
|
953 |
+
"<unk_101>",
|
954 |
+
"<unk_102>"
|
955 |
+
],
|
956 |
+
"clean_up_tokenization_spaces": true,
|
957 |
+
"eos_token": "</s>",
|
958 |
+
"full_tokenizer_file": null,
|
959 |
+
"mask_token": "<mask_2>",
|
960 |
+
"mask_token_sent": "<mask_1>",
|
961 |
+
"model_max_length": 1024,
|
962 |
+
"offset": 103,
|
963 |
+
"pad_token": "<pad>",
|
964 |
+
"sp_model_kwargs": {},
|
965 |
+
"tokenizer_class": "PegasusTokenizer",
|
966 |
+
"unk_token": "<unk>"
|
967 |
+
}
|
templates/index.html
ADDED
@@ -0,0 +1,130 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<!DOCTYPE html>
|
2 |
+
<html>
|
3 |
+
<head>
|
4 |
+
<title>Text Summarization</title>
|
5 |
+
<style>
|
6 |
+
body {
|
7 |
+
display: flex;
|
8 |
+
flex-direction: column;
|
9 |
+
justify-content: center;
|
10 |
+
align-items: center;
|
11 |
+
height: 100vh;
|
12 |
+
margin: 0;
|
13 |
+
background: url('static/Text-Summarization.jpg') no-repeat center center fixed;
|
14 |
+
background-size: cover;
|
15 |
+
font-family: Arial, sans-serif;
|
16 |
+
position: relative;
|
17 |
+
}
|
18 |
+
|
19 |
+
#content {
|
20 |
+
text-align: center;
|
21 |
+
background: rgba(255, 255, 255, 0.8); /* Semi-transparent background for better readability */
|
22 |
+
padding: 20px;
|
23 |
+
border-radius: 10px;
|
24 |
+
}
|
25 |
+
|
26 |
+
#summary {
|
27 |
+
margin-top: 20px;
|
28 |
+
color: black;
|
29 |
+
font-weight: bold;
|
30 |
+
}
|
31 |
+
|
32 |
+
#loading {
|
33 |
+
display: none;
|
34 |
+
color: green;
|
35 |
+
}
|
36 |
+
|
37 |
+
#input_text {
|
38 |
+
width: 80%; /* Adjust width as needed */
|
39 |
+
height: 200px; /* Adjust height as needed */
|
40 |
+
resize: vertical; /* Allow vertical resizing */
|
41 |
+
margin-top: 10px;
|
42 |
+
padding: 10px;
|
43 |
+
border-radius: 5px;
|
44 |
+
border: 1px solid #ccc;
|
45 |
+
}
|
46 |
+
|
47 |
+
button {
|
48 |
+
margin-top: 10px;
|
49 |
+
padding: 10px 20px;
|
50 |
+
background-color: #4CAF50;
|
51 |
+
color: white;
|
52 |
+
border: none;
|
53 |
+
border-radius: 5px;
|
54 |
+
cursor: pointer;
|
55 |
+
}
|
56 |
+
|
57 |
+
button:hover {
|
58 |
+
background-color: #45a049;
|
59 |
+
}
|
60 |
+
|
61 |
+
#logo {
|
62 |
+
position: absolute;
|
63 |
+
top: 20px;
|
64 |
+
right: 20px;
|
65 |
+
width: 150px; /* Adjust width as needed */
|
66 |
+
}
|
67 |
+
|
68 |
+
#footer {
|
69 |
+
position: absolute;
|
70 |
+
bottom: 10px;
|
71 |
+
text-align: center;
|
72 |
+
width: 100%;
|
73 |
+
color: white;
|
74 |
+
}
|
75 |
+
</style>
|
76 |
+
</head>
|
77 |
+
<body>
|
78 |
+
<div id="logo">
|
79 |
+
<img src="static/logo.png" alt="Logo" width="150"> <!-- Adjust width as needed -->
|
80 |
+
</div>
|
81 |
+
<div id="content">
|
82 |
+
<h1>Text Summarization</h1>
|
83 |
+
<form id="summarizeForm">
|
84 |
+
<label for="input_text">Enter text to summarize:</label><br>
|
85 |
+
<textarea id="input_text" name="input_text" rows="10" cols="50"></textarea><br>
|
86 |
+
<button type="submit">Summarize</button>
|
87 |
+
</form>
|
88 |
+
<div id="loading">Loading...</div>
|
89 |
+
<div id="summary"></div>
|
90 |
+
</div>
|
91 |
+
<div id="footer">
|
92 |
+
© <span id="year"></span> Bikasuzzaman. Machine Learning Engineer.
|
93 |
+
</div>
|
94 |
+
|
95 |
+
<script src="https://code.jquery.com/jquery-3.6.0.min.js"></script>
|
96 |
+
<script>
|
97 |
+
$(document).ready(function () {
|
98 |
+
$('#summarizeForm').submit(function (event) {
|
99 |
+
event.preventDefault();
|
100 |
+
var formData = new FormData(this);
|
101 |
+
|
102 |
+
// Show loading circle
|
103 |
+
$('#loading').show();
|
104 |
+
|
105 |
+
$.ajax({
|
106 |
+
type: 'POST',
|
107 |
+
url: '/summarize',
|
108 |
+
data: formData,
|
109 |
+
processData: false,
|
110 |
+
contentType: false,
|
111 |
+
success: function (data) {
|
112 |
+
$('#summary').text(data.summary);
|
113 |
+
// Hide loading circle
|
114 |
+
$('#loading').hide();
|
115 |
+
},
|
116 |
+
error: function () {
|
117 |
+
alert('Error summarizing text.');
|
118 |
+
// Hide loading circle
|
119 |
+
$('#loading').hide();
|
120 |
+
}
|
121 |
+
});
|
122 |
+
});
|
123 |
+
|
124 |
+
// Set the current year in the footer
|
125 |
+
const currentYear = new Date().getFullYear();
|
126 |
+
$('#year').text(currentYear);
|
127 |
+
});
|
128 |
+
</script>
|
129 |
+
</body>
|
130 |
+
</html>
|