Spaces:
Build error
Build error
Duplicate from ml6team/post-processing-summarization
Browse filesCo-authored-by: Matthias Cami <[email protected]>
This view is limited to 50 files because it contains too many changes.
See raw diff
- .gitattributes +27 -0
- .gitignore +2 -0
- ExampleParsing.svg +71 -0
- README.md +13 -0
- SecondExampleParsing.svg +93 -0
- app.py +553 -0
- arial.ttf +0 -0
- custom_renderer.py +133 -0
- dependency-images/Mark Levinson Airpods.txt +1 -0
- dependency-images/Novak Djokovic.txt +1 -0
- dependency-images/OnePlus 10 Pro.txt +2 -0
- dependency-images/Tencent Holdings.txt +0 -0
- dependency-images/White House.txt +1 -0
- dependency-specific-text/Mark Levinson Airpods.txt +4 -0
- dependency-specific-text/Novak Djokovic.txt +4 -0
- dependency-specific-text/OnePlus 10 Pro.txt +9 -0
- dependency-specific-text/Tencent Holdings.txt +1 -0
- dependency-specific-text/White House.txt +7 -0
- dependency-specific-text/biden.txt +0 -0
- dependency-specific-text/example.txt +1 -0
- dependency-specific-text/protestors.txt +0 -0
- entity-specific-text/Mark Levinson Airpods.txt +2 -0
- entity-specific-text/Novak Djokovic.txt +1 -0
- entity-specific-text/OnePlus 10 Pro.txt +3 -0
- entity-specific-text/Tencent Holdings.txt +2 -0
- entity-specific-text/White House.txt +1 -0
- entity-specific-text/biden.txt +0 -0
- entity-specific-text/protestors.txt +0 -0
- ranked-summaries/Mark Levinson Airpods/Rank1.txt +1 -0
- ranked-summaries/Mark Levinson Airpods/Rank2.txt +1 -0
- ranked-summaries/Mark Levinson Airpods/Rank3.txt +1 -0
- ranked-summaries/Novak Djokovic/Rank1.txt +1 -0
- ranked-summaries/Novak Djokovic/Rank2.txt +1 -0
- ranked-summaries/Novak Djokovic/Rank3.txt +1 -0
- ranked-summaries/OnePlus 10 Pro/Rank1.txt +1 -0
- ranked-summaries/OnePlus 10 Pro/Rank2.txt +1 -0
- ranked-summaries/OnePlus 10 Pro/Rank3.txt +1 -0
- ranked-summaries/Tencent Holdings/Rank1.txt +1 -0
- ranked-summaries/Tencent Holdings/Rank2.txt +1 -0
- ranked-summaries/Tencent Holdings/Rank3.txt +1 -0
- ranked-summaries/White House/Rank1.txt +1 -0
- ranked-summaries/White House/Rank2.txt +1 -0
- ranked-summaries/White House/Rank3.txt +1 -0
- requirements.txt +10 -0
- sample-articles-temp/biden.txt +69 -0
- sample-articles-temp/numbers_to_text.txt +6 -0
- sample-articles-temp/protestors.txt +25 -0
- sample-articles/Mark Levinson Airpods.txt +13 -0
- sample-articles/Novak Djokovic.txt +48 -0
- sample-articles/OnePlus 10 Pro.txt +28 -0
.gitattributes
ADDED
@@ -0,0 +1,27 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
*.bin.* filter=lfs diff=lfs merge=lfs -text
|
5 |
+
*.bz2 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 |
+
*.model filter=lfs diff=lfs merge=lfs -text
|
12 |
+
*.msgpack filter=lfs diff=lfs merge=lfs -text
|
13 |
+
*.onnx filter=lfs diff=lfs merge=lfs -text
|
14 |
+
*.ot filter=lfs diff=lfs merge=lfs -text
|
15 |
+
*.parquet filter=lfs diff=lfs merge=lfs -text
|
16 |
+
*.pb filter=lfs diff=lfs merge=lfs -text
|
17 |
+
*.pt filter=lfs diff=lfs merge=lfs -text
|
18 |
+
*.pth filter=lfs diff=lfs merge=lfs -text
|
19 |
+
*.rar filter=lfs diff=lfs merge=lfs -text
|
20 |
+
saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
21 |
+
*.tar.* filter=lfs diff=lfs merge=lfs -text
|
22 |
+
*.tflite filter=lfs diff=lfs merge=lfs -text
|
23 |
+
*.tgz filter=lfs diff=lfs merge=lfs -text
|
24 |
+
*.xz filter=lfs diff=lfs merge=lfs -text
|
25 |
+
*.zip filter=lfs diff=lfs merge=lfs -text
|
26 |
+
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
+
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
.gitignore
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
*.idea
|
2 |
+
__pycache__
|
ExampleParsing.svg
ADDED
|
README.md
ADDED
@@ -0,0 +1,13 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
title: Hallucination detection in summaries
|
3 |
+
emoji: 💡
|
4 |
+
colorFrom: grey
|
5 |
+
colorTo: red
|
6 |
+
sdk: streamlit
|
7 |
+
sdk_version: 1.2.0
|
8 |
+
app_file: app.py
|
9 |
+
pinned: false
|
10 |
+
duplicated_from: ml6team/post-processing-summarization
|
11 |
+
---
|
12 |
+
|
13 |
+
Check out the configuration reference at https://huggingface.co/docs/hub/spaces#reference
|
SecondExampleParsing.svg
ADDED
|
app.py
ADDED
@@ -0,0 +1,553 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from typing import AnyStr, Dict
|
2 |
+
|
3 |
+
import itertools
|
4 |
+
import streamlit as st
|
5 |
+
import en_core_web_lg
|
6 |
+
|
7 |
+
import torch.nn.parameter
|
8 |
+
from bs4 import BeautifulSoup
|
9 |
+
import numpy as np
|
10 |
+
import base64
|
11 |
+
|
12 |
+
from spacy_streamlit.util import get_svg
|
13 |
+
from streamlit.proto.SessionState_pb2 import SessionState
|
14 |
+
|
15 |
+
from custom_renderer import render_sentence_custom
|
16 |
+
from sentence_transformers import SentenceTransformer
|
17 |
+
|
18 |
+
from transformers import AutoTokenizer, AutoModelForTokenClassification
|
19 |
+
from transformers import pipeline
|
20 |
+
import os
|
21 |
+
|
22 |
+
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
|
23 |
+
HTML_WRAPPER = """<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem;
|
24 |
+
margin-bottom: 2.5rem">{}</div> """
|
25 |
+
|
26 |
+
|
27 |
+
@st.experimental_singleton
|
28 |
+
def get_sentence_embedding_model():
|
29 |
+
return SentenceTransformer('sentence-transformers/all-MiniLM-L6-v2')
|
30 |
+
|
31 |
+
|
32 |
+
@st.experimental_singleton
|
33 |
+
def get_spacy():
|
34 |
+
nlp = en_core_web_lg.load()
|
35 |
+
return nlp
|
36 |
+
|
37 |
+
|
38 |
+
@st.experimental_singleton
|
39 |
+
def get_transformer_pipeline():
|
40 |
+
tokenizer = AutoTokenizer.from_pretrained("xlm-roberta-large-finetuned-conll03-english")
|
41 |
+
model = AutoModelForTokenClassification.from_pretrained("xlm-roberta-large-finetuned-conll03-english")
|
42 |
+
return pipeline("ner", model=model, tokenizer=tokenizer, grouped_entities=True)
|
43 |
+
|
44 |
+
|
45 |
+
@st.experimental_singleton
|
46 |
+
def get_summarizer_model():
|
47 |
+
model_name = 'google/pegasus-cnn_dailymail'
|
48 |
+
summarizer_model = pipeline("summarization", model=model_name, tokenizer=model_name,
|
49 |
+
device=0 if torch.cuda.is_available() else -1)
|
50 |
+
|
51 |
+
return summarizer_model
|
52 |
+
|
53 |
+
|
54 |
+
# Page setup
|
55 |
+
st.set_page_config(
|
56 |
+
page_title="📜 Hallucination detection in summaries 📜",
|
57 |
+
page_icon="",
|
58 |
+
layout="centered",
|
59 |
+
initial_sidebar_state="auto",
|
60 |
+
menu_items={
|
61 |
+
'Get help': None,
|
62 |
+
'Report a bug': None,
|
63 |
+
'About': None,
|
64 |
+
}
|
65 |
+
)
|
66 |
+
|
67 |
+
|
68 |
+
def list_all_article_names() -> list:
|
69 |
+
filenames = []
|
70 |
+
for file in sorted(os.listdir('./sample-articles/')):
|
71 |
+
if file.endswith('.txt'):
|
72 |
+
filenames.append(file.replace('.txt', ''))
|
73 |
+
# Append free use possibility:
|
74 |
+
filenames.append("Provide your own input")
|
75 |
+
return filenames
|
76 |
+
|
77 |
+
|
78 |
+
def fetch_article_contents(filename: str) -> AnyStr:
|
79 |
+
if filename == "Provide your own input":
|
80 |
+
return " "
|
81 |
+
with open(f'./sample-articles/{filename}.txt', 'r') as f:
|
82 |
+
data = f.read()
|
83 |
+
return data
|
84 |
+
|
85 |
+
|
86 |
+
def fetch_summary_contents(filename: str) -> AnyStr:
|
87 |
+
with open(f'./sample-summaries/{filename}.txt', 'r') as f:
|
88 |
+
data = f.read()
|
89 |
+
return data
|
90 |
+
|
91 |
+
|
92 |
+
def fetch_entity_specific_contents(filename: str) -> AnyStr:
|
93 |
+
with open(f'./entity-specific-text/{filename}.txt', 'r') as f:
|
94 |
+
data = f.read()
|
95 |
+
return data
|
96 |
+
|
97 |
+
|
98 |
+
def fetch_dependency_specific_contents(filename: str) -> AnyStr:
|
99 |
+
with open(f'./dependency-specific-text/{filename}.txt', 'r') as f:
|
100 |
+
data = f.read()
|
101 |
+
return data
|
102 |
+
|
103 |
+
|
104 |
+
def fetch_ranked_summaries(filename: str, ranknumber: int) -> AnyStr:
|
105 |
+
with open(f'./ranked-summaries/{filename}/Rank{ranknumber}.txt', 'r') as f:
|
106 |
+
data = f.read()
|
107 |
+
return data
|
108 |
+
|
109 |
+
|
110 |
+
def fetch_dependency_svg(filename: str) -> AnyStr:
|
111 |
+
with open(f'./dependency-images/{filename}.txt', 'r') as f:
|
112 |
+
lines = [line.rstrip() for line in f]
|
113 |
+
return lines
|
114 |
+
|
115 |
+
|
116 |
+
def display_summary(summary_content: str):
|
117 |
+
st.session_state.summary_output = summary_content
|
118 |
+
soup = BeautifulSoup(summary_content, features="html.parser")
|
119 |
+
return HTML_WRAPPER.format(soup)
|
120 |
+
|
121 |
+
|
122 |
+
def get_all_entities_per_sentence(text):
|
123 |
+
doc = nlp(text)
|
124 |
+
|
125 |
+
sentences = list(doc.sents)
|
126 |
+
|
127 |
+
entities_all_sentences = []
|
128 |
+
for sentence in sentences:
|
129 |
+
entities_this_sentence = []
|
130 |
+
|
131 |
+
# SPACY ENTITIES
|
132 |
+
for entity in sentence.ents:
|
133 |
+
entities_this_sentence.append(str(entity))
|
134 |
+
|
135 |
+
# FLAIR ENTITIES (CURRENTLY NOT USED)
|
136 |
+
# sentence_entities = Sentence(str(sentence))
|
137 |
+
# tagger.predict(sentence_entities)
|
138 |
+
# for entity in sentence_entities.get_spans('ner'):
|
139 |
+
# entities_this_sentence.append(entity.text)
|
140 |
+
|
141 |
+
# XLM ENTITIES
|
142 |
+
entities_xlm = [entity["word"] for entity in ner_model(str(sentence))]
|
143 |
+
for entity in entities_xlm:
|
144 |
+
entities_this_sentence.append(str(entity))
|
145 |
+
|
146 |
+
entities_all_sentences.append(entities_this_sentence)
|
147 |
+
|
148 |
+
return entities_all_sentences
|
149 |
+
|
150 |
+
|
151 |
+
def get_all_entities(text):
|
152 |
+
all_entities_per_sentence = get_all_entities_per_sentence(text)
|
153 |
+
return list(itertools.chain.from_iterable(all_entities_per_sentence))
|
154 |
+
|
155 |
+
|
156 |
+
def get_and_compare_entities(first_time: bool):
|
157 |
+
if first_time:
|
158 |
+
article_content = st.session_state.article_text
|
159 |
+
all_entities_per_sentence = get_all_entities_per_sentence(article_content)
|
160 |
+
entities_article = list(itertools.chain.from_iterable(all_entities_per_sentence))
|
161 |
+
st.session_state.entities_article = entities_article
|
162 |
+
else:
|
163 |
+
entities_article = st.session_state.entities_article
|
164 |
+
|
165 |
+
summary_content = st.session_state.summary_output
|
166 |
+
all_entities_per_sentence = get_all_entities_per_sentence(summary_content)
|
167 |
+
entities_summary = list(itertools.chain.from_iterable(all_entities_per_sentence))
|
168 |
+
|
169 |
+
matched_entities = []
|
170 |
+
unmatched_entities = []
|
171 |
+
for entity in entities_summary:
|
172 |
+
if any(entity.lower() in substring_entity.lower() for substring_entity in entities_article):
|
173 |
+
matched_entities.append(entity)
|
174 |
+
elif any(
|
175 |
+
np.inner(sentence_embedding_model.encode(entity, show_progress_bar=False),
|
176 |
+
sentence_embedding_model.encode(art_entity, show_progress_bar=False)) > 0.9 for
|
177 |
+
art_entity in entities_article):
|
178 |
+
matched_entities.append(entity)
|
179 |
+
else:
|
180 |
+
unmatched_entities.append(entity)
|
181 |
+
|
182 |
+
matched_entities = list(dict.fromkeys(matched_entities))
|
183 |
+
unmatched_entities = list(dict.fromkeys(unmatched_entities))
|
184 |
+
|
185 |
+
matched_entities_to_remove = []
|
186 |
+
unmatched_entities_to_remove = []
|
187 |
+
|
188 |
+
for entity in matched_entities:
|
189 |
+
for substring_entity in matched_entities:
|
190 |
+
if entity != substring_entity and entity.lower() in substring_entity.lower():
|
191 |
+
matched_entities_to_remove.append(entity)
|
192 |
+
|
193 |
+
for entity in unmatched_entities:
|
194 |
+
for substring_entity in unmatched_entities:
|
195 |
+
if entity != substring_entity and entity.lower() in substring_entity.lower():
|
196 |
+
unmatched_entities_to_remove.append(entity)
|
197 |
+
|
198 |
+
matched_entities_to_remove = list(dict.fromkeys(matched_entities_to_remove))
|
199 |
+
unmatched_entities_to_remove = list(dict.fromkeys(unmatched_entities_to_remove))
|
200 |
+
|
201 |
+
for entity in matched_entities_to_remove:
|
202 |
+
matched_entities.remove(entity)
|
203 |
+
for entity in unmatched_entities_to_remove:
|
204 |
+
unmatched_entities.remove(entity)
|
205 |
+
|
206 |
+
return matched_entities, unmatched_entities
|
207 |
+
|
208 |
+
|
209 |
+
def highlight_entities():
|
210 |
+
summary_content = st.session_state.summary_output
|
211 |
+
markdown_start_red = "<mark class=\"entity\" style=\"background: rgb(238, 135, 135);\">"
|
212 |
+
markdown_start_green = "<mark class=\"entity\" style=\"background: rgb(121, 236, 121);\">"
|
213 |
+
markdown_end = "</mark>"
|
214 |
+
|
215 |
+
matched_entities, unmatched_entities = get_and_compare_entities(True)
|
216 |
+
|
217 |
+
for entity in matched_entities:
|
218 |
+
summary_content = summary_content.replace(entity, markdown_start_green + entity + markdown_end)
|
219 |
+
|
220 |
+
for entity in unmatched_entities:
|
221 |
+
summary_content = summary_content.replace(entity, markdown_start_red + entity + markdown_end)
|
222 |
+
soup = BeautifulSoup(summary_content, features="html.parser")
|
223 |
+
return HTML_WRAPPER.format(soup)
|
224 |
+
|
225 |
+
|
226 |
+
def highlight_entities_new(summary_str: str):
|
227 |
+
st.session_state.summary_output = summary_str
|
228 |
+
summary_content = st.session_state.summary_output
|
229 |
+
markdown_start_red = "<mark class=\"entity\" style=\"background: rgb(238, 135, 135);\">"
|
230 |
+
markdown_start_green = "<mark class=\"entity\" style=\"background: rgb(121, 236, 121);\">"
|
231 |
+
markdown_end = "</mark>"
|
232 |
+
|
233 |
+
matched_entities, unmatched_entities = get_and_compare_entities(False)
|
234 |
+
|
235 |
+
for entity in matched_entities:
|
236 |
+
summary_content = summary_content.replace(entity, markdown_start_green + entity + markdown_end)
|
237 |
+
|
238 |
+
for entity in unmatched_entities:
|
239 |
+
summary_content = summary_content.replace(entity, markdown_start_red + entity + markdown_end)
|
240 |
+
soup = BeautifulSoup(summary_content, features="html.parser")
|
241 |
+
return HTML_WRAPPER.format(soup)
|
242 |
+
|
243 |
+
|
244 |
+
def render_dependency_parsing(text: Dict):
|
245 |
+
html = render_sentence_custom(text, nlp)
|
246 |
+
html = html.replace("\n\n", "\n")
|
247 |
+
st.write(get_svg(html), unsafe_allow_html=True)
|
248 |
+
|
249 |
+
|
250 |
+
def check_dependency(article: bool):
|
251 |
+
if article:
|
252 |
+
text = st.session_state.article_text
|
253 |
+
all_entities = get_all_entities_per_sentence(text)
|
254 |
+
else:
|
255 |
+
text = st.session_state.summary_output
|
256 |
+
all_entities = get_all_entities_per_sentence(text)
|
257 |
+
doc = nlp(text)
|
258 |
+
tok_l = doc.to_json()['tokens']
|
259 |
+
test_list_dict_output = []
|
260 |
+
|
261 |
+
sentences = list(doc.sents)
|
262 |
+
for i, sentence in enumerate(sentences):
|
263 |
+
start_id = sentence.start
|
264 |
+
end_id = sentence.end
|
265 |
+
for t in tok_l:
|
266 |
+
if t["id"] < start_id or t["id"] > end_id:
|
267 |
+
continue
|
268 |
+
head = tok_l[t['head']]
|
269 |
+
if t['dep'] == 'amod' or t['dep'] == "pobj":
|
270 |
+
object_here = text[t['start']:t['end']]
|
271 |
+
object_target = text[head['start']:head['end']]
|
272 |
+
if t['dep'] == "pobj" and str.lower(object_target) != "in":
|
273 |
+
continue
|
274 |
+
# ONE NEEDS TO BE ENTITY
|
275 |
+
if object_here in all_entities[i]:
|
276 |
+
identifier = object_here + t['dep'] + object_target
|
277 |
+
test_list_dict_output.append({"dep": t['dep'], "cur_word_index": (t['id'] - sentence.start),
|
278 |
+
"target_word_index": (t['head'] - sentence.start),
|
279 |
+
"identifier": identifier, "sentence": str(sentence)})
|
280 |
+
elif object_target in all_entities[i]:
|
281 |
+
identifier = object_here + t['dep'] + object_target
|
282 |
+
test_list_dict_output.append({"dep": t['dep'], "cur_word_index": (t['id'] - sentence.start),
|
283 |
+
"target_word_index": (t['head'] - sentence.start),
|
284 |
+
"identifier": identifier, "sentence": str(sentence)})
|
285 |
+
else:
|
286 |
+
continue
|
287 |
+
return test_list_dict_output
|
288 |
+
|
289 |
+
|
290 |
+
def render_svg(svg_file):
|
291 |
+
with open(svg_file, "r") as f:
|
292 |
+
lines = f.readlines()
|
293 |
+
svg = "".join(lines)
|
294 |
+
|
295 |
+
# """Renders the given svg string."""
|
296 |
+
b64 = base64.b64encode(svg.encode("utf-8")).decode("utf-8")
|
297 |
+
html = r'<img src="data:image/svg+xml;base64,%s"/>' % b64
|
298 |
+
return html
|
299 |
+
|
300 |
+
|
301 |
+
def generate_abstractive_summary(text, type, min_len=120, max_len=512, **kwargs):
|
302 |
+
text = text.strip().replace("\n", " ")
|
303 |
+
if type == "top_p":
|
304 |
+
text = summarization_model(text, min_length=min_len,
|
305 |
+
max_length=max_len,
|
306 |
+
top_k=50, top_p=0.95, clean_up_tokenization_spaces=True, truncation=True, **kwargs)
|
307 |
+
elif type == "greedy":
|
308 |
+
text = summarization_model(text, min_length=min_len,
|
309 |
+
max_length=max_len, clean_up_tokenization_spaces=True, truncation=True, **kwargs)
|
310 |
+
elif type == "top_k":
|
311 |
+
text = summarization_model(text, min_length=min_len, max_length=max_len, top_k=50,
|
312 |
+
clean_up_tokenization_spaces=True, truncation=True, **kwargs)
|
313 |
+
elif type == "beam":
|
314 |
+
text = summarization_model(text, min_length=min_len,
|
315 |
+
max_length=max_len,
|
316 |
+
clean_up_tokenization_spaces=True, truncation=True, **kwargs)
|
317 |
+
summary = text[0]['summary_text'].replace("<n>", " ")
|
318 |
+
return summary
|
319 |
+
|
320 |
+
|
321 |
+
# Load all different models (cached) at start time of the hugginface space
|
322 |
+
sentence_embedding_model = get_sentence_embedding_model()
|
323 |
+
ner_model = get_transformer_pipeline()
|
324 |
+
nlp = get_spacy()
|
325 |
+
summarization_model = get_summarizer_model()
|
326 |
+
|
327 |
+
# Page
|
328 |
+
st.title('📜 Hallucination detection 📜')
|
329 |
+
st.subheader("🔎 Detecting errors in generated abstractive summaries")
|
330 |
+
#st.title('📜 Error detection in summaries 📜')
|
331 |
+
|
332 |
+
# INTRODUCTION
|
333 |
+
st.header("🧑🏫 Introduction")
|
334 |
+
|
335 |
+
#introduction_checkbox = st.checkbox("Show introduction text", value=True)
|
336 |
+
#if introduction_checkbox:
|
337 |
+
st.markdown("""
|
338 |
+
Recent work using 🤖 **transformers** 🤖 on large text corpora has shown great success when fine-tuned on
|
339 |
+
several different downstream NLP tasks. One such task is that of text summarization. The goal of text summarization
|
340 |
+
is to generate concise and accurate summaries from input document(s). There are 2 types of summarization:
|
341 |
+
|
342 |
+
- **Extractive summarization** merely copies informative fragments from the input.
|
343 |
+
- **Abstractive summarization**
|
344 |
+
may generate novel words. A good abstractive summary should cover principal information in the input and has to be
|
345 |
+
linguistically fluent. This interactive blogpost will focus on this more difficult task of abstractive summary
|
346 |
+
generation. Furthermore we will focus mainly on hallucination errors, and less on sentence fluency.""")
|
347 |
+
|
348 |
+
st.markdown("###")
|
349 |
+
st.markdown("🤔 **Why is this important?** 🤔 Let's say we want to summarize news articles for a popular "
|
350 |
+
"newspaper. If an article tells the story of Elon Musk buying **Twitter**, we don't want our summarization "
|
351 |
+
"model to say that he bought **Facebook** instead. Summarization could also be done for financial reports "
|
352 |
+
"for example. In such environments, these errors can be very critical, so we want to find a way to "
|
353 |
+
"detect them.")
|
354 |
+
st.markdown("###")
|
355 |
+
st.markdown("""To generate summaries we will use the 🐎 [PEGASUS](https://huggingface.co/google/pegasus-cnn_dailymail) 🐎
|
356 |
+
model, producing abstractive summaries from large articles. These summaries often contain sentences with different
|
357 |
+
kinds of errors. Rather than improving the core model, we will look into possible post-processing steps to detect errors
|
358 |
+
from the generated summaries. Throughout this blog, we will also explain the results for some methods on specific
|
359 |
+
examples. These text blocks will be indicated and they change according to the currently selected article.""")
|
360 |
+
|
361 |
+
# GENERATING SUMMARIES PART
|
362 |
+
st.header("🪶 Generating summaries")
|
363 |
+
st.markdown("Let’s start by selecting an article text for which we want to generate a summary, or you can provide "
|
364 |
+
"text yourself. Note that it’s suggested to provide a sufficiently large article, as otherwise the "
|
365 |
+
"summary generated from it might not be optimal, leading to suboptimal performance of the post-processing "
|
366 |
+
"steps. However, too long articles will be truncated and might miss information in the summary.")
|
367 |
+
|
368 |
+
st.markdown("####")
|
369 |
+
selected_article = st.selectbox('Select an article or provide your own:',
|
370 |
+
list_all_article_names(), index=2)
|
371 |
+
st.session_state.article_text = fetch_article_contents(selected_article)
|
372 |
+
article_text = st.text_area(
|
373 |
+
label='Full article text',
|
374 |
+
value=st.session_state.article_text,
|
375 |
+
height=250
|
376 |
+
)
|
377 |
+
|
378 |
+
summarize_button = st.button(label='🤯 Process article content',
|
379 |
+
help="Start interactive blogpost")
|
380 |
+
|
381 |
+
if summarize_button:
|
382 |
+
st.session_state.article_text = article_text
|
383 |
+
st.markdown("####")
|
384 |
+
st.markdown(
|
385 |
+
"*Below you can find the generated summary for the article. We will discuss two approaches that we found are "
|
386 |
+
"able to detect some common errors. Based on these errors, one could then score different summaries, indicating how "
|
387 |
+
"factual a summary is for a given article. The idea is that in production, you could generate a set of "
|
388 |
+
"summaries for the same article, with different parameters (or even different models). By using "
|
389 |
+
"post-processing error detection, we can then select the best possible summary.*")
|
390 |
+
st.markdown("####")
|
391 |
+
if st.session_state.article_text:
|
392 |
+
with st.spinner('Generating summary, this might take a while...'):
|
393 |
+
if selected_article != "Provide your own input" and article_text == fetch_article_contents(
|
394 |
+
selected_article):
|
395 |
+
st.session_state.unchanged_text = True
|
396 |
+
summary_content = fetch_summary_contents(selected_article)
|
397 |
+
else:
|
398 |
+
summary_content = generate_abstractive_summary(article_text, type="beam", do_sample=True, num_beams=15,
|
399 |
+
no_repeat_ngram_size=4)
|
400 |
+
st.session_state.unchanged_text = False
|
401 |
+
summary_displayed = display_summary(summary_content)
|
402 |
+
st.write("✍ **Generated summary:** ✍", summary_displayed, unsafe_allow_html=True)
|
403 |
+
else:
|
404 |
+
st.error('**Error**: No comment to classify. Please provide a comment.')
|
405 |
+
|
406 |
+
# ENTITY MATCHING PART
|
407 |
+
st.header("1️⃣ Entity matching")
|
408 |
+
st.markdown("The first method we will discuss is called **Named Entity Recognition** (NER). NER is the task of "
|
409 |
+
"identifying and categorising key information (entities) in text. An entity can be a singular word or a "
|
410 |
+
"series of words that consistently refers to the same thing. Common entity classes are person names, "
|
411 |
+
"organisations, locations and so on. By applying NER to both the article and its summary, we can spot "
|
412 |
+
"possible **hallucinations**. ")
|
413 |
+
|
414 |
+
st.markdown("Hallucinations are words generated by the model that are not supported by "
|
415 |
+
"the source input. Deep learning based generation is [prone to hallucinate]("
|
416 |
+
"https://arxiv.org/pdf/2202.03629.pdf) unintended text. These hallucinations degrade "
|
417 |
+
"system performance and fail to meet user expectations in many real-world scenarios. By applying entity matching, we can improve this problem"
|
418 |
+
" for the downstream task of summary generation.")
|
419 |
+
|
420 |
+
st.markdown(" In theory all entities in the summary (such as dates, locations and so on), "
|
421 |
+
"should also be present in the article. Thus we can extract all entities from the summary and compare "
|
422 |
+
"them to the entities of the original article, spotting potential hallucinations. The more unmatched "
|
423 |
+
"entities we find, the lower the factualness score of the summary. ")
|
424 |
+
with st.spinner("Calculating and matching entities, this takes about 10-20 seconds..."):
|
425 |
+
entity_match_html = highlight_entities()
|
426 |
+
st.markdown("####")
|
427 |
+
st.write(entity_match_html, unsafe_allow_html=True)
|
428 |
+
red_text = """<font color="black"><span style="background-color: rgb(238, 135, 135); opacity:
|
429 |
+
1;">red</span></font> """
|
430 |
+
green_text = """<font color="black">
|
431 |
+
<span style="background-color: rgb(121, 236, 121); opacity: 1;">green</span>
|
432 |
+
</font>"""
|
433 |
+
|
434 |
+
markdown_start_red = "<mark class=\"entity\" style=\"background: rgb(238, 135, 135);\">"
|
435 |
+
markdown_start_green = "<mark class=\"entity\" style=\"background: rgb(121, 236, 121);\">"
|
436 |
+
st.markdown(
|
437 |
+
"We call this technique **entity matching** and here you can see what this looks like when we apply this "
|
438 |
+
"method on the summary. Entities in the summary are marked " + green_text + " when the entity also "
|
439 |
+
"exists in the article, "
|
440 |
+
"while unmatched entities "
|
441 |
+
"are marked " + red_text +
|
442 |
+
". Several of the example articles and their summaries indicate different errors we find by using this "
|
443 |
+
"technique. Based on the current article, we provide a short explanation of the results below **(only for "
|
444 |
+
"example articles)**. ", unsafe_allow_html=True)
|
445 |
+
if st.session_state.unchanged_text:
|
446 |
+
entity_specific_text = fetch_entity_specific_contents(selected_article)
|
447 |
+
soup = BeautifulSoup(entity_specific_text, features="html.parser")
|
448 |
+
st.markdown("####")
|
449 |
+
st.write("💡👇 **Specific example explanation** 👇💡", HTML_WRAPPER.format(soup), unsafe_allow_html=True)
|
450 |
+
|
451 |
+
# DEPENDENCY PARSING PART
|
452 |
+
st.header("2️⃣ Dependency comparison")
|
453 |
+
st.markdown(
|
454 |
+
"The second method we use for post-processing is called **Dependency Parsing**: the process in which the "
|
455 |
+
"grammatical structure in a sentence is analysed, to find out related words as well as the type of the "
|
456 |
+
"relationship between them. For the sentence “Jan’s wife is called Sarah” you would get the following "
|
457 |
+
"dependency graph:")
|
458 |
+
|
459 |
+
# TODO: I wonder why the first doesn't work but the second does (it doesn't show deps otherwise)
|
460 |
+
# st.image("ExampleParsing.svg")
|
461 |
+
st.write(render_svg('ExampleParsing.svg'), unsafe_allow_html=True)
|
462 |
+
st.markdown(
|
463 |
+
"Here, *“Jan”* is the *“poss”* (possession modifier) of *“wife”*. If suddenly the summary would read *“Jan’s"
|
464 |
+
" husband…”*, there would be a dependency in the summary that is non-existent in the article itself (namely "
|
465 |
+
"*“Jan”* is the “poss” of *“husband”*)."
|
466 |
+
"However, often new dependencies are introduced in the summary that "
|
467 |
+
"are still correct, as can be seen in the example below. ")
|
468 |
+
st.write(render_svg('SecondExampleParsing.svg'), unsafe_allow_html=True)
|
469 |
+
|
470 |
+
st.markdown("*“The borders of Ukraine”* have a different dependency between *“borders”* and "
|
471 |
+
"*“Ukraine”* "
|
472 |
+
"than *“Ukraine’s borders”*, while both descriptions have the same meaning. So just matching all "
|
473 |
+
"dependencies between article and summary (as we did with entity matching) would not be a robust method."
|
474 |
+
" More on the different sorts of dependencies and their description can be found [here](https://universaldependencies.org/docs/en/dep/).")
|
475 |
+
st.markdown("However, we have found that **there are specific dependencies that are often an "
|
476 |
+
"indication of a wrongly constructed sentence** when there is no article match. We (currently) use 2 "
|
477 |
+
"common dependencies which - when present in the summary but not in the article - are highly "
|
478 |
+
"indicative of factualness errors. "
|
479 |
+
"Furthermore, we only check dependencies between an existing **entity** and its direct connections. "
|
480 |
+
"Below we highlight all unmatched dependencies that satisfy the discussed constraints. We also "
|
481 |
+
"discuss the specific results for the currently selected example article.")
|
482 |
+
with st.spinner("Doing dependency parsing..."):
|
483 |
+
if st.session_state.unchanged_text:
|
484 |
+
for cur_svg_image in fetch_dependency_svg(selected_article):
|
485 |
+
st.write(cur_svg_image, unsafe_allow_html=True)
|
486 |
+
dep_specific_text = fetch_dependency_specific_contents(selected_article)
|
487 |
+
soup = BeautifulSoup(dep_specific_text, features="html.parser")
|
488 |
+
st.write("💡👇 **Specific example explanation** 👇💡", HTML_WRAPPER.format(soup), unsafe_allow_html=True)
|
489 |
+
else:
|
490 |
+
summary_deps = check_dependency(False)
|
491 |
+
article_deps = check_dependency(True)
|
492 |
+
total_unmatched_deps = []
|
493 |
+
for summ_dep in summary_deps:
|
494 |
+
if not any(summ_dep['identifier'] in art_dep['identifier'] for art_dep in article_deps):
|
495 |
+
total_unmatched_deps.append(summ_dep)
|
496 |
+
if total_unmatched_deps:
|
497 |
+
for current_drawing_list in total_unmatched_deps:
|
498 |
+
render_dependency_parsing(current_drawing_list)
|
499 |
+
|
500 |
+
# CURRENTLY DISABLED
|
501 |
+
# OUTRO/CONCLUSION
|
502 |
+
st.header("🤝 Bringing it together")
|
503 |
+
st.markdown("We have presented 2 methods that try to detect errors in summaries via post-processing steps. Entity "
|
504 |
+
"matching can be used to solve hallucinations, while dependency comparison can be used to filter out "
|
505 |
+
"some bad sentences (and thus worse summaries). These methods highlight the possibilities of "
|
506 |
+
"post-processing AI-made summaries, but are only a first introduction. As the methods were "
|
507 |
+
"empirically tested they are definitely not sufficiently robust for general use-cases.")
|
508 |
+
st.markdown("####")
|
509 |
+
st.markdown(
|
510 |
+
"*Below we generate 3 different kind of summaries, and based on the two discussed methods, their errors are "
|
511 |
+
"detected to estimate a summary score. Based on this basic approach, "
|
512 |
+
"the best summary (read: the one that a human would prefer or indicate as the best one) "
|
513 |
+
"will hopefully be at the top. We currently "
|
514 |
+
"only do this for the example articles (for which the different summmaries are already generated). The reason "
|
515 |
+
"for this is that HuggingFace spaces are limited in their CPU memory. We also highlight the entities as done "
|
516 |
+
"before, but note that the rankings are done on a combination of unmatched entities and "
|
517 |
+
"dependencies (with the latter not shown here).*")
|
518 |
+
st.markdown("####")
|
519 |
+
|
520 |
+
if selected_article != "Provide your own input" and article_text == fetch_article_contents(selected_article):
|
521 |
+
with st.spinner("Fetching summaries, ranking them and highlighting entities, this might take a minute or two..."):
|
522 |
+
summaries_list = []
|
523 |
+
deduction_points = []
|
524 |
+
|
525 |
+
# FOR NEW GENERATED SUMMARY
|
526 |
+
for i in range(1 , 4):
|
527 |
+
st.session_state.summary_output = fetch_ranked_summaries(selected_article, i)
|
528 |
+
_, amount_unmatched = get_and_compare_entities(False)
|
529 |
+
|
530 |
+
summary_deps = check_dependency(False)
|
531 |
+
article_deps = check_dependency(True)
|
532 |
+
total_unmatched_deps = []
|
533 |
+
for summ_dep in summary_deps:
|
534 |
+
if not any(summ_dep['identifier'] in art_dep['identifier'] for art_dep in article_deps):
|
535 |
+
total_unmatched_deps.append(summ_dep)
|
536 |
+
|
537 |
+
summaries_list.append(st.session_state.summary_output)
|
538 |
+
deduction_points.append(len(amount_unmatched) + len(total_unmatched_deps))
|
539 |
+
|
540 |
+
|
541 |
+
# RANKING AND SHOWING THE SUMMARIES
|
542 |
+
deduction_points, summaries_list = (list(t) for t in zip(*sorted(zip(deduction_points, summaries_list))))
|
543 |
+
|
544 |
+
cur_rank = 1
|
545 |
+
rank_downgrade = 0
|
546 |
+
for i in range(len(deduction_points)):
|
547 |
+
#st.write(f'🏆 Rank {cur_rank} summary: 🏆', display_summary(summaries_list[i]), unsafe_allow_html=True)
|
548 |
+
st.write(f'🏆 Rank {cur_rank} summary: 🏆', highlight_entities_new(summaries_list[i]), unsafe_allow_html=True)
|
549 |
+
if i < len(deduction_points) - 1:
|
550 |
+
rank_downgrade += 1
|
551 |
+
if not deduction_points[i + 1] == deduction_points[i]:
|
552 |
+
cur_rank += rank_downgrade
|
553 |
+
rank_downgrade = 0
|
arial.ttf
ADDED
Binary file (312 kB). View file
|
|
custom_renderer.py
ADDED
@@ -0,0 +1,133 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from typing import Dict
|
2 |
+
from PIL import ImageFont
|
3 |
+
|
4 |
+
TPL_DEP_WORDS = """
|
5 |
+
<text class="displacy-token" fill="currentColor" text-anchor="start" y="{y}">
|
6 |
+
<tspan class="displacy-word" fill="currentColor" x="{x}">{text}</tspan>
|
7 |
+
<tspan class="displacy-tag" dy="2em" fill="currentColor" x="{x}">{tag}</tspan>
|
8 |
+
</text>
|
9 |
+
"""
|
10 |
+
|
11 |
+
TPL_DEP_SVG = """
|
12 |
+
<svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" xml:lang="{lang}" id="{id}" class="displacy" width="{width}" height="{height}" direction="{dir}" style="max-width: none; height: {height}px; color: {color}; background: {bg}; font-family: {font}; direction: {dir}">{content}</svg>
|
13 |
+
"""
|
14 |
+
|
15 |
+
TPL_DEP_ARCS = """
|
16 |
+
<g class="displacy-arrow">
|
17 |
+
<path class="displacy-arc" id="arrow-{id}-{i}" stroke-width="{stroke}px" d="{arc}" fill="none" stroke="red"/>
|
18 |
+
<text dy="1.25em" style="font-size: 0.8em; letter-spacing: 1px">
|
19 |
+
<textPath xlink:href="#arrow-{id}-{i}" class="displacy-label" startOffset="50%" side="{label_side}" fill="red" text-anchor="middle">{label}</textPath>
|
20 |
+
</text>
|
21 |
+
<path class="displacy-arrowhead" d="{head}" fill="red"/>
|
22 |
+
</g>
|
23 |
+
"""
|
24 |
+
|
25 |
+
|
26 |
+
def get_pil_text_size(text, font_size, font_name):
|
27 |
+
font = ImageFont.truetype(font_name, font_size)
|
28 |
+
size = font.getsize(text)
|
29 |
+
return size
|
30 |
+
|
31 |
+
|
32 |
+
def render_arrow(
|
33 |
+
label: str, start: int, end: int, direction: str, i: int
|
34 |
+
) -> str:
|
35 |
+
"""Render individual arrow.
|
36 |
+
|
37 |
+
label (str): Dependency label.
|
38 |
+
start (int): Index of start word.
|
39 |
+
end (int): Index of end word.
|
40 |
+
direction (str): Arrow direction, 'left' or 'right'.
|
41 |
+
i (int): Unique ID, typically arrow index.
|
42 |
+
RETURNS (str): Rendered SVG markup.
|
43 |
+
"""
|
44 |
+
|
45 |
+
arc = get_arc(start + 10, 50, 5, end + 10)
|
46 |
+
arrowhead = get_arrowhead(direction, start + 10, 50, end + 10)
|
47 |
+
label_side = "right" if direction == "rtl" else "left"
|
48 |
+
return TPL_DEP_ARCS.format(
|
49 |
+
id=0,
|
50 |
+
i=0,
|
51 |
+
stroke=2,
|
52 |
+
head=arrowhead,
|
53 |
+
label=label,
|
54 |
+
label_side=label_side,
|
55 |
+
arc=arc,
|
56 |
+
)
|
57 |
+
|
58 |
+
|
59 |
+
def get_arc(x_start: int, y: int, y_curve: int, x_end: int) -> str:
|
60 |
+
"""Render individual arc.
|
61 |
+
|
62 |
+
x_start (int): X-coordinate of arrow start point.
|
63 |
+
y (int): Y-coordinate of arrow start and end point.
|
64 |
+
y_curve (int): Y-corrdinate of Cubic Bézier y_curve point.
|
65 |
+
x_end (int): X-coordinate of arrow end point.
|
66 |
+
RETURNS (str): Definition of the arc path ('d' attribute).
|
67 |
+
"""
|
68 |
+
template = "M{x},{y} C{x},{c} {e},{c} {e},{y}"
|
69 |
+
return template.format(x=x_start, y=y, c=y_curve, e=x_end)
|
70 |
+
|
71 |
+
|
72 |
+
def get_arrowhead(direction: str, x: int, y: int, end: int) -> str:
|
73 |
+
"""Render individual arrow head.
|
74 |
+
|
75 |
+
direction (str): Arrow direction, 'left' or 'right'.
|
76 |
+
x (int): X-coordinate of arrow start point.
|
77 |
+
y (int): Y-coordinate of arrow start and end point.
|
78 |
+
end (int): X-coordinate of arrow end point.
|
79 |
+
RETURNS (str): Definition of the arrow head path ('d' attribute).
|
80 |
+
"""
|
81 |
+
arrow_width = 6
|
82 |
+
if direction == "left":
|
83 |
+
p1, p2, p3 = (x, x - arrow_width + 2, x + arrow_width - 2)
|
84 |
+
else:
|
85 |
+
p1, p2, p3 = (end, end + arrow_width - 2, end - arrow_width + 2)
|
86 |
+
return f"M{p1},{y + 2} L{p2},{y - arrow_width} {p3},{y - arrow_width}"
|
87 |
+
|
88 |
+
|
89 |
+
def render_sentence_custom(unmatched_list: Dict, nlp):
|
90 |
+
arcs_svg = []
|
91 |
+
doc = nlp(unmatched_list["sentence"])
|
92 |
+
|
93 |
+
x_value_counter = 10
|
94 |
+
index_counter = 0
|
95 |
+
svg_words = []
|
96 |
+
words_under_arc = []
|
97 |
+
direction_current = "rtl"
|
98 |
+
|
99 |
+
if unmatched_list["cur_word_index"] < unmatched_list["target_word_index"]:
|
100 |
+
min_index = unmatched_list["cur_word_index"]
|
101 |
+
max_index = unmatched_list["target_word_index"]
|
102 |
+
direction_current = "left"
|
103 |
+
else:
|
104 |
+
max_index = unmatched_list["cur_word_index"]
|
105 |
+
min_index = unmatched_list["target_word_index"]
|
106 |
+
for i, token in enumerate(doc):
|
107 |
+
word = str(token)
|
108 |
+
word = word + " "
|
109 |
+
pixel_x_length = get_pil_text_size(word, 16, 'arial.ttf')[0]
|
110 |
+
svg_words.append(TPL_DEP_WORDS.format(text=word, tag="", x=x_value_counter, y=70))
|
111 |
+
if min_index <= index_counter <= max_index:
|
112 |
+
words_under_arc.append(x_value_counter)
|
113 |
+
if index_counter < max_index - 1:
|
114 |
+
x_value_counter += 50
|
115 |
+
index_counter += 1
|
116 |
+
x_value_counter += pixel_x_length + 4
|
117 |
+
|
118 |
+
arcs_svg.append(render_arrow(unmatched_list['dep'], words_under_arc[0], words_under_arc[-1], direction_current, i))
|
119 |
+
|
120 |
+
content = "".join(svg_words) + "".join(arcs_svg)
|
121 |
+
|
122 |
+
full_svg = TPL_DEP_SVG.format(
|
123 |
+
id=0,
|
124 |
+
width=1200, # 600
|
125 |
+
height=75, # 125
|
126 |
+
color="#00000",
|
127 |
+
bg="#ffffff",
|
128 |
+
font="Arial",
|
129 |
+
content=content,
|
130 |
+
dir="ltr",
|
131 |
+
lang="en",
|
132 |
+
)
|
133 |
+
return full_svg
|
dependency-images/Mark Levinson Airpods.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem; margin-bottom: 2.5rem"><img src="data:image/svg+xml;base64,CiAgPHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHhtbG5zOnhsaW5rPSJodHRwOi8vd3d3LnczLm9yZy8xOTk5L3hsaW5rIiB4bWw6bGFuZz0iZW4iIGlkPSIwIiBjbGFzcz0iZGlzcGxhY3kiIHdpZHRoPSIxMjAwIiBoZWlnaHQ9Ijc1IiBkaXJlY3Rpb249Imx0ciIgc3R5bGU9Im1heC13aWR0aDogbm9uZTsgaGVpZ2h0OiA3NXB4OyBjb2xvcjogIzAwMDAwOyBiYWNrZ3JvdW5kOiAjZmZmZmZmOyBmb250LWZhbWlseTogQXJpYWw7IGRpcmVjdGlvbjogbHRyIj4KICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+VGhlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NiI+aGVhZHBob25lcyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTQzIj5zdGFydCA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNDMiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE4MyI+YXQgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTgzIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyMDUiPiQgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjA1Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyMjIiPjk5OSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyMjIiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjI1NyI+YW5kIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjI1NyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjkyIj53aWxsIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjI5MiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzIzIj5iZSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzMjMiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjM0OSI+YXZhaWxhYmxlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjM0OSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDIxIj5zdGFydGluZyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0MjEiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQ4MiI+dG9kYXkgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDgyIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1MzAiPmluIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjUzMCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjAxIj50aGUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjAxIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI2MzIiPlUuUy4gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjMyIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICAgIDxnIGNsYXNzPSJkaXNwbGFjeS1hcnJvdyI+CiAgICAgICAgPHBhdGggY2xhc3M9ImRpc3BsYWN5LWFyYyIgaWQ9ImFycm93LTAtMCIgc3Ryb2tlLXdpZHRoPSIycHgiIGQ9Ik01NDAsNTAgQzU0MCw1IDY0Miw1IDY0Miw1MCIgZmlsbD0ibm9uZSIgc3Ryb2tlPSJyZWQiLz4KICAgICAgICA8dGV4dCBkeT0iMS4yNWVtIiBzdHlsZT0iZm9udC1zaXplOiAwLjhlbTsgbGV0dGVyLXNwYWNpbmc6IDFweCI+CiAgICAgICAgICAgIDx0ZXh0UGF0aCB4bGluazpocmVmPSIjYXJyb3ctMC0wIiBjbGFzcz0iZGlzcGxhY3ktbGFiZWwiIHN0YXJ0T2Zmc2V0PSI1MCUiIHNpZGU9InJpZ2h0IiBmaWxsPSJyZWQiIHRleHQtYW5jaG9yPSJtaWRkbGUiPnBvYmo8L3RleHRQYXRoPgogICAgICAgIDwvdGV4dD4KICAgICAgICA8cGF0aCBjbGFzcz0iZGlzcGxhY3ktYXJyb3doZWFkIiBkPSJNNjQyLDUyIEw2NDYsNDQgNjM4LDQ0IiBmaWxsPSJyZWQiLz4KICAgIDwvZz4KICAgIDwvc3ZnPgogIA==" style=""/></div>
|
dependency-images/Novak Djokovic.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem; margin-bottom: 2.5rem"><img src="data:image/svg+xml;base64,CiAgPHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHhtbG5zOnhsaW5rPSJodHRwOi8vd3d3LnczLm9yZy8xOTk5L3hsaW5rIiB4bWw6bGFuZz0iZW4iIGlkPSIwIiBjbGFzcz0iZGlzcGxhY3kiIHdpZHRoPSIxMjAwIiBoZWlnaHQ9Ijc1IiBkaXJlY3Rpb249Imx0ciIgc3R5bGU9Im1heC13aWR0aDogbm9uZTsgaGVpZ2h0OiA3NXB4OyBjb2xvcjogIzAwMDAwOyBiYWNrZ3JvdW5kOiAjZmZmZmZmOyBmb250LWZhbWlseTogQXJpYWw7IGRpcmVjdGlvbjogbHRyIj4KICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+aW4gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjMxIj5BdXN0cmFsaWEgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzEiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwMyI+aXMgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTAzIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMjMiPnNlZWluZyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMjMiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE3OSI+dGVucyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNzkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjIxOCI+b2YgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjE4Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyNDAiPnRob3VzYW5kcyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyNDAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjMyMiI+b2YgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzIyIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzNDQiPkNvdmlkLTE5IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjM0NCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDE3Ij5jYXNlcyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0MTciPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQ2NyI+Zm9yIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQ2NyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDk0Ij50aGUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDk0Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1MjUiPmZpcnN0IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjUyNSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNTU5Ij50aW1lIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjU1OSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNTk4Ij5hZnRlciA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1OTgiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjYzOSI+ZW5kdXJpbmcgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjM5Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI3MTAiPnNvbWUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzEwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI3NTgiPm9mIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijc1OCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzgwIj50aGUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzgwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI4MTEiPndvcmxkIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjgxMSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iODU4Ij4ncyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI4NTgiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijg3OCI+c3RyaWN0ZXN0IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijg3OCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iOTQyIj5yZXN0cmljdGlvbnMgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iOTQyIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMDI4Ij4uIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwMjgiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogICAgPGcgY2xhc3M9ImRpc3BsYWN5LWFycm93Ij4KICAgICAgICA8cGF0aCBjbGFzcz0iZGlzcGxhY3ktYXJjIiBpZD0iYXJyb3ctMC0wIiBzdHJva2Utd2lkdGg9IjJweCIgZD0iTTIwLDUwIEMyMCw1IDQxLDUgNDEsNTAiIGZpbGw9Im5vbmUiIHN0cm9rZT0icmVkIi8+CiAgICAgICAgPHRleHQgZHk9IjEuMjVlbSIgc3R5bGU9ImZvbnQtc2l6ZTogMC44ZW07IGxldHRlci1zcGFjaW5nOiAxcHgiPgogICAgICAgICAgICA8dGV4dFBhdGggeGxpbms6aHJlZj0iI2Fycm93LTAtMCIgY2xhc3M9ImRpc3BsYWN5LWxhYmVsIiBzdGFydE9mZnNldD0iNTAlIiBzaWRlPSJyaWdodCIgZmlsbD0icmVkIiB0ZXh0LWFuY2hvcj0ibWlkZGxlIj5wb2JqPC90ZXh0UGF0aD4KICAgICAgICA8L3RleHQ+CiAgICAgICAgPHBhdGggY2xhc3M9ImRpc3BsYWN5LWFycm93aGVhZCIgZD0iTTQxLDUyIEw0NSw0NCAzNyw0NCIgZmlsbD0icmVkIi8+CiAgICA8L2c+CiAgICA8L3N2Zz4KICA=" style=""/></div>
|
dependency-images/OnePlus 10 Pro.txt
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem; margin-bottom: 2.5rem"><img src="data:image/svg+xml;base64,CiAgPHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHhtbG5zOnhsaW5rPSJodHRwOi8vd3d3LnczLm9yZy8xOTk5L3hsaW5rIiB4bWw6bGFuZz0iZW4iIGlkPSIwIiBjbGFzcz0iZGlzcGxhY3kiIHdpZHRoPSIxMjAwIiBoZWlnaHQ9Ijc1IiBkaXJlY3Rpb249Imx0ciIgc3R5bGU9Im1heC13aWR0aDogbm9uZTsgaGVpZ2h0OiA3NXB4OyBjb2xvcjogIzAwMDAwOyBiYWNrZ3JvdW5kOiAjZmZmZmZmOyBmb250LWZhbWlseTogQXJpYWw7IGRpcmVjdGlvbjogbHRyIj4KICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+VGhlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NiI+T25lUGx1cyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTE2Ij4xMCA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMTYiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE0MiI+UHJvIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE0MiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTc1Ij5pcyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNzUiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE5NSI+dGhlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE5NSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjI2Ij5jb21wYW55IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjIyNiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjk5Ij4ncyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyOTkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjMxOSI+Zmlyc3QgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzE5Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0MDMiPmZsYWdzaGlwIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQwMyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDY3Ij5waG9uZSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NjciPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjUyMCI+LiA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1MjAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogICAgPGcgY2xhc3M9ImRpc3BsYWN5LWFycm93Ij4KICAgICAgICA8cGF0aCBjbGFzcz0iZGlzcGxhY3ktYXJjIiBpZD0iYXJyb3ctMC0wIiBzdHJva2Utd2lkdGg9IjJweCIgZD0iTTMyOSw1MCBDMzI5LDUgNDc3LDUgNDc3LDUwIiBmaWxsPSJub25lIiBzdHJva2U9InJlZCIvPgogICAgICAgIDx0ZXh0IGR5PSIxLjI1ZW0iIHN0eWxlPSJmb250LXNpemU6IDAuOGVtOyBsZXR0ZXItc3BhY2luZzogMXB4Ij4KICAgICAgICAgICAgPHRleHRQYXRoIHhsaW5rOmhyZWY9IiNhcnJvdy0wLTAiIGNsYXNzPSJkaXNwbGFjeS1sYWJlbCIgc3RhcnRPZmZzZXQ9IjUwJSIgc2lkZT0ibGVmdCIgZmlsbD0icmVkIiB0ZXh0LWFuY2hvcj0ibWlkZGxlIj5hbW9kPC90ZXh0UGF0aD4KICAgICAgICA8L3RleHQ+CiAgICAgICAgPHBhdGggY2xhc3M9ImRpc3BsYWN5LWFycm93aGVhZCIgZD0iTTMyOSw1MiBMMzI1LDQ0IDMzMyw0NCIgZmlsbD0icmVkIi8+CiAgICA8L2c+CiAgICA8L3N2Zz4KICA=" style=""/></div>
|
2 |
+
<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem; margin-bottom: 2.5rem"><img src="data:image/svg+xml;base64,CiAgPHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHhtbG5zOnhsaW5rPSJodHRwOi8vd3d3LnczLm9yZy8xOTk5L3hsaW5rIiB4bWw6bGFuZz0iZW4iIGlkPSIwIiBjbGFzcz0iZGlzcGxhY3kiIHdpZHRoPSIxMjAwIiBoZWlnaHQ9Ijc1IiBkaXJlY3Rpb249Imx0ciIgc3R5bGU9Im1heC13aWR0aDogbm9uZTsgaGVpZ2h0OiA3NXB4OyBjb2xvcjogIzAwMDAwOyBiYWNrZ3JvdW5kOiAjZmZmZmZmOyBmb250LWZhbWlseTogQXJpYWw7IGRpcmVjdGlvbjogbHRyIj4KICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+VGhlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NiI+cGhvbmUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDYiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijk5Ij53aWxsIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijk5Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMzAiPmdvIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEzMCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTU2Ij5vbiA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTYiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE4MiI+c2FsZSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxODIiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjIyMCI+SmFudWFyeSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIyMjAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjI4NSI+MTEgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjg1Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzMTAiPmluIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjMxMCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzMxIj5DaGluYSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzMzEiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjM4MSI+YW5kIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjM4MSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDE2Ij5KYW51YXJ5IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQxNiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDgxIj4xOCA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0ODEiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjUwNyI+aW4gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNTA3Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1NzgiPnRoZSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1NzgiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjYwOSI+VS5TLiA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI2MDkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogICAgPGcgY2xhc3M9ImRpc3BsYWN5LWFycm93Ij4KICAgICAgICA8cGF0aCBjbGFzcz0iZGlzcGxhY3ktYXJjIiBpZD0iYXJyb3ctMC0wIiBzdHJva2Utd2lkdGg9IjJweCIgZD0iTTUxNyw1MCBDNTE3LDUgNjE5LDUgNjE5LDUwIiBmaWxsPSJub25lIiBzdHJva2U9InJlZCIvPgogICAgICAgIDx0ZXh0IGR5PSIxLjI1ZW0iIHN0eWxlPSJmb250LXNpemU6IDAuOGVtOyBsZXR0ZXItc3BhY2luZzogMXB4Ij4KICAgICAgICAgICAgPHRleHRQYXRoIHhsaW5rOmhyZWY9IiNhcnJvdy0wLTAiIGNsYXNzPSJkaXNwbGFjeS1sYWJlbCIgc3RhcnRPZmZzZXQ9IjUwJSIgc2lkZT0icmlnaHQiIGZpbGw9InJlZCIgdGV4dC1hbmNob3I9Im1pZGRsZSI+cG9iajwvdGV4dFBhdGg+CiAgICAgICAgPC90ZXh0PgogICAgICAgIDxwYXRoIGNsYXNzPSJkaXNwbGFjeS1hcnJvd2hlYWQiIGQ9Ik02MTksNTIgTDYyMyw0NCA2MTUsNDQiIGZpbGw9InJlZCIvPgogICAgPC9nPgogICAgPC9zdmc+CiAg" style=""/></div>
|
dependency-images/Tencent Holdings.txt
ADDED
File without changes
|
dependency-images/White House.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
<div style="overflow-x: auto; border: 1px solid #e6e9ef; border-radius: 0.25rem; padding: 1rem; margin-bottom: 2.5rem"><img src="data:image/svg+xml;base64,CiAgPHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHhtbG5zOnhsaW5rPSJodHRwOi8vd3d3LnczLm9yZy8xOTk5L3hsaW5rIiB4bWw6bGFuZz0iZW4iIGlkPSIwIiBjbGFzcz0iZGlzcGxhY3kiIHdpZHRoPSIxMjAwIiBoZWlnaHQ9Ijc1IiBkaXJlY3Rpb249Imx0ciIgc3R5bGU9Im1heC13aWR0aDogbm9uZTsgaGVpZ2h0OiA3NXB4OyBjb2xvcjogIzAwMDAwOyBiYWNrZ3JvdW5kOiAjZmZmZmZmOyBmb250LWZhbWlseTogQXJpYWw7IGRpcmVjdGlvbjogbHRyIj4KICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+QSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjkiPkRlbW9jcmF0aWMgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjExOCI+bWVtYmVyIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjExOCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTg1Ij5vZiA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxODUiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjIwNyI+dGhlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjIwNyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjM4Ij5jb21taXR0ZWUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMjM4Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzMjAiPnNhaWQgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzIwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIzNTgiPk1lYWRvd3MgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMzU4Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0MzUiPicgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDM1Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI0NDciPmFib3V0IDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQ0NyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNDk2Ij4tIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjQ5NiI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNTEwIj5mYWNlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjUxMCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNTQ5Ij5pcyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI1NDkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjU2OSI+ZHVlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjU2OSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjA0Ij5pbiA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI2MDQiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjYyNSI+cGFydCA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI2MjUiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjY2MSI+dG8gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNjYxIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI2ODMiPmxlYXJuaW5nIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjY4MyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzQ4Ij5vdmVyIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijc0OCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzg4Ij50aGUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iNzg4Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI4MTkiPndlZWtlbmQgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iODE5Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI4OTIiPnRoYXQgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iODkyIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI5MjciPnRoZSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSI5MjciPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijk1OCI+Y29tbWl0dGVlIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9Ijk1OCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTA0MCI+aGFkIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwNDAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwNzUiPiIgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTA3NSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTA4OSI+aXNzdWVkIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEwODkiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjExNDQiPndpZGUgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTE0NCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTE4NSI+cmFuZ2luZyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMTg1Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxMjQ3Ij5zdWJwb2VuYXMgPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTI0NyI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTMzNCI+Zm9yIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEzMzQiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEzNjEiPmluZm9ybWF0aW9uIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjEzNjEiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE0NDkiPmZyb20gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTQ0OSI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgPHRleHQgY2xhc3M9ImRpc3BsYWN5LXRva2VuIiBmaWxsPSJjdXJyZW50Q29sb3IiIHRleHQtYW5jaG9yPSJzdGFydCIgeT0iNzAiPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXdvcmQiIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTQ4OSI+YSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNDg5Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTA2Ij50aGlyZCA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTA2Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTQ2Ij5wYXJ0eSA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTQ2Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTkwIj5jb21tdW5pY2F0aW9ucyA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNTkwIj48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNzE0Ij5wcm92aWRlciA8L3RzcGFuPgogICAgICA8dHNwYW4gY2xhc3M9ImRpc3BsYWN5LXRhZyIgZHk9IjJlbSIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNzE0Ij48L3RzcGFuPgogIDwvdGV4dD4KICAKICA8dGV4dCBjbGFzcz0iZGlzcGxhY3ktdG9rZW4iIGZpbGw9ImN1cnJlbnRDb2xvciIgdGV4dC1hbmNob3I9InN0YXJ0IiB5PSI3MCI+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktd29yZCIgZmlsbD0iY3VycmVudENvbG9yIiB4PSIxNzgwIj4iIDwvdHNwYW4+CiAgICAgIDx0c3BhbiBjbGFzcz0iZGlzcGxhY3ktdGFnIiBkeT0iMmVtIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE3ODAiPjwvdHNwYW4+CiAgPC90ZXh0PgogIAogIDx0ZXh0IGNsYXNzPSJkaXNwbGFjeS10b2tlbiIgZmlsbD0iY3VycmVudENvbG9yIiB0ZXh0LWFuY2hvcj0ic3RhcnQiIHk9IjcwIj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS13b3JkIiBmaWxsPSJjdXJyZW50Q29sb3IiIHg9IjE3OTQiPi4gPC90c3Bhbj4KICAgICAgPHRzcGFuIGNsYXNzPSJkaXNwbGFjeS10YWciIGR5PSIyZW0iIGZpbGw9ImN1cnJlbnRDb2xvciIgeD0iMTc5NCI+PC90c3Bhbj4KICA8L3RleHQ+CiAgCiAgICA8ZyBjbGFzcz0iZGlzcGxhY3ktYXJyb3ciPgogICAgICAgIDxwYXRoIGNsYXNzPSJkaXNwbGFjeS1hcmMiIGlkPSJhcnJvdy0wLTAiIHN0cm9rZS13aWR0aD0iMnB4IiBkPSJNMzksNTAgQzM5LDUgMTI4LDUgMTI4LDUwIiBmaWxsPSJub25lIiBzdHJva2U9InJlZCIvPgogICAgICAgIDx0ZXh0IGR5PSIxLjI1ZW0iIHN0eWxlPSJmb250LXNpemU6IDAuOGVtOyBsZXR0ZXItc3BhY2luZzogMXB4Ij4KICAgICAgICAgICAgPHRleHRQYXRoIHhsaW5rOmhyZWY9IiNhcnJvdy0wLTAiIGNsYXNzPSJkaXNwbGFjeS1sYWJlbCIgc3RhcnRPZmZzZXQ9IjUwJSIgc2lkZT0ibGVmdCIgZmlsbD0icmVkIiB0ZXh0LWFuY2hvcj0ibWlkZGxlIj5hbW9kPC90ZXh0UGF0aD4KICAgICAgICA8L3RleHQ+CiAgICAgICAgPHBhdGggY2xhc3M9ImRpc3BsYWN5LWFycm93aGVhZCIgZD0iTTM5LDUyIEwzNSw0NCA0Myw0NCIgZmlsbD0icmVkIi8+CiAgICA8L2c+CiAgICA8L3N2Zz4KICA=" style=""/></div>
|
dependency-specific-text/Mark Levinson Airpods.txt
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
One of the dependencies that, when found in the summary but not in the article, indicates a possible error is the *"pobj"*(object of preposition) dependency.
|
2 |
+
Furthermore, we only match *pobj* dependencies when the target word is *"in"*, as in this example.
|
3 |
+
In this case it's obvious that *"in U.S."* is not found in the article, as *"U.S."* is a hallucinated entity itself as discussed in the entity matching paragraph.
|
4 |
+
So technically we don't need dependency comparison to spot the error from this summary.
|
dependency-specific-text/Novak Djokovic.txt
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
One of the dependencies that, when found in the summary but not in the article, indicates a possible error is the *"pobj"* (object of preposition) dependency.
|
2 |
+
Furthermore, we only match *pobj* dependencies when the target word is *"in"*, as in this example.
|
3 |
+
The sentence here is not a factual error per se, but rather a readability issue. The *"in"* should be dropped to make the sentence correct.
|
4 |
+
For better examples with this specific dependency, try choosing another article.
|
dependency-specific-text/OnePlus 10 Pro.txt
ADDED
@@ -0,0 +1,9 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
One of the dependencies that, when found in the summary but not in the article, indicates a possible error is the *"amod"* (adjectival modifier) dependency.
|
2 |
+
Applied to this summary, we have *"First"* as the entity, and it is the adjectival modifier of the word *"phone"*.
|
3 |
+
And indeed, this unmatched dependency indicates an actual error here. The sentence is not factual, since the article talks about a **new** type of flagship phone,
|
4 |
+
and not the **first** flagship phone. This error was found by filtering on this specific kind of dependency. Empirical results showed that unmatched *amod* dependencies often suggest
|
5 |
+
that the summary sentence contains an error. <br> <br>
|
6 |
+
Another dependency that we use is the *"pobj"* (object of preposition) dependency.
|
7 |
+
Furthermore, we only match *pobj* dependencies when the target word is *"in"*, as in this example.
|
8 |
+
In this case the sentence itself contains a factual error (because the article states *"there's no word on a US release date yet"*).
|
9 |
+
However, this could have already been found with entity matching (as *January 18* is unmatched), and the unmatched dependency can not be completely blamed for this error here.
|
dependency-specific-text/Tencent Holdings.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Nothing suspicious about this summary
|
dependency-specific-text/White House.txt
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
One of the dependencies that, when found in the summary but not in the article, indicates a possible error is the *"amod"* (adjectival modifier) dependency.
|
2 |
+
Applied to this summary, we have *"Democratic"* as the entity, and it is the adjectival modifier of the word *"member"*.
|
3 |
+
And indeed, this unmatched dependency indicates an actual error here. The sentence is not factual for two reasons. <br> <br>
|
4 |
+
First, the article talks about *"democrats"* and *"members of the committee"*, which are two separate things. The summary combines those two in a way
|
5 |
+
that can be seen as not completely factual. Second, the statement itself was not made by a democrat (nor a member of the committee), and even though the dependency can't be
|
6 |
+
directly linked to this error, empirical results showed that unmatched *amod* dependencies often suggest
|
7 |
+
that the summary sentence is incorrect.
|
dependency-specific-text/biden.txt
ADDED
File without changes
|
dependency-specific-text/example.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
This is example explanation.
|
dependency-specific-text/protestors.txt
ADDED
File without changes
|
entity-specific-text/Mark Levinson Airpods.txt
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
As you can see we have 1 unmatched entity: *"U.S."* is a hallucinated entity in the summary, that does not exist in the article.
|
2 |
+
This error can be found/solved by applying entity matching.
|
entity-specific-text/Novak Djokovic.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Nothing suspicious about this summary
|
entity-specific-text/OnePlus 10 Pro.txt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
As you can see we have 2 unmatched entities: *"January 18"* and *"U.S"*. The first one is a hallucinated entity in the summary, that does not exist in the article.
|
2 |
+
*U.S*. **does** occur in the article, but as *"US"* instead of *"U.S."*. This could be solved
|
3 |
+
by comparing to a list of abbreviations or with a specific embedder for abbreviations but is currently not implemented.
|
entity-specific-text/Tencent Holdings.txt
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
As you can see we have 1 unmatched entity: *"Six9"* is a hallucinated entity in the summary, that does not exist in the article.
|
2 |
+
This error can be found/solved by applying entity matching.
|
entity-specific-text/White House.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Nothing suspicious about this summary
|
entity-specific-text/biden.txt
ADDED
File without changes
|
entity-specific-text/protestors.txt
ADDED
File without changes
|
ranked-summaries/Mark Levinson Airpods/Rank1.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The Mark Levinson No. 5909 is the company's first wireless headphones. It packs 40mm Beryllium drivers "expertly tuned to the Harman curve" The headphones will be available in black, pewter and red color options starting today for $999. A quick-charge feature will give you up to six hours of play time in 15 minutes; an app for Android and iOS will give you some control over the headphones, but the company didn't go into specifics there. Harman-owned brand Mark Levinson also owns AKG, JBL and Harman Kardon.
|
ranked-summaries/Mark Levinson Airpods/Rank2.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The Mark Levinson No. 5909 is the company's first wireless headphones. It packs 40mm Beryllium drivers and adaptive active noise cancellation. The headphones start at $999 and come in black, pewter and red color options. They'll be available starting today for the same price through Mark Levinson's website and Apple's site for pre-order. Harman-owned brand Mark Levinson also owns AKG, JBL and Harman Kardon, and is a Samsung subsidiary. The No. 5909 will be available in black, Pewter and red color options starting today for $999.
|
ranked-summaries/Mark Levinson Airpods/Rank3.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The Mark Levinson No. 5909 is the company's first wireless headphones. It's "reference class" and comes in black, pewter and red color options.. The headphones start at $999 and will be available starting today in the U.S. A quick-charge feature will give you up to six hours of play time in 15 minutes, the company says, via an app for Android and iOS.The company also packed in four microphones for calls that are equipped with a so-called Smart Wind Adaption feature., via Bluetooth 5.1.
|
ranked-summaries/Novak Djokovic/Rank1.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Novak Djokovic has been granted permission to play in the Australian Open. All players and staff at the tournament must be vaccinated or have an exemption. Djokovic has not spoken about his vaccination status, but last year said he was "opposed to vaccination" Australian Prime Minister Scott Morrison said there should be no special rules. He said Djokovic would be required to present evidence upon arrival that he has a genuine medical exemption from vaccination, or he would be "on the next plane home" The controversy comes as the country is seeing tens of thousands of Covid-19 cases for the first time.
|
ranked-summaries/Novak Djokovic/Rank2.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Novak Djokovic has been granted permission to play in the Australian Open. All players and staff at the tournament must be vaccinated or have an exemption. Djokovic has not spoken about his vaccination status, but last year said he was "opposed to vaccination" Australian Prime Minister Scott Morrison said there should be no special rules. The controversy comes as the country is seeing tens of thousands of Covid-19 cases. Over 90% of Australia's over-16 population is fully vaccinated, but some Australians still cannot travel interstate or globally because of restrictions. A&E doctor Stephen Parnis tweeted: "I don't care how good a tennis player he is. If he's refusing to get vaccinated, he shouldn't be allowed in"
|
ranked-summaries/Novak Djokovic/Rank3.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Novak Djokovic has been granted permission to play in the Australian Open. All players and staff at the tournament must be vaccinated or have an exemption.. Djokovic has not spoken about his vaccination status, but last year said he was "opposed to vaccination" Australian Prime Minister Scott Morrison says there should be no special rules for Djokovic, but adds he would be "on the next plane home" if he did not have the right evidence. in Australia is seeing tens of thousands of Covid-19 cases for the first time after enduring some of the world's strictest restrictions.
|
ranked-summaries/OnePlus 10 Pro/Rank1.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The OnePlus 10 Pro is the company's first flagship phone. It will have the brand-new Qualcomm Snapdragon 8 Gen 1 processor. The phone is launching in China first on January 11. We don't have a price yet, but OnePlus' flagship prices have gone up every year so far. There's also no word on a US release date yet. This is not an official picture, but OnLeaks' clearly accurate render from November is still our only look at the front of the phone. We don't actually have a picture of the front yet, so above is OnLeaks' unofficial render from a few months ago. This has the camera hole on the left side instead of the middle. Other than that, it looks like every other Android phone on the market. It might be because of Oppo's influence, but OnePlus' launch is all sorts of weird this year.
|
ranked-summaries/OnePlus 10 Pro/Rank2.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The OnePlus 10 Pro is the company's first flagship phone. It will have the brand-new Qualcomm Snapdragon 8 Gen 1 processor. The phone is launching in China first on January 11. There's no price yet, but the 9 Pro was $969. There's also no word on a US release date yet. The phone will go on sale in China on January 11 and then the U.S. later this year. We're already seeing the effects of the Oppo merger on the OnePlus 10 Pro. We got a glimpse of this design direction via the OnePlus 9's Android 12 update, and the reviews were not kind. But what really matters is the software, which will see OnePlus adopt Oppo's Color OS Android skin with a few custom tweaks rather than the separates the two companies were running.
|
ranked-summaries/OnePlus 10 Pro/Rank3.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
The OnePlus 10 Pro is the company's first flagship phone. It's the result of a merger between OnePlus and Oppo, which will be called "SuperVOOC" The phone is launching in China first on January 11. There's also no word on a US release date yet. The 10 Pro will have a 6.7-inch display and three cameras on the back. We don't have a price yet, but OnePlus' flagship prices have gone up every year so far, and the 9 Pro was $969. The phone will go on sale January 11 in China and January 18 in the U.S.
|
ranked-summaries/Tencent Holdings/Rank1.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Tencent said late on Tuesday it had entered into a deal to reduce its stake in the Singapore-based gaming and e-commerce group to 18.7% from 21.3%. The company plans to retain the substantial majority of its stake in Sea for the long term. The sale comes after Tencent said last month it would divest $16.4 billion of its stake in JD.com. Sea's shares fell 11.4% on Tuesday in New York to $197.8 following the divestment news. Tencent will be subject to a lockup period that restricts further sale of Sea shares by Tencent during the next six months.
|
ranked-summaries/Tencent Holdings/Rank2.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Tencent said late on Tuesday it had entered into a deal to reduce its stake in the Singapore-based gaming and e-commerce group to 18.7% from 21.3%. The company plans to retain the substantial majority of its stake in Sea for the long term. The sale comes after Tencent said last month it would divest $16.4 billion of its stake in JD.com. Sea's shares fell 11.4% on Tuesday in New York to $197.8 following the divestment news. Sea is expanding its e-commerce operations globally, benefiting from roaring demand for its services from consumers.
|
ranked-summaries/Tencent Holdings/Rank3.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Tencent Holdings Ltd has raised $3 billion by selling 14.5 million shares in Sea. Sea owns e-commerce firm Shopee, according to a term sheet seen by Reuters on Wednesday. Tencent said late on Tuesday it had entered into a deal to reduce its stake in the Singapore-based group to 18.7% from 21.3%. The sale comes after Tencent said last month it would divest $16.4 billion of its stakes in JD.com and Six9, weakening its ties to China's second-biggest e- commerce firm. SEA's shares fell 11.4% on Tuesday in New York to $197.8 following the divestment news.
|
ranked-summaries/White House/Rank1.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Mark Meadows will no longer cooperate with the House select committee, according to a letter from his attorney. The committee says it will move forward with a scheduled deposition with Meadows on Wednesday. By proceeding with the scheduled deposition, the committee is setting up a path to hold Meadows in criminal contempt. The panel is weighing multiple options, including immunity, that could pave the way for it to get the information it wants from Meadows. A source familiar with the matter told CNN that among the 6,000 pages of documents Meadows has already provided to the committee are communications from January 6.
|
ranked-summaries/White House/Rank2.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Mark Meadows will no longer cooperate with the House select committee, his attorney says. The committee says it will move forward with a scheduled deposition with Meadows on Wednesday. By proceeding with the deposition, the committee is setting up a path to hold Meadows in criminal contempt. The panel is weighing multiple options, including immunity, that could pave the way for it to get the information it wants from Meadows. A source familiar with the matter told CNN that among the 6,000 pages of documents Meadows has already provided to the committee are communications from January 6. That is still unclear who communicated with Meadows but the source said that "many people had Meadows' cell phone"
|
ranked-summaries/White House/Rank3.txt
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
Former White House chief of staff Mark Meadows will no longer cooperate with the House select committee. The committee says it will move forward with a scheduled deposition with Meadows on Wednesday. By proceeding with the scheduled deposition, the committee is setting up a path to hold Meadows in criminal contempt. A source familiar with the matter told CNN that among the 6,000 pages of documents Meadows has already provided to the committee are communications from January 6. A Democratic member of the committee said Meadows' about-face is due in part to learning over the weekend that the committee had "issued wide ranging subpoenas for information from a third party communications provider".
|
requirements.txt
ADDED
@@ -0,0 +1,10 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
beautifulsoup4==4.10.0
|
2 |
+
streamlit==1.2.0
|
3 |
+
transformers==4.15.0
|
4 |
+
transformers-interpret==0.5.2
|
5 |
+
sentence-transformers==2.2.0
|
6 |
+
spacy==3.4.0
|
7 |
+
spacy_streamlit==1.0.3
|
8 |
+
###### en_core_web_lg @ https://github.com/explosion/spacy-models/releases/download/en_core_web_lg-3.0.0/en_core_web_lg-3.0.0.tar.gz
|
9 |
+
###### en_core_web_sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz
|
10 |
+
en_core_web_lg @ https://huggingface.co/spacy/en_core_web_lg/resolve/main/en_core_web_lg-any-py3-none-any.whl
|
sample-articles-temp/biden.txt
ADDED
@@ -0,0 +1,69 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
The White House says President Joe Biden told Russian President Vladimir Putin on Tuesday that the United States is prepared to launch strong economic measures should Russia invade Ukraine -- signaling that these new measures would pack a bigger punch than the sanctions issued in 2014 that failed to stop Russia from occupying Crimea.
|
2 |
+
|
3 |
+
"I will look you in the eye and tell you, as President Biden looked Putin in the eye and told him today, that things we did not do in 2014 we are prepared to do now," national security adviser Jake Sullivan told reporters Tuesday afternoon after Biden's call with Putin.
|
4 |
+
|
5 |
+
During the last several months, Russia has erected supply lines, including medical units and fuel, which could sustain a drawn-out conflict should Moscow choose to invade Ukraine, two sources familiar with the latest intelligence assessments told CNN. And recent US intelligence findings estimate Russia could begin a military offensive in Ukraine in a matter of months as it amasses up to 175,000 troops along the border. Sullivan said the administration still believes Putin has not made a decision on whether to to launch a military offensive against Ukraine.
|
6 |
+
|
7 |
+
Sullivan did not go into specifics, but added that the US is coordinating with European allies "at a deep level of specificity."
|
8 |
+
|
9 |
+
He said Biden "was direct and straightforward with President Putin, as he always is," later adding that "there was a lot of give and take. There was no finger-wagging, but the President was crystal clear about where the United States stands on all of these issues."
|
10 |
+
|
11 |
+
Along with the economic ramifications mentioned on the call, Sullivan said Biden relayed that the US is prepared to bolster defense capabilities in the region.
|
12 |
+
|
13 |
+
"He reiterated America's support for Ukraine's sovereignty and territorial integrity. He told President Putin directly that if Russia further invades Ukraine, the United States and our European allies would respond with strong economic measures," Sullivan said. "We would provide additional defensive materiel to the Ukrainians above and beyond that which we are already providing, and we would fortify our NATO allies on the eastern flank with additional capabilities in response to such an escalation."
|
14 |
+
|
15 |
+
The other option, Sullivan said, is de-escalation and diplomacy.
|
16 |
+
|
17 |
+
"The United States and our European allies would engage in a larger discussion that covers strategic issues, including our strategic concerns with Russia and Russia's strategic concerns. We managed to do this at the height of the Cold War and we developed mechanisms to help reduce instability and increase transparency," he said.
|
18 |
+
|
19 |
+
A call in the Situation Room
|
20 |
+
|
21 |
+
Biden and Putin spoke for about two hours over a secure video call earlier Tuesday.
|
22 |
+
|
23 |
+
The two presidents tasked their respective teams with following up on their discussions, with the White House adding that "the US will do so in close coordination with allies and partners."
|
24 |
+
|
25 |
+
In addition to the Ukraine issue, the two leaders discussed "the US-Russia dialogue on Strategic Stability, a separate dialogue on ransomware, as well as joint work on regional issues such as Iran," the White House said.
|
26 |
+
|
27 |
+
A White House photograph from the meeting, which began at 10:07 a.m. ET and ended at 12:08 p.m. ET, showed that Secretary of State Antony Blinken, Sullivan and senior director for Russia and Central Asia Eric Green were seated next to Biden in the Situation Room during the video call.
|
28 |
+
|
29 |
+
The two leaders took part in a summit in Geneva last June. Their last publicly known call was in July.
|
30 |
+
|
31 |
+
Later Tuesday afternoon, Biden spoke with President Emmanuel Macron of France, Chancellor Angela Merkel of Germany, Prime Minister Mario Draghi of Italy and Prime Minister Boris Johnson of the United Kingdom -- the same group of European allies he conferred with Monday night. Tuesday marks Merkel's final full day in office.
|
32 |
+
|
33 |
+
Biden briefed the allies on the Putin call and, according to a White House statement, the "leaders underscored their support for Ukraine's sovereignty and territorial integrity, as well as the need for Russia to reduce tensions and engage in diplomacy."
|
34 |
+
|
35 |
+
Sullivan said during Tuesday's press briefing that the White House team was debriefing the embassies of NATO members, European Union members and key Indo-Pacific allies on the US-Russia call. Biden will speak with Ukrainian President Volodymyr Zelensky on Thursday.
|
36 |
+
|
37 |
+
Biden is also expected to speak with the leaders of both houses of Congress to discuss "ways in which the administration and the Congress can work together on a bipartisan basis to stand up for American interests and values and stand behind our friends and partners," Sullivan added.
|
38 |
+
|
39 |
+
The Russians said in their readout of the Biden-Putin meeting that Ukraine was the "predominant" subject of the conversation and Biden had "emphasized the allegedly 'threatening' nature of the movements of Russian troops near the Ukrainian borders and outlined sanctions measures that the United States and its allies would be ready to apply in the event of a further escalation of the situation."
|
40 |
+
|
41 |
+
"In response, Vladimir Putin stressed that the responsibility should not be shifted onto the shoulders of Russia, since it is NATO that is making dangerous attempts to conquer Ukrainian territory and is building up its military potential at our borders," the Kremlin statement said. "Therefore, Russia is seriously interested in obtaining reliable, legally fixed guarantees excluding the expansion of NATO in the eastern direction and the deployment of offensive strike weapons systems in the states adjacent to Russia."
|
42 |
+
|
43 |
+
Putin aide Yury Ushakov told reporters on a conference call Tuesday night that the Russian President told Biden while Americans are worried about Russian troops thousands of kilometers away from the United States, Moscow is "really worried about our security, the security of Russia in a global sense."
|
44 |
+
|
45 |
+
Asked if Putin promised Biden that he would not use his troops in Ukraine, Ushakov dismissed the idea of an invasion.
|
46 |
+
|
47 |
+
"There was not even such a discussion. What do you mean to bring in troops, what is it -- an invasion, or what? This was out of the question," Ushakov said.
|
48 |
+
|
49 |
+
Measures under consideration
|
50 |
+
|
51 |
+
US officials in recent days have weighed whether to issue wide-reaching sanctions on Russia meant to deter Putin from launching an invasion into Ukraine. They include new actions against members of Putin's inner circle and on Russian energy producers, and one potential "nuclear option" -- disconnecting Russia from the SWIFT international payment system used by banks around the world.
|
52 |
+
|
53 |
+
The officials said final decisions hadn't been made on whether and when to apply the new sanctions, and said the Biden administration is currently in talks with European partners -- many of whom have closer economic relationships to Russia -- in the hopes of coordinating action.
|
54 |
+
|
55 |
+
Along with considerations of economic sanctions, the administration is also exploring options for a potential evacuation of US citizens from Ukraine if Russia were to invade the country and create a dire security situation, half a dozen sources tell CNN. The contingency planning is being led by the Pentagon, the sources said, and comes as the administration briefs Congress on how the US is preparing. In a "gloomy" briefing to senators by senior State Department official Victoria Nuland on Monday night, Nuland outlined the tough sanctions package being prepared by the administration in response to a potential Russian attack but acknowledged that the US' options to deter an invasion are fairly limited, a person familiar with the briefing said.
|
56 |
+
|
57 |
+
Nuland said on Tuesday that it is the US expectation that the controversial Nord Stream 2 pipeline "will be suspended" if Russia moves on Ukraine.
|
58 |
+
|
59 |
+
But the White House relayed that while conversations are being had with Germany about the pipeline in the context of a potential invasion of Ukraine by Russia, taking action may not necessarily be the most effective deterrent against Russian aggression.
|
60 |
+
|
61 |
+
The European Union "continues to fully support Ukraine in the face of the Russian aggression," European Commission President Ursula von der Leyen said in a tweet on Tuesday.
|
62 |
+
|
63 |
+
"We will respond to any further aggressions, by scaling-up and expanding existing sanctions," she added.
|
64 |
+
|
65 |
+
She also said the EU was "ready to take additional restrictive measures, in coordination with our partners."
|
66 |
+
|
67 |
+
"The rise of extremism and autocracy can also be a security issue for countries. In this context, we must also speak about the Russian military movements and their massive build-up along Ukraine's eastern border," she continued.
|
68 |
+
|
69 |
+
This story has been updated with additional developments Tuesday.
|
sample-articles-temp/numbers_to_text.txt
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
4: White House
|
2 |
+
9: Novak Djokovic
|
3 |
+
11: Mark Levinson Airpods
|
4 |
+
13: OnePlus 10 Pro
|
5 |
+
16: Tencent Holdings
|
6 |
+
|
sample-articles-temp/protestors.txt
ADDED
@@ -0,0 +1,25 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Hundreds of protestors demonstrated at Boise State University in Idaho over the weekend following comments made at a conference by a professor who said men should be prioritized for fields of study such as engineering, medicine and law.
|
2 |
+
|
3 |
+
BSU political science professor Scott Yenor made disparaging remarks about women and spoke critically of feminism at the National Conservatism Conference in Orlando, Florida, on October 31 in a speech titled "The Family Form that Nations Need."
|
4 |
+
|
5 |
+
"Every effort made must be made not to recruit women into engineering, but rather to recruit and demand more of men who become engineers," Yenor said. "Ditto for med school, and the law, and every trade."
|
6 |
+
|
7 |
+
CNN has reached out to Yenor for comment but has not heard back.
|
8 |
+
|
9 |
+
In response to the attention the video received recently on social media, Yenor said on Twitter that "making special efforts to recruit women into fields where they don't seem to want to be" should be stopped, and he denied wanting to prevent women from obtaining those professions.
|
10 |
+
|
11 |
+
He also posted a video in which he said the country should "elevate the importance of family life for both men and women in America."
|
12 |
+
|
13 |
+
Boise State issued a statement saying it doesn't endorse Yenor's comments yet "cannot infringe" on his ability to make them.
|
14 |
+
|
15 |
+
"Boise State University understands that the open exchange of ideas, which is fundamental to education, can introduce uncomfortable and even offensive ideas," the statement said. "However, the university cannot infringe upon the First Amendment rights of anyone in our community, regardless of whether we, as individual leaders, agree or disagree with the message. No single faculty member defines what Boise State -- or any public university -- endorses or stands for."
|
16 |
+
|
17 |
+
Idaho state representative Brooke Green told CNN that Yenor's beliefs are "not only outdated, but completely sexist and reflect a society that no longer exists."
|
18 |
+
|
19 |
+
Green helped organize the event Saturday at the university to counter Yenor's remarks, and said there were about 500 men and women in attendance.
|
20 |
+
|
21 |
+
"Many young women at the university are worried their futures are in the hands of a tenured professor who believes they do not deserve to be there and occupy a seat that belongs to a man," Green said.
|
22 |
+
|
23 |
+
"Women shouldn't have to spend time today defending our value in society or rights as human beings however, women wanted to gather to send a message saying we will continue to occupy professional spaces, whether it's a boardroom, courtroom, or leadership role within our community," she said.
|
24 |
+
|
25 |
+
Boise State is the largest university in Idaho with nearly 20,000 students.
|
sample-articles/Mark Levinson Airpods.txt
ADDED
@@ -0,0 +1,13 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Not so long ago, the internet was debating what the folks at Apple were thinking charging $549 for the AirPods Max. At CES 2022, luxury audio brand Mark Levinson would like a word. The Harman-owned company (which also owns AKG, JBL and Harman Kardon, and is itself a Samsung subsidiary) mostly known for its high-end home and car audio systems has announced its first wireless headphones: the No. 5909. While they offer everything you'd expect from a premium set, they have a nearly $1,000 price tag that only a select few might commit to.
|
2 |
+
|
3 |
+
The over-ear No. 5909 packs 40mm Beryllium drivers "expertly tuned to the Harman curve." The company explains that "the Harman curve" is acoustic response that it says has taken decades of research to construct. The result here is "incredible acoustic performance" in a set of "reference class" wireless headphones. Mark Levinson says that audio performance meets the guidelines for Hi-Res Audio certification thanks to 24-bit/96kHz signal processing and 40kHz acoustic response. The No. 5909 supports LDAC, AAC and aptX Adaptive wireless codecs via Bluetooth 5.1.
|
4 |
+
|
5 |
+
Mark Levinson promises you'll hear details you haven't before, like "the slightest breath an artist takes" or "a hidden harmony." The company explains that the same "world-class sound engineers" that built the luxury brand's amps, turntables and streaming players are behind the tuning of the ultra pricey No. 5909.
|
6 |
+
|
7 |
+
Mark Levinson/Harman
|
8 |
+
|
9 |
+
Sound quality isn't the only consideration though. The No. 5909 has adaptive active noise cancellation (ANC) with three modes "for premium sound isolation" and an Ambient Aware feature that lets you tune into your surroundings as needed. The company also packed in four microphones for calls that are equipped with a so-called Smart Wind Adaption feature. The materials used to make the headphones are also better than the mostly plastic sets we typically see. The No. 5909 is built with an aluminum frame, painted metallic earcups, leather headband and replaceable leather ear cushions. An included hard shell travel case comes stocked with a USB-C charging cable, USB-C to USB-A adaptor, two USB-C to 3.5mm cables, 3.5mm to 6.3mm adaptor, airplane adaptor and a polishing cloth. Basically, it's everything you'd need to use the headphones on any setup — wired, wireless or while traveling.
|
10 |
+
|
11 |
+
Mark Levinson says you can expect up to 30 hours of use with adaptive ANC active and up to 34 hours with the feature disabled. A quick-charge feature will give you up to six hours of play time in 15 minutes. Via an app for Android and iOS, you'll get some control over the headphones, but the company didn't go into specifics there.
|
12 |
+
|
13 |
+
The No. 5909 will be available in black, pewter and red color options starting today for $999.
|
sample-articles/Novak Djokovic.txt
ADDED
@@ -0,0 +1,48 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Novak Djokovic has been granted permission to defend his Australian Open title
|
2 |
+
|
3 |
+
Australians have reacted angrily to news that tennis player Novak Djokovic will play in the Australian Open, after being exempted from vaccination rules.
|
4 |
+
|
5 |
+
All players and staff at the tournament must be vaccinated or have an exemption granted by an expert independent panel.
|
6 |
+
|
7 |
+
Djokovic has not spoken about his vaccination status, but last year said he was "opposed to vaccination".
|
8 |
+
|
9 |
+
Organisers say he has not been given special treatment. But Australians have criticised officials and the player.
|
10 |
+
|
11 |
+
The controversy comes as the country is seeing tens of thousands of Covid-19 cases for the first time after enduring some of the world's strictest restrictions.
|
12 |
+
|
13 |
+
Over 90% of Australia's over-16 population is fully vaccinated, but some Australians still cannot travel interstate or globally because of current restrictions.
|
14 |
+
|
15 |
+
Amid the row, Australian Prime Minister Scott Morrison said Djokovic would be required to present evidence upon arrival that he has a genuine medical exemption from vaccination, or he would be "on the next plane home".
|
16 |
+
|
17 |
+
"If that evidence is insufficient, then he won't be treated any different to anyone else and he'll be on the next plane home," the prime minister told reporters. "There should be no special rules for Novak Djokovic at all. None whatsoever."
|
18 |
+
|
19 |
+
Many Australians had previously accused the government of allowing the rich and famous to do as they please while ordinary people remained separated from sick and dying loved ones.
|
20 |
+
|
21 |
+
"I think it's a disgrace," Christine Wharton, who lives in Melbourne, where the Australian Open will be held, told ABC.
|
22 |
+
|
23 |
+
"We've all done the right thing, we've all gone out and got our jabs and our boosters and we have someone that has come from overseas and all of a sudden he's been exempt and can play and I think it's an absolute disgrace and I won't be watching it."
|
24 |
+
|
25 |
+
A&E doctor Stephen Parnis tweeted: "I don't care how good a tennis player he is. If he's refusing to get vaccinated, he shouldn't be allowed in. "If this exemption is true, it sends an appalling message to millions seeking to reduce #COVID19Aus risk to themselves & others."
|
26 |
+
|
27 |
+
The decision raised eyebrows with some other tennis players too. "I just think it's very interesting. That's all I'm going to say," Australian Alex de Minaur said.
|
28 |
+
|
29 |
+
Britain's Jamie Murray added: "I think if it was me that wasn't vaccinated I wouldn't be getting an exemption. You know, but well done to him for getting clear to come to Australia and compete."
|
30 |
+
|
31 |
+
The Australian Open begins on 17 January, and the event's chief executive Craig Tiley said 26 athletes had applied for medical exemptions. "A handful" had been granted, he said, under guidelines set by federal regulators.
|
32 |
+
|
33 |
+
"We made it extra difficult for anyone applying for an application to ensure it was the right process and to make sure the medical experts deal with it independently," he told Channel 9.
|
34 |
+
|
35 |
+
Applications for medical exemptions are being assessed anonymously by two separate panels, with inflammatory cardiac illness or another acute condition listed as valid reasons.
|
36 |
+
|
37 |
+
But it is also possible Djokovic has recently tested positive for the virus, which would allow him to defer taking the vaccine.
|
38 |
+
|
39 |
+
He has not revealed his vaccination status and said last April: "Personally I am opposed to vaccination and I wouldn't want to be forced by someone to take a vaccine in order to be able to travel."
|
40 |
+
|
41 |
+
On Tuesday he said on Instagram: "I've spent fantastic quality time with my loved ones over the break and today I'm heading down under with an exemption permission. Let's go 2022. I am ready to live and breathe tennis in the next few weeks of competition."
|
42 |
+
|
43 |
+
Media caption,
|
44 |
+
"Heartless" Queensland bars US couple from seeing dying father
|
45 |
+
|
46 |
+
Victoria state government minister Jaala Pulford acknowledged the decision was "frustrating and upsetting", but also denied that Djokovic had received special treatment. Both she and Mr Tiley urged Djokovic to give more information to the public.
|
47 |
+
|
48 |
+
"It'll certainly be helpful if Novak was to explain the conditions in which he's sought an exemption and granted an exemption but ultimately it's up to him," Mr Tiley said.
|
sample-articles/OnePlus 10 Pro.txt
ADDED
@@ -0,0 +1,28 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
We're already seeing the effects of the Oppo merger on OnePlus' next flagship.
|
2 |
+
Ron Amadeo - Jan 5, 2022 1:00 am UTC
|
3 |
+
|
4 |
+
Enlarge / The OnePlus 10 Pro.
|
5 |
+
|
6 |
+
OnePlus
|
7 |
+
|
8 |
+
Official product news about the upcoming OnePlus 10 Pro has begun to trickle out. For now, we have an incomplete overview with some pictures and specs, while things like a price, release date, and the finer details will have to wait for later.
|
9 |
+
|
10 |
+
First up: specs. OnePlus 10 Pro officially has the brand-new Qualcomm Snapdragon 8 Gen 1 SoC. This is Qualcomm's new flagship SoC for 2022, and it features a single ARM Cortex X2 core, three medium Cortex A710 CPUs, and four small Cortex A510 CPUs, all built on a 4 nm process. OnePlus isn't saying how much RAM and storage the 10 Pro has, but the 9 Pro came with 8GB or 12GB of RAM and 128GB or 256GB of storage. The company confirmed the display is 120 Hz but didn't give a size, though rumors say it's 6.7-inch, the same as the OnePlus 9 Pro. That fits the now-official dimensions, which are 163 × 73.9 × 8.55 mm.
|
11 |
+
|
12 |
+
The battery is officially 5000 mAh, an upgrade over the 9 Pro's 4500 mAh battery. Considering the similar dimensions between the two phones, this is a welcome upgrade in battery density. OnePlus is also up to a whopping 80 W "SuperVOOC" quick charging now—an improvement over last year's 65 W "Warp Charge." OnePlus doesn't give any indication of what kind of charge time we can expect, but 65 W could charge the 9 Pro's 4500 mAh battery from 0-100 in a half-hour. Charging speed is still outpacing battery growth, so the 10 Pro should charge in under a half-hour. Just like last year, wireless charging is 50 W.
|
13 |
+
|
14 |
+
Enlarge / Another look at that wacky camera block.
|
15 |
+
|
16 |
+
OnePlus
|
17 |
+
|
18 |
+
OnePlus has pitched itself as a scrappy startup in the past, but it's actually owned by the Chinese company BBK Electronics, one of the world's largest smartphone manufacturers. Just like General Motors, BBK has multiple brands (OnePlus, Oppo, Vivo, Realme, and iQOO) targeting different markets, and they share plenty of parts and engineering. While OnePlus and Oppo have always shared some engineering resources, last year it was announced OnePlus would actually be folded into Oppo.
|
19 |
+
|
20 |
+
The Oppoization of OnePlus is going to be a major narrative for the OnePlus 10 Pro. We can already see a bit of it with the change from "Warp Charging" (OnePlus branding) to "SuperVOOC" (Oppo branding). But what really matters is the software, which will see OnePlus adopt Oppo's Color OS Android skin with a few custom tweaks rather than the separate codebases the two companies were running. We got a glimpse of this design direction via the OnePlus 9's Android 12 update, and the reviews were not kind. But we'll see what the first new phone software brings.
|
21 |
+
|
22 |
+
As for the design, the camera block is really the only area where Android OEMs allow themselves to differentiate from the norm. This year, OnePlus is going with this square-ish design that wraps around the side of the phone. It looks a lot like the Galaxy S21 Ultra camera block, except that it's wrapped around the entire corner. Inside the camera block are three cameras and an LED flash. Right now, OnePlus is only disclosing megapixel counts, and those are 48MP, 50MP, and 8MP.
|
23 |
+
|
24 |
+
Enlarge / This is not an official picture, but OnLeaks' clearly accurate leak from November is still our only look at the front of the phone.
|
25 |
+
|
26 |
+
We don't actually have a picture of the front yet, so above is OnLeak's unofficial render from a few months ago. This has the camera hole on the left side instead of the middle. Other than that, it looks like every other Android phone on the market.
|
27 |
+
|
28 |
+
It might be because of Oppo's influence, but OnePlus' launch is all sorts of weird this year. The phone is launching in China first on January 11. We don't have a price yet, but OnePlus' flagship prices have gone up every year so far, and the 9 Pro was $969. There's also no word on a US release date yet.
|