kpriyanshu256 commited on
Commit
b1aad3c
1 Parent(s): de16b69

Added app files

Browse files
Files changed (6) hide show
  1. app.py +156 -0
  2. model.py +25 -0
  3. model/config.json +21 -0
  4. model/dict.json +3774 -0
  5. model/vocab.txt +0 -0
  6. requirements.txt +4 -0
app.py ADDED
@@ -0,0 +1,156 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gradio as gr
2
+ import json
3
+ import numpy as np
4
+ import torch
5
+ import transformers
6
+ import tokenizers
7
+
8
+
9
+ from model import BertAD
10
+
11
+ DICTIONARY = json.load(open('model/dict.json'))
12
+ TOKENIZER = tokenizers.BertWordPieceTokenizer(f"model/vocab.txt", lowercase=True)
13
+ MAX_LEN = 256
14
+
15
+ MODEL = BertAD()
16
+ vec = MODEL.state_dict()['bert.embeddings.position_ids']
17
+ chkp = torch.load(os.path.join('model', 'model_0.bin'), map_location='cpu')
18
+ chkp['bert.embeddings.position_ids'] =vec
19
+ MODEL.load_state_dict(chkp)
20
+
21
+
22
+ def sample_text(text, acronym, max_len):
23
+ text = text.split()
24
+ idx = text.index(acronym)
25
+ left_idx = max(0, idx - max_len//2)
26
+ right_idx = min(len(text), idx + max_len//2)
27
+ sampled_text = text[left_idx:right_idx]
28
+ return ' '.join(sampled_text)
29
+
30
+ def process_data(text, acronym, expansion, tokenizer, max_len):
31
+
32
+ text = str(text)
33
+ expansion = str(expansion)
34
+ acronym = str(acronym)
35
+
36
+ n_tokens = len(text.split())
37
+ if n_tokens>120:
38
+ text = sample_text(text, acronym, 120)
39
+
40
+ answers = acronym + ' ' + ' '.join(DICTIONARY[acronym])
41
+ start = answers.find(expansion)
42
+ end = start + len(expansion)
43
+
44
+ char_mask = [0]*len(answers)
45
+ for i in range(start, end):
46
+ char_mask[i] = 1
47
+
48
+ tok_answer = tokenizer.encode(answers)
49
+ answer_ids = tok_answer.ids
50
+ answer_offsets = tok_answer.offsets
51
+
52
+ answer_ids = answer_ids[1:-1]
53
+ answer_offsets = answer_offsets[1:-1]
54
+
55
+ target_idx = []
56
+ for i, (off1, off2) in enumerate(answer_offsets):
57
+ if sum(char_mask[off1:off2])>0:
58
+ target_idx.append(i)
59
+
60
+ start = target_idx[0]
61
+ end = target_idx[-1]
62
+
63
+
64
+ text_ids = tokenizer.encode(text).ids[1:-1]
65
+
66
+ token_ids = [101] + answer_ids + [102] + text_ids + [102]
67
+ offsets = [(0,0)] + answer_offsets + [(0,0)]*(len(text_ids) + 2)
68
+ mask = [1] * len(token_ids)
69
+ token_type = [0]*(len(answer_ids) + 1) + [1]*(2+len(text_ids))
70
+
71
+ text = answers + text
72
+ start = start + 1
73
+ end = end + 1
74
+
75
+ padding = max_len - len(token_ids)
76
+
77
+
78
+ if padding>=0:
79
+ token_ids = token_ids + ([0] * padding)
80
+ token_type = token_type + [1] * padding
81
+ mask = mask + ([0] * padding)
82
+ offsets = offsets + ([(0, 0)] * padding)
83
+ else:
84
+ token_ids = token_ids[0:max_len]
85
+ token_type = token_type[0:max_len]
86
+ mask = mask[0:max_len]
87
+ offsets = offsets[0:max_len]
88
+
89
+
90
+ assert len(token_ids)==max_len
91
+ assert len(mask)==max_len
92
+ assert len(offsets)==max_len
93
+ assert len(token_type)==max_len
94
+
95
+ return {
96
+ 'ids': token_ids,
97
+ 'mask': mask,
98
+ 'token_type': token_type,
99
+ 'offset': offsets,
100
+ 'start': start,
101
+ 'end': end,
102
+ 'text': text,
103
+ 'expansion': expansion,
104
+ 'acronym': acronym,
105
+ }
106
+
107
+
108
+ def jaccard(str1, str2):
109
+ a = set(str1.lower().split())
110
+ b = set(str2.lower().split())
111
+ c = a.intersection(b)
112
+ return float(len(c)) / (len(a) + len(b) - len(c))
113
+
114
+ def evaluate_jaccard(text, selected_text, acronym, offsets, idx_start, idx_end):
115
+ filtered_output = ""
116
+ for ix in range(idx_start, idx_end + 1):
117
+ filtered_output += text[offsets[ix][0]: offsets[ix][1]]
118
+ if (ix+1) < len(offsets) and offsets[ix][1] < offsets[ix+1][0]:
119
+ filtered_output += " "
120
+
121
+ candidates = DICTIONARY[acronym]
122
+ candidate_jaccards = [jaccard(w.strip(), filtered_output.strip()) for w in candidates]
123
+ idx = np.argmax(candidate_jaccards)
124
+
125
+ return candidate_jaccards[idx], candidates[idx]
126
+
127
+
128
+
129
+ def disambiguate(text, acronym):
130
+
131
+ inputs = process_data(text, acronym, acronym, TOKENIZER, MAX_LEN)
132
+ ids = torch.tensor(input['ids']).view(1, -1)
133
+ mask = torch.tensor(inputs['mask']).view(1, -1)
134
+ token_type = torch.tensor(inputs['token_type']).view(1, -1)
135
+ offsets = inputs['offset']
136
+ expansion = inputs['expnsion']
137
+ acronym = inputs['acronym']
138
+
139
+ start_logits, end_logits = MODEL(ids, mask, token_type)
140
+
141
+ start_prob = torch.softmax(start_logits, axis=-1).detach().numpy()
142
+ end_prob = torch.softmax(end_logits, axis=-1).detach().numpy()
143
+
144
+
145
+ start_idx = np.argmax(start_prob[0,:])
146
+ end_idx = np.argmax(end_prob[0,:])
147
+
148
+ js, exp = evaluate_jaccard(text, expansion[0], acronym[0], offsets[0], start_idx, end_idx)
149
+ return exp
150
+
151
+ text = gr.inputs.Textbox(lines=5, label="Context", placeholder="Type a sentence or paragraph here."),
152
+ acronym = gr.inputs.Textbox(lines=2, label="Question", placeholder="Type acronym")
153
+ expansion = gr.outputs.Textbox(label="Answer")
154
+
155
+ iface = gr.Interface(fn=disambiguate, inputs=[text, acronym], outputs=expansion)
156
+ iface.launch()
model.py ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ import torch.nn as nn
3
+ import transformers
4
+
5
+ class BertAD(nn.Module):
6
+ def __init__(self):
7
+ super(BertAD, self).__init__()
8
+ self.bert = transformers.BertModel.from_pretrained('model', output_hidden_states=True)
9
+ self.layer = nn.Linear(768, 2)
10
+
11
+
12
+ def forward(self, ids, mask, token_type):
13
+ output = self.bert(input_ids = ids,
14
+ attention_mask = mask,
15
+ token_type_ids = token_type)
16
+
17
+ logits = self.layer(output[0])
18
+ start_logits, end_logits = logits.split(1, dim=-1)
19
+
20
+ start_logits = start_logits.squeeze(-1)
21
+ end_logits = end_logits.squeeze(-1)
22
+
23
+
24
+
25
+ return start_logits, end_logits
model/config.json ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "BertModel"
4
+ ],
5
+ "attention_probs_dropout_prob": 0.1,
6
+ "gradient_checkpointing": false,
7
+ "hidden_act": "gelu",
8
+ "hidden_dropout_prob": 0.1,
9
+ "hidden_size": 768,
10
+ "initializer_range": 0.02,
11
+ "intermediate_size": 3072,
12
+ "layer_norm_eps": 1e-12,
13
+ "max_position_embeddings": 512,
14
+ "model_type": "bert",
15
+ "num_attention_heads": 12,
16
+ "num_hidden_layers": 12,
17
+ "pad_token_id": 0,
18
+ "type_vocab_size": 2,
19
+ "vocab_size": 31090
20
+ }
21
+
model/dict.json ADDED
@@ -0,0 +1,3774 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "MDC": [
3
+ "metering data collector",
4
+ "mobile data challenge",
5
+ "multiple description coding"
6
+ ],
7
+ "SVM": [
8
+ "support vector machine",
9
+ "state vector machine"
10
+ ],
11
+ "MER": [
12
+ "maximum entropy regularizer",
13
+ "music emotion research",
14
+ "music emotion recognition"
15
+ ],
16
+ "SVC": [
17
+ "support vector classifier",
18
+ "scalable video coding"
19
+ ],
20
+ "CNN": [
21
+ "convolutional neural network",
22
+ "condensed nearest neighbor",
23
+ "complicated neural networks",
24
+ "citation nearest neighbour"
25
+ ],
26
+ "FEC": [
27
+ "forward error correction",
28
+ "federal election candidate"
29
+ ],
30
+ "FSM": [
31
+ "finite state machine",
32
+ "fast sweeping method"
33
+ ],
34
+ "LDA": [
35
+ "latent dirichlet allocation",
36
+ "linear discriminant analysis"
37
+ ],
38
+ "FR": [
39
+ "frame recall",
40
+ "faster r - cnn",
41
+ "fooling rate"
42
+ ],
43
+ "TF": [
44
+ "term frequency",
45
+ "trend filtering",
46
+ "tensor factorization",
47
+ "transcription factor"
48
+ ],
49
+ "SS": [
50
+ "speech synthesis",
51
+ "single stage",
52
+ "stochastic search",
53
+ "social status",
54
+ "spectrum sensing",
55
+ "severe sepsis",
56
+ "scheduled sampling",
57
+ "secondary structure",
58
+ "simple sum"
59
+ ],
60
+ "GPS": [
61
+ "global positioning system",
62
+ "general pattern search",
63
+ "generalized propensity score"
64
+ ],
65
+ "PCA": [
66
+ "principal component analysis",
67
+ "posterior cortical atrophy"
68
+ ],
69
+ "MSE": [
70
+ "mean squared error",
71
+ "model selection eqn",
72
+ "minimum square error"
73
+ ],
74
+ "ILP": [
75
+ "inductive logic programming",
76
+ "integer linear programming"
77
+ ],
78
+ "MTI": [
79
+ "mixture time invariant",
80
+ "medical text indexer"
81
+ ],
82
+ "SNN": [
83
+ "siamese neural network",
84
+ "spiking neural networks"
85
+ ],
86
+ "SOP": [
87
+ "sentence order prediction",
88
+ "secrecy outage probability"
89
+ ],
90
+ "SVD": [
91
+ "singular value decomposition",
92
+ "singing voice detection"
93
+ ],
94
+ "CD": [
95
+ "cosine distance",
96
+ "contrastive divergence",
97
+ "consecutive disks",
98
+ "critical difference",
99
+ "chamfer distance",
100
+ "contact distance",
101
+ "cover difference",
102
+ "chemical diagram",
103
+ "crohn 's disease"
104
+ ],
105
+ "OCR": [
106
+ "optical character recognition",
107
+ "one - to - one character replacements"
108
+ ],
109
+ "MRC": [
110
+ "machine reading comprehension",
111
+ "maximal ratio combining",
112
+ "magnetic resonance coupling"
113
+ ],
114
+ "SAP": [
115
+ "stable abstraction principle",
116
+ "simple amplitude presitortion"
117
+ ],
118
+ "DPP": [
119
+ "determinantal point process",
120
+ "disjoint paths problem"
121
+ ],
122
+ "QRF": [
123
+ "quantile random forest",
124
+ "quantile regression forest"
125
+ ],
126
+ "GCM": [
127
+ "google cloud messaging",
128
+ "generalized cell - to - cell mapping",
129
+ "general circulation model",
130
+ "galois / counter mode",
131
+ "global circulation model"
132
+ ],
133
+ "PPP": [
134
+ "poisson point process",
135
+ "palm point process"
136
+ ],
137
+ "FCN": [
138
+ "fully convolutional neural network",
139
+ "fully connected network"
140
+ ],
141
+ "RNN": [
142
+ "recurrent neural network",
143
+ "random neural networks",
144
+ "recursive neural network",
145
+ "reverse nearest neighbour"
146
+ ],
147
+ "ML": [
148
+ "machine learning",
149
+ "maximum likelihood",
150
+ "model logic",
151
+ "malware landscape",
152
+ "mortar luminance"
153
+ ],
154
+ "BC": [
155
+ "bandwidth constraint",
156
+ "betweenness centrality",
157
+ "between class",
158
+ "broadcast channel",
159
+ "blockchain"
160
+ ],
161
+ "BN": [
162
+ "bayesian network",
163
+ "batch normalization"
164
+ ],
165
+ "TC": [
166
+ "telephone conversations",
167
+ "town crier",
168
+ "tumor core",
169
+ "time - continuous",
170
+ "target country",
171
+ "total cover",
172
+ "traffic class",
173
+ "total correlation"
174
+ ],
175
+ "TS": [
176
+ "tree structures",
177
+ "terminal stance",
178
+ "temperature scaling",
179
+ "temperature - based sampling",
180
+ "tabu search",
181
+ "thompson sampling",
182
+ "time series",
183
+ "time switching",
184
+ "target syntactic",
185
+ "text summarization",
186
+ "triadic simmelian",
187
+ "tessellation shader"
188
+ ],
189
+ "HPC": [
190
+ "high performance computing",
191
+ "hardware performance counters"
192
+ ],
193
+ "OSS": [
194
+ "orthogonal spectrum sharing",
195
+ "open source software"
196
+ ],
197
+ "MAD": [
198
+ "median absolute difference",
199
+ "median absolute deviations",
200
+ "map attention decision"
201
+ ],
202
+ "POS": [
203
+ "partial optimal slacking",
204
+ "part of speech"
205
+ ],
206
+ "SSD": [
207
+ "solid state disk",
208
+ "single shot detection"
209
+ ],
210
+ "FA": [
211
+ "feature alignment",
212
+ "fractional anisotropy",
213
+ "feedback alignment",
214
+ "failure analysis",
215
+ "firefly algorithm",
216
+ "false alarm",
217
+ "fault attack"
218
+ ],
219
+ "GPA": [
220
+ "gaussian process adaptation",
221
+ "generalized procrustes analysis",
222
+ "graph partition algorithm"
223
+ ],
224
+ "APS": [
225
+ "adaptive patch selection",
226
+ "adaptive patch search",
227
+ "american physical society",
228
+ "augmented path schema"
229
+ ],
230
+ "FEM": [
231
+ "finite element method",
232
+ "finite element methodgm97"
233
+ ],
234
+ "CT": [
235
+ "computed tomography",
236
+ "constraint theory",
237
+ "contributor trust",
238
+ "conditional training",
239
+ "crowd trust",
240
+ "confidential transactions",
241
+ "coordinated turn",
242
+ "class table"
243
+ ],
244
+ "CAD": [
245
+ "coronary artery disease",
246
+ "computer aided design",
247
+ "computer aided diagnosis"
248
+ ],
249
+ "IR": [
250
+ "imbalance ratio",
251
+ "individual rationality",
252
+ "information retrieval",
253
+ "interference range",
254
+ "immediate regret",
255
+ "influence rank",
256
+ "influence ratio",
257
+ "integrates results",
258
+ "incremental relaying",
259
+ "image resolution",
260
+ "inactive region"
261
+ ],
262
+ "SMT": [
263
+ "satisfiability modulo theory",
264
+ "statistical machine translation",
265
+ "semantic mask transfer"
266
+ ],
267
+ "ER": [
268
+ "entity relationship",
269
+ "error rate",
270
+ "erdos - renyi",
271
+ "experience replay",
272
+ "estrogen receptor",
273
+ "entity recognition",
274
+ "encoder rnn"
275
+ ],
276
+ "JCR": [
277
+ "journal citation report",
278
+ "jointly convex representation"
279
+ ],
280
+ "STBM": [
281
+ "stochastic topic block model",
282
+ "stochastic tensor block model"
283
+ ],
284
+ "EC": [
285
+ "evolutionary computation",
286
+ "equivalence class",
287
+ "eigenvector centrality",
288
+ "effective concentration",
289
+ "empty categories",
290
+ "emergent configuration"
291
+ ],
292
+ "UE": [
293
+ "user equilibrium",
294
+ "unreal engine",
295
+ "user equipment"
296
+ ],
297
+ "ODE": [
298
+ "o - d demand estimation",
299
+ "ordinary differential equation"
300
+ ],
301
+ "VI": [
302
+ "vector initialization",
303
+ "variable importance",
304
+ "variational inference",
305
+ "variational information",
306
+ "vegetation indices"
307
+ ],
308
+ "RI": [
309
+ "random indexing",
310
+ "rand index"
311
+ ],
312
+ "DM": [
313
+ "distribution matching",
314
+ "discovery of models",
315
+ "dialog management",
316
+ "directional modulation",
317
+ "data management"
318
+ ],
319
+ "ASE": [
320
+ "amplified spontaneous emission",
321
+ "average scale error"
322
+ ],
323
+ "AIR": [
324
+ "achievable information rates",
325
+ "application instance role"
326
+ ],
327
+ "TL": [
328
+ "tracking logic",
329
+ "transfer learning"
330
+ ],
331
+ "RTS": [
332
+ "request to send",
333
+ "real time strategy"
334
+ ],
335
+ "MAC": [
336
+ "medium access control",
337
+ "multiple access channels",
338
+ "mandatory access control",
339
+ "message authentication code",
340
+ "metropolitan airports commission",
341
+ "multiply accumulate",
342
+ "multiple access control"
343
+ ],
344
+ "DCF": [
345
+ "distributed coordination function",
346
+ "discriminative correlation filter"
347
+ ],
348
+ "GK": [
349
+ "graphlet kernel",
350
+ "greedy knapsack"
351
+ ],
352
+ "DCNN": [
353
+ "deep convolutional neural network",
354
+ "dynamic convolutional neural network"
355
+ ],
356
+ "PSD": [
357
+ "power spectral density",
358
+ "phase shift difference"
359
+ ],
360
+ "CA": [
361
+ "corresponding arcs",
362
+ "current account",
363
+ "contention adaptions",
364
+ "combinatorial auction",
365
+ "cumulative activation",
366
+ "cellular automata",
367
+ "coordinate ascent",
368
+ "classification accuracy",
369
+ "context adaptation",
370
+ "cardiac amyloidosis",
371
+ "contextual attention",
372
+ "conversational analysis",
373
+ "certificate authority",
374
+ "community animator",
375
+ "conditioning augmentation",
376
+ "character - level accuracy",
377
+ "coded aperture"
378
+ ],
379
+ "ICP": [
380
+ "iterative closest point",
381
+ "inductive conformal prediction",
382
+ "iterative cache placement"
383
+ ],
384
+ "MAE": [
385
+ "mean absolute error",
386
+ "maximum absolute error",
387
+ "mean average error"
388
+ ],
389
+ "RL": [
390
+ "reinforcement learning",
391
+ "representation learning",
392
+ "robot learning",
393
+ "relative location",
394
+ "restrained lloyd",
395
+ "resource limitations",
396
+ "robust locomotion"
397
+ ],
398
+ "CRF": [
399
+ "conditional random field",
400
+ "constant rate factor",
401
+ "correlation robust function"
402
+ ],
403
+ "NP": [
404
+ "noun phrase",
405
+ "non - emptiness problem",
406
+ "neural pooling",
407
+ "no peepholes",
408
+ "natural problem",
409
+ "new persian",
410
+ "neural processes"
411
+ ],
412
+ "DSL": [
413
+ "domain - specific language",
414
+ "distributed spectrum ledger"
415
+ ],
416
+ "CV": [
417
+ "cross validation",
418
+ "constant velocity",
419
+ "computer vision",
420
+ "crowd votes"
421
+ ],
422
+ "OT": [
423
+ "oblivious transfer",
424
+ "optimal transport",
425
+ "orthogonal training",
426
+ "optimality theory"
427
+ ],
428
+ "MPC": [
429
+ "multi - party computation",
430
+ "model predictive control",
431
+ "massively parallel computation"
432
+ ],
433
+ "AC": [
434
+ "audio commons",
435
+ "attack criteria",
436
+ "auto - correlation",
437
+ "actor - critic",
438
+ "atrous convolution",
439
+ "access category",
440
+ "autonomic computing",
441
+ "activation clustering",
442
+ "admission control",
443
+ "alternating current",
444
+ "access categories",
445
+ "avoid congestion"
446
+ ],
447
+ "AA": [
448
+ "astronomy and astrophysics",
449
+ "authorship attribution",
450
+ "affine arithmetic",
451
+ "adamic adar"
452
+ ],
453
+ "TI": [
454
+ "temporal interactions",
455
+ "threshold initialization",
456
+ "tone injection",
457
+ "temporal information"
458
+ ],
459
+ "CIA": [
460
+ "confidentiality , integrity , and availability",
461
+ "central intelligence agency"
462
+ ],
463
+ "PR": [
464
+ "preimage resistant",
465
+ "preference ratio",
466
+ "patient record",
467
+ "pilot reuse",
468
+ "precision - recall",
469
+ "perfect reconstruction",
470
+ "passage retrieval",
471
+ "pagerank",
472
+ "perfectly reconstructible"
473
+ ],
474
+ "CR": [
475
+ "collision resistant",
476
+ "cognitive radio",
477
+ "communication region",
478
+ "containment relations",
479
+ "collective rationality",
480
+ "coreference resolution",
481
+ "code rate",
482
+ "carriage returns",
483
+ "contention resolution"
484
+ ],
485
+ "IF": [
486
+ "interference factor",
487
+ "instantaneous frequency",
488
+ "intermediate frequency",
489
+ "isolation forest"
490
+ ],
491
+ "SPA": [
492
+ "simple power analysis",
493
+ "saturation peak analysis",
494
+ "spatial preferential attachment"
495
+ ],
496
+ "SM": [
497
+ "scalar multiplication",
498
+ "spatial modulation",
499
+ "scattering modulation",
500
+ "streaming multiprocessors",
501
+ "synthesis module",
502
+ "stream multiprocessor",
503
+ "speaker model",
504
+ "supplementary material",
505
+ "spectral matching",
506
+ "social media",
507
+ "single service manager",
508
+ "service manager",
509
+ "shared memory",
510
+ "state machine",
511
+ "system model"
512
+ ],
513
+ "PM": [
514
+ "point multiplication",
515
+ "polarization - multiplexed",
516
+ "probabilistic model",
517
+ "physical machines",
518
+ "prediction model"
519
+ ],
520
+ "RPC": [
521
+ "randomized projective coordinate",
522
+ "remote procedure calls"
523
+ ],
524
+ "FPM": [
525
+ "fixed point multiplication",
526
+ "face prediction model"
527
+ ],
528
+ "MPI": [
529
+ "message passing interface",
530
+ "multiple parallel instances"
531
+ ],
532
+ "GA": [
533
+ "global arrays",
534
+ "genetic algorithm",
535
+ "graduated assignment"
536
+ ],
537
+ "LSU": [
538
+ "louisiana state university",
539
+ "load - store unit"
540
+ ],
541
+ "PSC": [
542
+ "pittsburgh supercomputing center",
543
+ "partial set cover",
544
+ "paper sentence classification"
545
+ ],
546
+ "MT": [
547
+ "machine translation",
548
+ "merkle tree"
549
+ ],
550
+ "CS": [
551
+ "computer systems",
552
+ "computer science",
553
+ "clonal selection",
554
+ "connection size",
555
+ "computational science",
556
+ "centralized solution",
557
+ "compressive sensing",
558
+ "core semantics",
559
+ "coordinated scheduling",
560
+ "charging station",
561
+ "constraint solver",
562
+ "conventional sparsity",
563
+ "compressed sensing",
564
+ "critical section",
565
+ "common subset",
566
+ "content store",
567
+ "case - sensitive",
568
+ "consensus score",
569
+ "code - switching",
570
+ "cluster - specific"
571
+ ],
572
+ "LOS": [
573
+ "length of stay",
574
+ "line of sight"
575
+ ],
576
+ "RF": [
577
+ "random forest",
578
+ "radio frequency",
579
+ "regression function",
580
+ "regression forest",
581
+ "register file"
582
+ ],
583
+ "HS": [
584
+ "hourly - similarity",
585
+ "horn and schunck",
586
+ "hierarchical softmax"
587
+ ],
588
+ "VSM": [
589
+ "vector space model",
590
+ "vacationing server model"
591
+ ],
592
+ "CC": [
593
+ "charging current",
594
+ "corpus callosum",
595
+ "collision cone",
596
+ "cross - correlation",
597
+ "creative commons",
598
+ "central cloud",
599
+ "classifier chain",
600
+ "closeness centrality",
601
+ "constant charging",
602
+ "cover complexity",
603
+ "connected caveman",
604
+ "constant current",
605
+ "collaboration coefficient",
606
+ "covert channels",
607
+ "correlation constraints",
608
+ "core connected"
609
+ ],
610
+ "DBN": [
611
+ "deep belief network",
612
+ "dynamic bayesian network",
613
+ "directed belief net"
614
+ ],
615
+ "DR": [
616
+ "dimension reduction",
617
+ "demand response",
618
+ "diagnosis record",
619
+ "detecting repetitions",
620
+ "dispersion reduction",
621
+ "digit reversal",
622
+ "differential rectifier",
623
+ "dimensionality reduction",
624
+ "document retrieval",
625
+ "decoder rnn"
626
+ ],
627
+ "EM": [
628
+ "expectation maximization",
629
+ "exact match",
630
+ "electron microscopy"
631
+ ],
632
+ "FS": [
633
+ "feature selection",
634
+ "frame semantic",
635
+ "fraudulent services",
636
+ "fully sampled",
637
+ "fragment shader"
638
+ ],
639
+ "MA": [
640
+ "moving average",
641
+ "multiple assignment",
642
+ "merlin - arthur",
643
+ "mobile agent"
644
+ ],
645
+ "PSO": [
646
+ "particle swarm optimization",
647
+ "power system operations"
648
+ ],
649
+ "ABC": [
650
+ "artificial bee colony",
651
+ "absorbing boundary condition"
652
+ ],
653
+ "MP": [
654
+ "message passing",
655
+ "matching pursuit",
656
+ "most popular",
657
+ "max pooling",
658
+ "mean precision",
659
+ "mask pyramid"
660
+ ],
661
+ "BM": [
662
+ "bare metal",
663
+ "black males"
664
+ ],
665
+ "VM": [
666
+ "virtual machine",
667
+ "visual module",
668
+ "von mises"
669
+ ],
670
+ "BEA": [
671
+ "building educational applications",
672
+ "bond energy algorithm"
673
+ ],
674
+ "MMD": [
675
+ "maximum mean discrepancy",
676
+ "minimizes marginal distribution"
677
+ ],
678
+ "FC": [
679
+ "fully connected",
680
+ "fusion center",
681
+ "fixed confidence",
682
+ "filter controls",
683
+ "frame content",
684
+ "fashion compatibility",
685
+ "fiscal code"
686
+ ],
687
+ "FP": [
688
+ "function processor",
689
+ "false positive",
690
+ "frequency partitioning",
691
+ "floating point",
692
+ "failure prediction",
693
+ "fixed point"
694
+ ],
695
+ "SDR": [
696
+ "software defined radio",
697
+ "semidefine relaxation",
698
+ "structured domain randomization"
699
+ ],
700
+ "BO": [
701
+ "backoff",
702
+ "bayesian optimisation"
703
+ ],
704
+ "EL": [
705
+ "euler - lagrange",
706
+ "entity linking",
707
+ "edge length",
708
+ "episode length",
709
+ "external links"
710
+ ],
711
+ "LSB": [
712
+ "least squares boosting",
713
+ "least significant bit"
714
+ ],
715
+ "FIM": [
716
+ "fisher information matrix",
717
+ "fragment identifier messaging",
718
+ "fast iterative method"
719
+ ],
720
+ "DF": [
721
+ "direction facilities",
722
+ "dominating frequencies"
723
+ ],
724
+ "ACL": [
725
+ "agent communication language",
726
+ "access control list"
727
+ ],
728
+ "ARC": [
729
+ "australian research council",
730
+ "adaptive - robust control"
731
+ ],
732
+ "SAR": [
733
+ "synthetic aperture radar",
734
+ "socially assistive robots",
735
+ "search and rescue",
736
+ "sensing application recently"
737
+ ],
738
+ "OSI": [
739
+ "open systems interconnection",
740
+ "open source initiative"
741
+ ],
742
+ "RLC": [
743
+ "random linear coding",
744
+ "radio link control"
745
+ ],
746
+ "RS": [
747
+ "running sum",
748
+ "residual splash",
749
+ "rate - selective",
750
+ "relay station",
751
+ "random search",
752
+ "remote sensing",
753
+ "recommender systems",
754
+ "rate splitting",
755
+ "randomly sampled",
756
+ "random split",
757
+ "rate saturation",
758
+ "real satellite"
759
+ ],
760
+ "NN": [
761
+ "neural network",
762
+ "nearest neighbor"
763
+ ],
764
+ "NB": [
765
+ "negative binomial",
766
+ "naive bayes",
767
+ "new brunswick"
768
+ ],
769
+ "HOS": [
770
+ "higher - order spectra",
771
+ "higher order statistics"
772
+ ],
773
+ "SA": [
774
+ "structural accuracy",
775
+ "single architecture",
776
+ "stacked autoencoders",
777
+ "simulated annealing",
778
+ "signal analysis",
779
+ "sensitivity analysis",
780
+ "strongly adaptive",
781
+ "sensing antennas",
782
+ "significance and accuracy",
783
+ "satisfies aass",
784
+ "situational awareness",
785
+ "subspace alignment",
786
+ "steepest ascent",
787
+ "scores anatomical",
788
+ "string analysis"
789
+ ],
790
+ "EI": [
791
+ "expected improvement",
792
+ "epidemic intelligence",
793
+ "event interaction"
794
+ ],
795
+ "MCC": [
796
+ "matthews correlation coefficient",
797
+ "minimum coefficient correlation",
798
+ "mobile cloud computing",
799
+ "mesoscale cellular convection",
800
+ "maximal connected component"
801
+ ],
802
+ "ROC": [
803
+ "receiver operating characteristic",
804
+ "restricted orthogonal constants"
805
+ ],
806
+ "NBC": [
807
+ "naive bayes classifier",
808
+ "non - parametric bayesian classification"
809
+ ],
810
+ "SK": [
811
+ "string kernel",
812
+ "septic shock"
813
+ ],
814
+ "MTL": [
815
+ "medial temporal lobe",
816
+ "multi - task learning"
817
+ ],
818
+ "IL": [
819
+ "imitation learning",
820
+ "intermediate level"
821
+ ],
822
+ "DMP": [
823
+ "dynamic movement primitives",
824
+ "digital motion processor"
825
+ ],
826
+ "GCP": [
827
+ "graph compression problem",
828
+ "grid connection point"
829
+ ],
830
+ "IP": [
831
+ "intellectual property",
832
+ "internet protocol",
833
+ "inductive programming",
834
+ "inverse proportion",
835
+ "intercept probability",
836
+ "image preprocessing",
837
+ "integer programming"
838
+ ],
839
+ "TLS": [
840
+ "transport layer security",
841
+ "terrestrial laser scanning"
842
+ ],
843
+ "PAD": [
844
+ "probe attempt detector",
845
+ "presentation attack detection"
846
+ ],
847
+ "ASM": [
848
+ "active shape model",
849
+ "alphabet set multiplier"
850
+ ],
851
+ "DMD": [
852
+ "dynamic mirror descent",
853
+ "digital micro - mirror device",
854
+ "deficient mapping dissolution"
855
+ ],
856
+ "EMA": [
857
+ "exponential moving average",
858
+ "ecological momentary assessment"
859
+ ],
860
+ "MAPE": [
861
+ "mean absolute percentage error",
862
+ "mean average percent error"
863
+ ],
864
+ "MAP": [
865
+ "maximum a posteriori",
866
+ "mean average precision"
867
+ ],
868
+ "DN": [
869
+ "distinguished name",
870
+ "destination node"
871
+ ],
872
+ "PCC": [
873
+ "pre - activation convolutional cell(the",
874
+ "pearson correlation coefficient"
875
+ ],
876
+ "AL": [
877
+ "adversarial loss",
878
+ "active learning"
879
+ ],
880
+ "US": [
881
+ "ultrasound",
882
+ "united states",
883
+ "uncertainty sampling"
884
+ ],
885
+ "MR": [
886
+ "magnetic resonance",
887
+ "minimum read",
888
+ "majority rule",
889
+ "model risk",
890
+ "middle resolution",
891
+ "mean recall",
892
+ "machine reading",
893
+ "meaning representation",
894
+ "morphological richness",
895
+ "mixed reality"
896
+ ],
897
+ "HR": [
898
+ "high - resolution",
899
+ "heart rate"
900
+ ],
901
+ "IS": [
902
+ "inception score",
903
+ "importance sampling",
904
+ "information systems"
905
+ ],
906
+ "LDP": [
907
+ "large deviation principle",
908
+ "low degeneracy partition",
909
+ "local differential privacy"
910
+ ],
911
+ "ACE": [
912
+ "average causal effect",
913
+ "advanced combined encoder",
914
+ "average coverage error"
915
+ ],
916
+ "OPS": [
917
+ "orthogonal pilot sequences",
918
+ "one posterior sample"
919
+ ],
920
+ "MDS": [
921
+ "maximum distance separable",
922
+ "minimum dominating set",
923
+ "multi - dimensional scaling"
924
+ ],
925
+ "IPS": [
926
+ "intrusion prevention system",
927
+ "inverse propensity scaling",
928
+ "interactive proof systems"
929
+ ],
930
+ "BMS": [
931
+ "building management system",
932
+ "battery management system"
933
+ ],
934
+ "PP": [
935
+ "prepositional phrase",
936
+ "point process",
937
+ "pairwise product",
938
+ "pairwise perturbation",
939
+ "privacy preferences",
940
+ "present and predominant"
941
+ ],
942
+ "PF": [
943
+ "particle filter",
944
+ "pareto - fair",
945
+ "propagation fusion",
946
+ "power flow",
947
+ "poloidal field"
948
+ ],
949
+ "NF": [
950
+ "naive fusion",
951
+ "noise figure",
952
+ "new foundations"
953
+ ],
954
+ "TAM": [
955
+ "technology acceptance model",
956
+ "transparent attention model"
957
+ ],
958
+ "DFT": [
959
+ "density functional theory",
960
+ "discrete fourier transformation",
961
+ "disk failure tolerant",
962
+ "design - for - test"
963
+ ],
964
+ "CKD": [
965
+ "conditional kernel density",
966
+ "child key derivation",
967
+ "chronic kidney disease"
968
+ ],
969
+ "AR": [
970
+ "auto - regression",
971
+ "average recall",
972
+ "anaphora resolution",
973
+ "augmented reality",
974
+ "accumulated reward"
975
+ ],
976
+ "CSPs": [
977
+ "cloud service providers",
978
+ "constraint satisfaction problems"
979
+ ],
980
+ "CAP": [
981
+ "consistency availability partition",
982
+ "cumulative accuracy profit",
983
+ "carrier - less amplitude and phase"
984
+ ],
985
+ "DSM": [
986
+ "data store module",
987
+ "data stream manager",
988
+ "demand side management",
989
+ "distributional semantic model",
990
+ "digital surface model"
991
+ ],
992
+ "CAS": [
993
+ "content addressed storage",
994
+ "computer algebra systems",
995
+ "consensus attention sum"
996
+ ],
997
+ "PD": [
998
+ "progressive disease",
999
+ "prisoner 's dilemma",
1000
+ "pu - primary destination",
1001
+ "positive definite",
1002
+ "parkinson 's disease",
1003
+ "pixel discussion"
1004
+ ],
1005
+ "PPMI": [
1006
+ "parkinson 's progression markers initiative",
1007
+ "positive pointwise mutual information"
1008
+ ],
1009
+ "EHRs": [
1010
+ "electronic health records",
1011
+ "energy harvesting receivers"
1012
+ ],
1013
+ "LCP": [
1014
+ "linear complementarity problem",
1015
+ "locally compact polish",
1016
+ "longest common prefix",
1017
+ "linearly compressed page"
1018
+ ],
1019
+ "SD": [
1020
+ "strong dominance",
1021
+ "secure digital",
1022
+ "standard deviation",
1023
+ "strategic dependency",
1024
+ "soft decision",
1025
+ "symbolic differentiation",
1026
+ "sphere decoding",
1027
+ "selection diversity",
1028
+ "stochastically dominate",
1029
+ "structural diagram"
1030
+ ],
1031
+ "GVF": [
1032
+ "generalized value function",
1033
+ "gradient vector flow"
1034
+ ],
1035
+ "ASA": [
1036
+ "adaptive segmentation algorithm",
1037
+ "accessible surface area"
1038
+ ],
1039
+ "GMM": [
1040
+ "gaussian mixture model",
1041
+ "group marching method"
1042
+ ],
1043
+ "MD": [
1044
+ "molecular dynamics",
1045
+ "morphological disambiguation",
1046
+ "mixed decoding",
1047
+ "model distillation",
1048
+ "memoryless deterministic",
1049
+ "mean diffusivity",
1050
+ "massa de dados",
1051
+ "multiple description",
1052
+ "missed detection"
1053
+ ],
1054
+ "LP": [
1055
+ "linear programming",
1056
+ "label powerset",
1057
+ "label propagation"
1058
+ ],
1059
+ "CPM": [
1060
+ "critical path method",
1061
+ "competition performance metric",
1062
+ "completely positive maps",
1063
+ "clique percolation method",
1064
+ "continuous profile model",
1065
+ "cost per mille"
1066
+ ],
1067
+ "HD": [
1068
+ "hausdorff distance",
1069
+ "high definition",
1070
+ "hard decision",
1071
+ "harmonic distortion",
1072
+ "huntington 's disease"
1073
+ ],
1074
+ "LD": [
1075
+ "levenshtein distance",
1076
+ "line difference",
1077
+ "loads data",
1078
+ "large deviation",
1079
+ "link density"
1080
+ ],
1081
+ "ST": [
1082
+ "stomach",
1083
+ "split - turnip",
1084
+ "sleep telemetry",
1085
+ "semantic tagging",
1086
+ "single trails",
1087
+ "smart thermostat",
1088
+ "steiner tree"
1089
+ ],
1090
+ "RK": [
1091
+ "right kidney",
1092
+ "root key"
1093
+ ],
1094
+ "RDM": [
1095
+ "russian dolls model",
1096
+ "representational dissimilarity matrix"
1097
+ ],
1098
+ "NEB": [
1099
+ "nudged elastic band",
1100
+ "next event backtracking"
1101
+ ],
1102
+ "CF": [
1103
+ "collaborative filtering",
1104
+ "crest factor",
1105
+ "code - mixed factor",
1106
+ "complexity factor",
1107
+ "correlation filter"
1108
+ ],
1109
+ "CTR": [
1110
+ "click through rates",
1111
+ "collaborative topic regression",
1112
+ "character transfer rate"
1113
+ ],
1114
+ "MF": [
1115
+ "matrix factorization",
1116
+ "model fair",
1117
+ "membership function",
1118
+ "model - free"
1119
+ ],
1120
+ "ET": [
1121
+ "energy transmitters",
1122
+ "evidence theory",
1123
+ "enhancing tumor",
1124
+ "elastic transformations",
1125
+ "emission tomography"
1126
+ ],
1127
+ "ANN": [
1128
+ "approximate nearest neighbor",
1129
+ "artificial neural network"
1130
+ ],
1131
+ "AI": [
1132
+ "artificial intelligence",
1133
+ "article influence"
1134
+ ],
1135
+ "DPI": [
1136
+ "deep packet inspection",
1137
+ "data processing inequality"
1138
+ ],
1139
+ "LR": [
1140
+ "logistic regression",
1141
+ "learning rate",
1142
+ "linear regression",
1143
+ "low resolution",
1144
+ "lp relaxation",
1145
+ "low rank"
1146
+ ],
1147
+ "TPR": [
1148
+ "true positive rate",
1149
+ "tensor product representation"
1150
+ ],
1151
+ "RR": [
1152
+ "round robin",
1153
+ "recurrent refinement",
1154
+ "relevance rate",
1155
+ "relative ranking",
1156
+ "reverse reachable"
1157
+ ],
1158
+ "LM": [
1159
+ "language model",
1160
+ "logarithmically scaled magnitude",
1161
+ "lagrange multiplier method",
1162
+ "levenberg macquardt"
1163
+ ],
1164
+ "OS": [
1165
+ "overlap success",
1166
+ "output stride",
1167
+ "orientation score",
1168
+ "operating system"
1169
+ ],
1170
+ "SRC": [
1171
+ "sdn ran controller",
1172
+ "spearsman 's rank correlation",
1173
+ "sparse representation classification"
1174
+ ],
1175
+ "LTE": [
1176
+ "long term evolution",
1177
+ "language transmission engine"
1178
+ ],
1179
+ "HN": [
1180
+ "heterogeneous network",
1181
+ "hierarchical network"
1182
+ ],
1183
+ "PI": [
1184
+ "prediction intervals",
1185
+ "provider independent",
1186
+ "power iteration",
1187
+ "purchase intention"
1188
+ ],
1189
+ "PNN": [
1190
+ "probabilistic neural network",
1191
+ "product - based neural network",
1192
+ "progressive neural networks"
1193
+ ],
1194
+ "RDF": [
1195
+ "resource description framework",
1196
+ "rate distortion function",
1197
+ "random decision forests"
1198
+ ],
1199
+ "GDP": [
1200
+ "gross domestic product",
1201
+ "generalized differential privacy",
1202
+ "good distribution practice"
1203
+ ],
1204
+ "SO": [
1205
+ "smart object",
1206
+ "stack overflow",
1207
+ "surrogate outcomes"
1208
+ ],
1209
+ "SMP": [
1210
+ "security management provider",
1211
+ "symmetric multi processor",
1212
+ "stable marriage problem"
1213
+ ],
1214
+ "DC": [
1215
+ "distributed control",
1216
+ "dublin core",
1217
+ "direct current",
1218
+ "dual connectivity",
1219
+ "disorder constraints",
1220
+ "disconnected components",
1221
+ "direct click",
1222
+ "descriptive complexity",
1223
+ "data consistency",
1224
+ "datacenter",
1225
+ "dice coefficient",
1226
+ "deep convolutional",
1227
+ "deficit counter",
1228
+ "dynamic cluster"
1229
+ ],
1230
+ "ADP": [
1231
+ "approximate dynamic programming",
1232
+ "absolute derivative privacy"
1233
+ ],
1234
+ "ES": [
1235
+ "energy storage",
1236
+ "end systolic",
1237
+ "evolutionary strategies",
1238
+ "encrypted sharing",
1239
+ "event synchronization",
1240
+ "enterprise storage",
1241
+ "entropy search",
1242
+ "elevation angle spread",
1243
+ "exhaustive search",
1244
+ "external search",
1245
+ "embedding weight sharing"
1246
+ ],
1247
+ "TR": [
1248
+ "temporal resolution",
1249
+ "tone reservation"
1250
+ ],
1251
+ "AOD": [
1252
+ "average outage duration",
1253
+ "angle opening distance"
1254
+ ],
1255
+ "AM": [
1256
+ "arithmetic mean",
1257
+ "activation maximization",
1258
+ "alternating minimization"
1259
+ ],
1260
+ "QP": [
1261
+ "quadratic programming",
1262
+ "quantum pareto",
1263
+ "quantisation parameter"
1264
+ ],
1265
+ "TCP": [
1266
+ "test case prioritization",
1267
+ "top concept 's popularity",
1268
+ "transductive conformal prediction",
1269
+ "transmission control protocol"
1270
+ ],
1271
+ "SDD": [
1272
+ "stanford drone dataset",
1273
+ "standard desktop display"
1274
+ ],
1275
+ "VAT": [
1276
+ "virtual adversarial training",
1277
+ "visceral adipose tissue"
1278
+ ],
1279
+ "GP": [
1280
+ "gaussian process",
1281
+ "geometric programming"
1282
+ ],
1283
+ "SAD": [
1284
+ "spectral angle distance",
1285
+ "speech activity detection"
1286
+ ],
1287
+ "OI": [
1288
+ "original images",
1289
+ "operational intensity"
1290
+ ],
1291
+ "SR": [
1292
+ "stacked refinement",
1293
+ "secrecy rate",
1294
+ "segment representation",
1295
+ "spatial resolution",
1296
+ "success rate",
1297
+ "super resolution",
1298
+ "speech recognition",
1299
+ "small resolution",
1300
+ "strategic rationale",
1301
+ "systematic review"
1302
+ ],
1303
+ "SSA": [
1304
+ "space situational awareness",
1305
+ "static single assignment"
1306
+ ],
1307
+ "SPL": [
1308
+ "sound pressure level",
1309
+ "shortest path length",
1310
+ "standard plane location"
1311
+ ],
1312
+ "TP": [
1313
+ "true positives",
1314
+ "temporal pooler"
1315
+ ],
1316
+ "FN": [
1317
+ "false negatives",
1318
+ "focusing network"
1319
+ ],
1320
+ "TN": [
1321
+ "true negative",
1322
+ "total noise"
1323
+ ],
1324
+ "AP": [
1325
+ "average precision",
1326
+ "access point",
1327
+ "asymptotic preserving",
1328
+ "associated press",
1329
+ "acute pancreatitis",
1330
+ "access part",
1331
+ "affinity propagation"
1332
+ ],
1333
+ "DE": [
1334
+ "dimension estimation",
1335
+ "differential evolution",
1336
+ "dataexplorer",
1337
+ "deterministic equivalent",
1338
+ "data efficiency"
1339
+ ],
1340
+ "PAM": [
1341
+ "partitioning around medoid",
1342
+ "passive acoustic monitoring",
1343
+ "pulse amplitude modulation"
1344
+ ],
1345
+ "MGM": [
1346
+ "markov geographic model",
1347
+ "manifold geometry matching"
1348
+ ],
1349
+ "ASR": [
1350
+ "automatic speech recognition",
1351
+ "average sum rate"
1352
+ ],
1353
+ "DL": [
1354
+ "description length",
1355
+ "deep learning",
1356
+ "dice loss",
1357
+ "description logics",
1358
+ "downlink",
1359
+ "distributed ledger",
1360
+ "depth loss",
1361
+ "dogleg"
1362
+ ],
1363
+ "CFG": [
1364
+ "context free grammar",
1365
+ "control flow graph"
1366
+ ],
1367
+ "CP": [
1368
+ "constraint programming",
1369
+ "cyclic prefic",
1370
+ "clustered placement",
1371
+ "central processor",
1372
+ "canonical polyadic",
1373
+ "completely positive",
1374
+ "constraint problem",
1375
+ "control program",
1376
+ "candecomp / parafac",
1377
+ "conformal prediction",
1378
+ "core periphery"
1379
+ ],
1380
+ "LS": [
1381
+ "local search",
1382
+ "least squares",
1383
+ "logarithmically spaced",
1384
+ "linear systemswe",
1385
+ "location service"
1386
+ ],
1387
+ "DP": [
1388
+ "dynamic programming",
1389
+ "distance precision",
1390
+ "declustered placement",
1391
+ "dirichlet process",
1392
+ "drift - plus penalty",
1393
+ "dropped pronoun",
1394
+ "direct proportion",
1395
+ "differential privacy",
1396
+ "disjunctive programming",
1397
+ "dronemap planner"
1398
+ ],
1399
+ "CLP": [
1400
+ "convergence layer protocol",
1401
+ "coin - or linear program solver"
1402
+ ],
1403
+ "SAC": [
1404
+ "special airworthiness certificate",
1405
+ "soft actor critic"
1406
+ ],
1407
+ "HAP": [
1408
+ "high altitude platform",
1409
+ "hybrid access point"
1410
+ ],
1411
+ "MSC": [
1412
+ "multi - layer same - resolution compressed",
1413
+ "mobile switching center"
1414
+ ],
1415
+ "CRM": [
1416
+ "channel reliability measurement",
1417
+ "counterfactual risk minimization"
1418
+ ],
1419
+ "LDOF": [
1420
+ "large displacement optical flow",
1421
+ "local distance - based outlier factor"
1422
+ ],
1423
+ "BA": [
1424
+ "black and anandan",
1425
+ "binary agreement",
1426
+ "barabasi albert",
1427
+ "bundle adjustment",
1428
+ "balanced accuracy",
1429
+ "bee algorithm"
1430
+ ],
1431
+ "MS": [
1432
+ "modelling simulation",
1433
+ "multiple sclerosis",
1434
+ "mean shift",
1435
+ "missed speech",
1436
+ "main - sequence",
1437
+ "mid stance",
1438
+ "mobile station",
1439
+ "medical sentiment"
1440
+ ],
1441
+ "SDP": [
1442
+ "shortest dependency path",
1443
+ "semi - definite programming",
1444
+ "stable dependencies principle"
1445
+ ],
1446
+ "LMF": [
1447
+ "low - rank multimodal fusion",
1448
+ "lower membership function"
1449
+ ],
1450
+ "GAP": [
1451
+ "global average pooling",
1452
+ "generative adversarial perturbations",
1453
+ "generalized assignment problem",
1454
+ "global average precision"
1455
+ ],
1456
+ "BPM": [
1457
+ "beat per minute",
1458
+ "business process modelling"
1459
+ ],
1460
+ "BD": [
1461
+ "bias disparities",
1462
+ "bjontegaard delta",
1463
+ "block diagonalization",
1464
+ "benders decomposition"
1465
+ ],
1466
+ "QA": [
1467
+ "question answering",
1468
+ "quantum annealing"
1469
+ ],
1470
+ "CCC": [
1471
+ "concordance correlation coefficient",
1472
+ "congruence coefficient correlation"
1473
+ ],
1474
+ "RC": [
1475
+ "rich club",
1476
+ "radon consistency",
1477
+ "reading comprehension",
1478
+ "relation classification",
1479
+ "remote control",
1480
+ "resource control",
1481
+ "recurrent convolution",
1482
+ "radio control",
1483
+ "rate constrained",
1484
+ "red clump",
1485
+ "reservoir computing"
1486
+ ],
1487
+ "CI": [
1488
+ "current iteration",
1489
+ "confidence intervals",
1490
+ "constructive interference",
1491
+ "class imbalance",
1492
+ "conditional independence",
1493
+ "current instruction",
1494
+ "cochlear implant",
1495
+ "continuous integration",
1496
+ "computational intelligence"
1497
+ ],
1498
+ "SOA": [
1499
+ "stimulus onset asynchrony",
1500
+ "service oriented architecture"
1501
+ ],
1502
+ "MAT": [
1503
+ "medication assisted treatment",
1504
+ "motionless analysis of traffic",
1505
+ "multi - fingered adaptive tactile grasping"
1506
+ ],
1507
+ "MSD": [
1508
+ "million song dataset",
1509
+ "modified list sphere decoding",
1510
+ "most significant digit"
1511
+ ],
1512
+ "GBM": [
1513
+ "geometric brownian motion",
1514
+ "gradient boosting machine"
1515
+ ],
1516
+ "AS": [
1517
+ "autonomous system",
1518
+ "angular spread",
1519
+ "adaptive softmax",
1520
+ "ancillary service",
1521
+ "azimuth angle spread",
1522
+ "attention sum",
1523
+ "antenna spacing"
1524
+ ],
1525
+ "TD": [
1526
+ "total difficulty",
1527
+ "time - discrete",
1528
+ "technical debt",
1529
+ "temporal difference",
1530
+ "temporal dimension",
1531
+ "training data",
1532
+ "target dependent",
1533
+ "top - down",
1534
+ "time - domain"
1535
+ ],
1536
+ "CPI": [
1537
+ "consumer price index",
1538
+ "conditional predictive impact"
1539
+ ],
1540
+ "RN": [
1541
+ "relational neighbors",
1542
+ "radical nephrectomy",
1543
+ "relay nodes",
1544
+ "random noise",
1545
+ "radial normalization"
1546
+ ],
1547
+ "SN": [
1548
+ "secondary node",
1549
+ "source node",
1550
+ "spectral normalization"
1551
+ ],
1552
+ "RV": [
1553
+ "random vaccination",
1554
+ "right ventricle",
1555
+ "random voting",
1556
+ "random variable",
1557
+ "resilience vector",
1558
+ "range view"
1559
+ ],
1560
+ "AV": [
1561
+ "acquaintance vaccination",
1562
+ "antivirus",
1563
+ "autonomous vehicle"
1564
+ ],
1565
+ "ACR": [
1566
+ "air change rates",
1567
+ "absolute category rating"
1568
+ ],
1569
+ "CN": [
1570
+ "common neighbours",
1571
+ "clustered networks",
1572
+ "core network",
1573
+ "cognitively normal",
1574
+ "common noun"
1575
+ ],
1576
+ "CFA": [
1577
+ "color filter arrays",
1578
+ "constriction factor approach",
1579
+ "counterfactual future advantage"
1580
+ ],
1581
+ "DAS": [
1582
+ "data availability statement",
1583
+ "disclosure avoidance system"
1584
+ ],
1585
+ "HF": [
1586
+ "hybrid fusion",
1587
+ "high frequency"
1588
+ ],
1589
+ "MC": [
1590
+ "mean - centering",
1591
+ "myocardium",
1592
+ "monte carlo",
1593
+ "multi connectivity",
1594
+ "marginal contribution",
1595
+ "markov chain",
1596
+ "mutual cover",
1597
+ "matrix converter"
1598
+ ],
1599
+ "ATE": [
1600
+ "absolute trajectory error",
1601
+ "average translation error"
1602
+ ],
1603
+ "RPE": [
1604
+ "relative pose error",
1605
+ "retinal pigment epithelium"
1606
+ ],
1607
+ "CMS": [
1608
+ "codeword mixture sampling",
1609
+ "counting monadic second"
1610
+ ],
1611
+ "DVS": [
1612
+ "dynamic vision sensor",
1613
+ "dynamic voltage scaling"
1614
+ ],
1615
+ "ED": [
1616
+ "economic dispatch",
1617
+ "emergency department",
1618
+ "embedded deformation",
1619
+ "euclidean distance",
1620
+ "energy detection"
1621
+ ],
1622
+ "APP": [
1623
+ "australian privacy principles",
1624
+ "a posteriori probability"
1625
+ ],
1626
+ "CM": [
1627
+ "canalizing map",
1628
+ "centroid methods",
1629
+ "confusion matrix",
1630
+ "continental margin",
1631
+ "corporate messaging",
1632
+ "choir mix",
1633
+ "coded modulation"
1634
+ ],
1635
+ "SC": [
1636
+ "sleep cassette",
1637
+ "sum capacity",
1638
+ "steering control",
1639
+ "smallest class",
1640
+ "successive cancellation",
1641
+ "score contextualisation",
1642
+ "self cover",
1643
+ "subset compared",
1644
+ "spectral clustering",
1645
+ "smart contract",
1646
+ "self consistency",
1647
+ "selection combining",
1648
+ "sum capacities",
1649
+ "symmetry condition",
1650
+ "single connectivity",
1651
+ "special case",
1652
+ "spatial crowdsourcing",
1653
+ "strongly connected"
1654
+ ],
1655
+ "SW": [
1656
+ "similarity weight",
1657
+ "sliding window",
1658
+ "small - world"
1659
+ ],
1660
+ "RCNN": [
1661
+ "recurrent convolutional neural network",
1662
+ "region based convolutional neural network"
1663
+ ],
1664
+ "ESE": [
1665
+ "entity set expansion",
1666
+ "extract similar entities"
1667
+ ],
1668
+ "GEM": [
1669
+ "gradient episodic memory",
1670
+ "grid entropy measurement"
1671
+ ],
1672
+ "OLS": [
1673
+ "orthogonal least square",
1674
+ "ordinary least square"
1675
+ ],
1676
+ "OSA": [
1677
+ "opportunistic spectrum access",
1678
+ "obstructive sleep apnoea"
1679
+ ],
1680
+ "SF": [
1681
+ "satisfaction function",
1682
+ "sequential fixing",
1683
+ "scale free",
1684
+ "structure fusion",
1685
+ "small faces",
1686
+ "separable footprints",
1687
+ "state - feedback"
1688
+ ],
1689
+ "CH": [
1690
+ "cluster head",
1691
+ "constraint handling"
1692
+ ],
1693
+ "BP": [
1694
+ "belief propagation",
1695
+ "bin packing",
1696
+ "basis pursuit",
1697
+ "backprop",
1698
+ "back propagation",
1699
+ "backdoor poisoning",
1700
+ "bundle protocol",
1701
+ "best performing"
1702
+ ],
1703
+ "LC": [
1704
+ "latent class",
1705
+ "local conditioning",
1706
+ "line card",
1707
+ "least confidence",
1708
+ "largest class",
1709
+ "land cover",
1710
+ "latent clustering",
1711
+ "lyrics comprehension"
1712
+ ],
1713
+ "FTE": [
1714
+ "foveal tilt effects",
1715
+ "full time employment"
1716
+ ],
1717
+ "HT": [
1718
+ "hough transform",
1719
+ "hoeffding tree"
1720
+ ],
1721
+ "SER": [
1722
+ "symbol error rate",
1723
+ "speaker error rate",
1724
+ "speech emotion recognition"
1725
+ ],
1726
+ "BS": [
1727
+ "base station",
1728
+ "beam search",
1729
+ "brier score",
1730
+ "batch size",
1731
+ "standard beam search",
1732
+ "bayesian sets",
1733
+ "bidirectional similarity"
1734
+ ],
1735
+ "BT": [
1736
+ "best target",
1737
+ "back translation",
1738
+ "bernoulli trial"
1739
+ ],
1740
+ "RB": [
1741
+ "random beamforming",
1742
+ "resource blocks",
1743
+ "rank - based",
1744
+ "reduced basis",
1745
+ "rosi braidotti"
1746
+ ],
1747
+ "UD": [
1748
+ "universal dependencies",
1749
+ "unified distillation"
1750
+ ],
1751
+ "GN": [
1752
+ "gaussian noise",
1753
+ "grid name",
1754
+ "gauss - newton"
1755
+ ],
1756
+ "GCNN": [
1757
+ "graph convolutional neural network",
1758
+ "geodesic convolution neural network"
1759
+ ],
1760
+ "GCN": [
1761
+ "generalised convolutional neural network",
1762
+ "graph convolution networks",
1763
+ "global convolution networks"
1764
+ ],
1765
+ "HAN": [
1766
+ "hierarchical attention network",
1767
+ "heterogeneous attributed network"
1768
+ ],
1769
+ "HMP": [
1770
+ "hierarchical matching pursuit",
1771
+ "hypermutations with mutation potential"
1772
+ ],
1773
+ "BPE": [
1774
+ "byte pair encoding",
1775
+ "backward partial execution"
1776
+ ],
1777
+ "ASD": [
1778
+ "autism spectrum disorders",
1779
+ "average surface distance"
1780
+ ],
1781
+ "SWD": [
1782
+ "sliced wasserstein distance",
1783
+ "semantic web deployment"
1784
+ ],
1785
+ "BAM": [
1786
+ "behance artistic media",
1787
+ "best alignment metric",
1788
+ "bandwidth allocation model"
1789
+ ],
1790
+ "SSR": [
1791
+ "spatial skeleton realignment",
1792
+ "sparse signal recovery",
1793
+ "spectral super - resolution"
1794
+ ],
1795
+ "EB": [
1796
+ "energy buffer",
1797
+ "energy beam"
1798
+ ],
1799
+ "SI": [
1800
+ "satellite imagery",
1801
+ "semantic inpainting"
1802
+ ],
1803
+ "AN": [
1804
+ "artificial noise",
1805
+ "attention network"
1806
+ ],
1807
+ "ESC": [
1808
+ "environment sound classification",
1809
+ "ergodic sum capacity"
1810
+ ],
1811
+ "TSP": [
1812
+ "traveling salesman problem",
1813
+ "triad significance profile"
1814
+ ],
1815
+ "LPP": [
1816
+ "locality preserving projections",
1817
+ "load planning problem"
1818
+ ],
1819
+ "ITS": [
1820
+ "intelligent transportation system",
1821
+ "interrupted time series",
1822
+ "intelligent tutoring systems"
1823
+ ],
1824
+ "CST": [
1825
+ "corticospinal tract",
1826
+ "china standard time"
1827
+ ],
1828
+ "CMI": [
1829
+ "conditional mutual information",
1830
+ "code - mixed index"
1831
+ ],
1832
+ "SCA": [
1833
+ "successive convex approximation",
1834
+ "scatter component analysis",
1835
+ "smart cut algorithm"
1836
+ ],
1837
+ "ISP": [
1838
+ "internet service providers",
1839
+ "image signal processor"
1840
+ ],
1841
+ "BNC": [
1842
+ "british national corpus",
1843
+ "brown news corpus"
1844
+ ],
1845
+ "MACS": [
1846
+ "mean average conceptual similarity",
1847
+ "minimum average conceptual similarity"
1848
+ ],
1849
+ "ADA": [
1850
+ "american diabetes association 's",
1851
+ "adaptive data augmentation"
1852
+ ],
1853
+ "DS": [
1854
+ "delay spread",
1855
+ "direct sharing",
1856
+ "data structure",
1857
+ "data sharing",
1858
+ "differentiated softmax",
1859
+ "dempster - shafer",
1860
+ "detection scores"
1861
+ ],
1862
+ "MSA": [
1863
+ "modern standard arabic",
1864
+ "multilevel splitting algorithm",
1865
+ "multiple sequence alignment"
1866
+ ],
1867
+ "DES": [
1868
+ "dual energy subtraction",
1869
+ "defence equipment support"
1870
+ ],
1871
+ "SFC": [
1872
+ "superposition of functional contours",
1873
+ "service function chaining"
1874
+ ],
1875
+ "PLP": [
1876
+ "perceptual linear prediction",
1877
+ "poisson line process"
1878
+ ],
1879
+ "FPR": [
1880
+ "false positive rate",
1881
+ "fuzzy preference relation"
1882
+ ],
1883
+ "BDT": [
1884
+ "boosted decision trees",
1885
+ "bi - directional domain translation"
1886
+ ],
1887
+ "PAP": [
1888
+ "process arrival pattern",
1889
+ "policy administration point"
1890
+ ],
1891
+ "RM": [
1892
+ "roofline model",
1893
+ "robot middleware",
1894
+ "representation mixing",
1895
+ "resource management"
1896
+ ],
1897
+ "EAD": [
1898
+ "encoded archival description",
1899
+ "exponential absolute distance"
1900
+ ],
1901
+ "DCP": [
1902
+ "deep context prediction",
1903
+ "darwin correspondence project"
1904
+ ],
1905
+ "VO": [
1906
+ "velocity obstacle",
1907
+ "visual odometry"
1908
+ ],
1909
+ "ECC": [
1910
+ "error correcting code",
1911
+ "elliptic curve cryptography"
1912
+ ],
1913
+ "ASN": [
1914
+ "autonomous system number",
1915
+ "average sample number"
1916
+ ],
1917
+ "LSA": [
1918
+ "latent semantic analysis",
1919
+ "licensed shared access"
1920
+ ],
1921
+ "SMC": [
1922
+ "sequential monte carlo",
1923
+ "sliding mode control",
1924
+ "statistical model checking",
1925
+ "secure multiparty computation"
1926
+ ],
1927
+ "EO": [
1928
+ "eyes open",
1929
+ "earth observation"
1930
+ ],
1931
+ "EDA": [
1932
+ "evolutionary distribution algorithm",
1933
+ "exploratory data analysis"
1934
+ ],
1935
+ "DRL": [
1936
+ "deep reinforcement learning",
1937
+ "distributional reinforcement learning"
1938
+ ],
1939
+ "PG": [
1940
+ "policy gradient",
1941
+ "policy generator",
1942
+ "property graph"
1943
+ ],
1944
+ "ROM": [
1945
+ "range of motion",
1946
+ "reduced - order models"
1947
+ ],
1948
+ "ICC": [
1949
+ "intraclass correlation coefficient",
1950
+ "implicit computational complexity"
1951
+ ],
1952
+ "MBR": [
1953
+ "minimum bandwidth regenerating",
1954
+ "minimum bounding rectangle"
1955
+ ],
1956
+ "DT": [
1957
+ "decision tree",
1958
+ "delivery teams"
1959
+ ],
1960
+ "RLS": [
1961
+ "recursive least squares",
1962
+ "regularized least squares",
1963
+ "random local search"
1964
+ ],
1965
+ "SP": [
1966
+ "strictly piecewise",
1967
+ "streaming processors",
1968
+ "set partitioning",
1969
+ "subspace pursuit",
1970
+ "stream processor",
1971
+ "shilling profiles",
1972
+ "semantic parsing",
1973
+ "shortest path",
1974
+ "spatial pooler",
1975
+ "standards poors",
1976
+ "sao paulo",
1977
+ "set point",
1978
+ "splitting problem"
1979
+ ],
1980
+ "SL": [
1981
+ "strictly local",
1982
+ "separation logic",
1983
+ "supervised learning"
1984
+ ],
1985
+ "CLS": [
1986
+ "constrained least squares",
1987
+ "complementary learning systems"
1988
+ ],
1989
+ "ARA": [
1990
+ "adversarial risk analysis",
1991
+ "accumulate repeat accumulate"
1992
+ ],
1993
+ "POI": [
1994
+ "points of interest",
1995
+ "projection of interest"
1996
+ ],
1997
+ "RSS": [
1998
+ "received signal strength",
1999
+ "radio signal strength",
2000
+ "random subcarrier selection"
2001
+ ],
2002
+ "CSD": [
2003
+ "constrained spherical deconvolution",
2004
+ "critical sensor density",
2005
+ "contextual sentence decomposition"
2006
+ ],
2007
+ "PN": [
2008
+ "pixel - wise normalization",
2009
+ "partial nephrectomy"
2010
+ ],
2011
+ "PA": [
2012
+ "provider aggregatable",
2013
+ "philadelphia",
2014
+ "physical access",
2015
+ "peano 's arithmetics",
2016
+ "parallel attention",
2017
+ "preferential attachment",
2018
+ "power allocation",
2019
+ "presburger arithmetic"
2020
+ ],
2021
+ "FD": [
2022
+ "fast dormancy",
2023
+ "finite differences",
2024
+ "fractal dimension",
2025
+ "fully - digital"
2026
+ ],
2027
+ "IC": [
2028
+ "initial contact",
2029
+ "integrated circuit",
2030
+ "independent cascading"
2031
+ ],
2032
+ "SPM": [
2033
+ "statistical parameter mapping",
2034
+ "saliency prediction model",
2035
+ "spatial pyramid matching"
2036
+ ],
2037
+ "EMD": [
2038
+ "earth mover 's distance",
2039
+ "excessive mapping dissolution"
2040
+ ],
2041
+ "CRC": [
2042
+ "cyclic redundancy check",
2043
+ "collaborative representation classification"
2044
+ ],
2045
+ "ADN": [
2046
+ "artifact disentanglement network",
2047
+ "activity driven networks"
2048
+ ],
2049
+ "TU": [
2050
+ "threshold updation",
2051
+ "translation unit"
2052
+ ],
2053
+ "OEC": [
2054
+ "oxford english corpus",
2055
+ "online elliptical clustering"
2056
+ ],
2057
+ "BSM": [
2058
+ "basic skill module",
2059
+ "basic safety messages"
2060
+ ],
2061
+ "BNN": [
2062
+ "bayesian neural networks",
2063
+ "binary neural networks"
2064
+ ],
2065
+ "GVR": [
2066
+ "gradient variance regularizer",
2067
+ "global visual representations"
2068
+ ],
2069
+ "SCCs": [
2070
+ "strongly connected components",
2071
+ "static camera clusters"
2072
+ ],
2073
+ "RT": [
2074
+ "radiation therapy",
2075
+ "retweets",
2076
+ "reparameterization trick",
2077
+ "response time",
2078
+ "ruthes",
2079
+ "random target",
2080
+ "region template"
2081
+ ],
2082
+ "RW": [
2083
+ "reaction wheels",
2084
+ "random walk",
2085
+ "rolling window"
2086
+ ],
2087
+ "LV": [
2088
+ "left ventricle",
2089
+ "las vegas",
2090
+ "large volumetric"
2091
+ ],
2092
+ "RG": [
2093
+ "renormalization group",
2094
+ "riemmanian geometry",
2095
+ "real graphs",
2096
+ "reber grammar"
2097
+ ],
2098
+ "AT": [
2099
+ "asteroidal triple",
2100
+ "adversarial training",
2101
+ "adaptive threshold"
2102
+ ],
2103
+ "CCR": [
2104
+ "correct classification ratio",
2105
+ "cross - document coreference resolution",
2106
+ "correct correction rate"
2107
+ ],
2108
+ "GMP": [
2109
+ "gain minus pain",
2110
+ "global max pooling"
2111
+ ],
2112
+ "CBT": [
2113
+ "children 's book test",
2114
+ "consensus - before - talk"
2115
+ ],
2116
+ "DAR": [
2117
+ "dynamic assignment ratio",
2118
+ "defence application register"
2119
+ ],
2120
+ "TSA": [
2121
+ "temporary scope association",
2122
+ "taobao search advertising",
2123
+ "temporal semantic analysis"
2124
+ ],
2125
+ "MI": [
2126
+ "myocardial infarction",
2127
+ "mutual information",
2128
+ "motor imagery",
2129
+ "mathematical induction"
2130
+ ],
2131
+ "PVC": [
2132
+ "premature ventricular contraction",
2133
+ "passive voltage contrast"
2134
+ ],
2135
+ "WT": [
2136
+ "wavelet transform",
2137
+ "wild type",
2138
+ "whole tumor",
2139
+ "william thackeray"
2140
+ ],
2141
+ "AAL": [
2142
+ "automated anatomical labeling",
2143
+ "ambient assisted living"
2144
+ ],
2145
+ "DA": [
2146
+ "denoised auto - encoder",
2147
+ "data assimilation",
2148
+ "deterministic annealing",
2149
+ "domain adaptation",
2150
+ "data augmentation",
2151
+ "direct assessment",
2152
+ "dialogue acts",
2153
+ "distribution alignment"
2154
+ ],
2155
+ "MIR": [
2156
+ "music information retrieval",
2157
+ "music instrument recognition",
2158
+ "music information research"
2159
+ ],
2160
+ "DCT": [
2161
+ "document creation time",
2162
+ "download completion time",
2163
+ "discrete cosine transformation"
2164
+ ],
2165
+ "PLS": [
2166
+ "partial least square",
2167
+ "physical layer security",
2168
+ "progressive lesion segmentation"
2169
+ ],
2170
+ "PC": [
2171
+ "program counter",
2172
+ "point cloud",
2173
+ "program committee",
2174
+ "principal component"
2175
+ ],
2176
+ "CNS": [
2177
+ "central nervous system",
2178
+ "copenhagen networks study"
2179
+ ],
2180
+ "AD": [
2181
+ "alzheimer 's disease",
2182
+ "automatic differentiation",
2183
+ "audit department",
2184
+ "anomaly detection",
2185
+ "auction distribution",
2186
+ "artificially - degraded",
2187
+ "axial diffusivity"
2188
+ ],
2189
+ "PL": [
2190
+ "path loss",
2191
+ "polarity loss",
2192
+ "programming language",
2193
+ "parallel lexicon",
2194
+ "photoluminescence"
2195
+ ],
2196
+ "CMC": [
2197
+ "cumulative matching characteristic",
2198
+ "crude monte carlo"
2199
+ ],
2200
+ "CER": [
2201
+ "character error rate",
2202
+ "classification error rate",
2203
+ "clustering error rate"
2204
+ ],
2205
+ "FE": [
2206
+ "fire emblem",
2207
+ "finite element",
2208
+ "feature extraction"
2209
+ ],
2210
+ "NC": [
2211
+ "network coding",
2212
+ "normalized correlation",
2213
+ "north carolina",
2214
+ "new classes",
2215
+ "noise clinic",
2216
+ "network centre",
2217
+ "next corollary",
2218
+ "node classification",
2219
+ "news commentary"
2220
+ ],
2221
+ "CTC": [
2222
+ "connectionist temporal classification",
2223
+ "common test conditions"
2224
+ ],
2225
+ "ZF": [
2226
+ "zero forcing",
2227
+ "zero - filled"
2228
+ ],
2229
+ "SE": [
2230
+ "spectral efficiency",
2231
+ "situation entity",
2232
+ "smarteda",
2233
+ "sequential exploring",
2234
+ "software engineering",
2235
+ "strong elimination",
2236
+ "signed error",
2237
+ "speech enhancement",
2238
+ "signal enhancement",
2239
+ "squared exponential",
2240
+ "selective eraser",
2241
+ "small enough",
2242
+ "systems engineering"
2243
+ ],
2244
+ "DAC": [
2245
+ "disk array controller",
2246
+ "distributed admission control"
2247
+ ],
2248
+ "GRD": [
2249
+ "group rotate declustering",
2250
+ "ground range detected"
2251
+ ],
2252
+ "ALS": [
2253
+ "aerial laser scanner",
2254
+ "alternating least squares"
2255
+ ],
2256
+ "CE": [
2257
+ "cross entropy",
2258
+ "contrastive estimation",
2259
+ "context entities",
2260
+ "category embeddings",
2261
+ "context encoder",
2262
+ "crossing event"
2263
+ ],
2264
+ "ICA": [
2265
+ "imperialist competitive algorithm",
2266
+ "independent component analysis"
2267
+ ],
2268
+ "WS": [
2269
+ "weight superiority",
2270
+ "word shape",
2271
+ "word sequence",
2272
+ "write skew"
2273
+ ],
2274
+ "SCM": [
2275
+ "semantic correlation maximization",
2276
+ "spatial compositional model",
2277
+ "scanning capacitance microscopy"
2278
+ ],
2279
+ "BF": [
2280
+ "blind forwarding",
2281
+ "basic feature",
2282
+ "bayes factor",
2283
+ "bilateral filtering",
2284
+ "black females",
2285
+ "binary function",
2286
+ "brute force search",
2287
+ "bayesian filtering"
2288
+ ],
2289
+ "PAF": [
2290
+ "provider - aware forwarding",
2291
+ "plenacoustic function"
2292
+ ],
2293
+ "GC": [
2294
+ "garbage collector",
2295
+ "graph cuts",
2296
+ "graph convolution"
2297
+ ],
2298
+ "SIS": [
2299
+ "sequential importance sampling",
2300
+ "social identification system"
2301
+ ],
2302
+ "VC": [
2303
+ "voice conversion",
2304
+ "virtual classifier"
2305
+ ],
2306
+ "PS": [
2307
+ "prediction shift",
2308
+ "parameter server",
2309
+ "personal storage",
2310
+ "probabilistic serial",
2311
+ "power splitting",
2312
+ "projective simulation",
2313
+ "processor sharing"
2314
+ ],
2315
+ "UAS": [
2316
+ "unlabeled attachment score",
2317
+ "unmanned aircraft systems"
2318
+ ],
2319
+ "BI": [
2320
+ "business intelligence",
2321
+ "bayesian inference",
2322
+ "bilinear interpolation"
2323
+ ],
2324
+ "NE": [
2325
+ "nash equilibrium",
2326
+ "named entity",
2327
+ "nested experiments"
2328
+ ],
2329
+ "FM": [
2330
+ "factorization machines",
2331
+ "formal methods",
2332
+ "feature matching",
2333
+ "flash memory",
2334
+ "forward models",
2335
+ "fowlkes mallows index",
2336
+ "feature map",
2337
+ "f1-measure",
2338
+ "frequency modulation",
2339
+ "finite mixture",
2340
+ "fuzzy measure"
2341
+ ],
2342
+ "MRE": [
2343
+ "mean relative error",
2344
+ "median recovery error"
2345
+ ],
2346
+ "BDI": [
2347
+ "belief , desire , intention",
2348
+ "beck 's depression inventory"
2349
+ ],
2350
+ "TE": [
2351
+ "transformation encoder",
2352
+ "taylor expansion",
2353
+ "transformation error",
2354
+ "temporal expressions"
2355
+ ],
2356
+ "APT": [
2357
+ "anytime parameter - free thresholding",
2358
+ "advanced persistent threat"
2359
+ ],
2360
+ "NR": [
2361
+ "new radio",
2362
+ "nuclear receptor"
2363
+ ],
2364
+ "ART": [
2365
+ "adaptive radix tree",
2366
+ "adaptive resonance theory"
2367
+ ],
2368
+ "GM": [
2369
+ "genetically modified",
2370
+ "gradient magnitude",
2371
+ "graph matching",
2372
+ "generator matrix"
2373
+ ],
2374
+ "LB": [
2375
+ "lower bound",
2376
+ "lovasz bregman"
2377
+ ],
2378
+ "IPC": [
2379
+ "instructions per cycle",
2380
+ "individual pitch control",
2381
+ "international patent classification"
2382
+ ],
2383
+ "LT": [
2384
+ "lomonosov 's turnip",
2385
+ "likelihood test",
2386
+ "linear threshold",
2387
+ "luby transform",
2388
+ "label transfer"
2389
+ ],
2390
+ "DOM": [
2391
+ "document object model",
2392
+ "degrees of measurement"
2393
+ ],
2394
+ "ESR": [
2395
+ "equivalent series resistances",
2396
+ "extended support release"
2397
+ ],
2398
+ "PCM": [
2399
+ "peak current mode",
2400
+ "phase change memory",
2401
+ "permanent customer model"
2402
+ ],
2403
+ "IB": [
2404
+ "imaginary batches",
2405
+ "information bottleneck",
2406
+ "immersed boundary"
2407
+ ],
2408
+ "FL": [
2409
+ "flatten layer",
2410
+ "federated learning",
2411
+ "fixated locations"
2412
+ ],
2413
+ "GD": [
2414
+ "group delay",
2415
+ "gradient descent"
2416
+ ],
2417
+ "BPD": [
2418
+ "baseband phase difference",
2419
+ "basis pursuit denoising"
2420
+ ],
2421
+ "SCP": [
2422
+ "squared cosine proximity",
2423
+ "simultaneous closeness - performance"
2424
+ ],
2425
+ "ECN": [
2426
+ "explicit congestion notification",
2427
+ "edge computing node"
2428
+ ],
2429
+ "GRL": [
2430
+ "gradient reversal layer",
2431
+ "goal - oriented requirement language"
2432
+ ],
2433
+ "GS": [
2434
+ "gold standard",
2435
+ "group sweep",
2436
+ "gauss seidel",
2437
+ "geometric sequence",
2438
+ "genetic search",
2439
+ "google scholar 's"
2440
+ ],
2441
+ "IM": [
2442
+ "instant messaging",
2443
+ "identity mapping",
2444
+ "intensity modulation",
2445
+ "influence maps",
2446
+ "interference margin",
2447
+ "index modulation"
2448
+ ],
2449
+ "UI": [
2450
+ "user interface",
2451
+ "uniform indicator"
2452
+ ],
2453
+ "PRR": [
2454
+ "packet reception rate",
2455
+ "pre - reduced ring"
2456
+ ],
2457
+ "DPs": [
2458
+ "dropped pronouns",
2459
+ "dependency pairs"
2460
+ ],
2461
+ "NLM": [
2462
+ "neural logic machines",
2463
+ "neural language modelling"
2464
+ ],
2465
+ "ACC": [
2466
+ "anomaly correlation coefficient",
2467
+ "accuracy",
2468
+ "adaptive cruise control"
2469
+ ],
2470
+ "CG": [
2471
+ "conjugate gradient",
2472
+ "correspondence grouping",
2473
+ "context - guided attention",
2474
+ "contour generator",
2475
+ "context gating",
2476
+ "chemical graph",
2477
+ "candidate generation"
2478
+ ],
2479
+ "DG": [
2480
+ "distributed generation",
2481
+ "dynamic graph",
2482
+ "discontinuous galerkin",
2483
+ "domain generalization"
2484
+ ],
2485
+ "SNP": [
2486
+ "single nucleotide polymorphisms",
2487
+ "state neighborhood probability"
2488
+ ],
2489
+ "MDR": [
2490
+ "multifactor dimensionality reduction",
2491
+ "message dropping rate"
2492
+ ],
2493
+ "CL": [
2494
+ "cumulative link",
2495
+ "coupling layers",
2496
+ "curriculum learning",
2497
+ "continual learning",
2498
+ "classical logic"
2499
+ ],
2500
+ "DIC": [
2501
+ "directed interval class",
2502
+ "dynamic induction control",
2503
+ "deviance information criterion"
2504
+ ],
2505
+ "AEC": [
2506
+ "accepting end component",
2507
+ "automatic exposure control"
2508
+ ],
2509
+ "SGNS": [
2510
+ "syntactic symmetric pattern",
2511
+ "skip - gram with negative sampling"
2512
+ ],
2513
+ "OCC": [
2514
+ "one class classifier",
2515
+ "output constrained covariance",
2516
+ "open circuit condition"
2517
+ ],
2518
+ "AOT": [
2519
+ "adaptive on time",
2520
+ "adaptively optimised threshold"
2521
+ ],
2522
+ "RA": [
2523
+ "random access",
2524
+ "ring allreduce",
2525
+ "resource allocation",
2526
+ "random attack",
2527
+ "remote attestation",
2528
+ "right atrium"
2529
+ ],
2530
+ "PMF": [
2531
+ "probabilistic matrix factorization",
2532
+ "probability mass function"
2533
+ ],
2534
+ "DOE": [
2535
+ "department of energy",
2536
+ "design of experiment",
2537
+ "diffractive optical element"
2538
+ ],
2539
+ "RP": [
2540
+ "replies",
2541
+ "reciprocal pagerank",
2542
+ "reference point",
2543
+ "random priority",
2544
+ "replacement paths"
2545
+ ],
2546
+ "CSP": [
2547
+ "constraint satisfaction problem",
2548
+ "content security policy",
2549
+ "cloud service providers",
2550
+ "coverage sampling problem",
2551
+ "common spatial patterns"
2552
+ ],
2553
+ "PDR": [
2554
+ "pedestrian dead reckoning",
2555
+ "packet delivery ratio"
2556
+ ],
2557
+ "TTI": [
2558
+ "transmission time interval",
2559
+ "time transmit interval"
2560
+ ],
2561
+ "MM": [
2562
+ "mathematical model",
2563
+ "maximum mark"
2564
+ ],
2565
+ "PE": [
2566
+ "processing element",
2567
+ "portable executable"
2568
+ ],
2569
+ "FFT": [
2570
+ "fast fourier transformation",
2571
+ "feature finding team"
2572
+ ],
2573
+ "TDS": [
2574
+ "taint dependency sequences",
2575
+ "training data set"
2576
+ ],
2577
+ "GT": [
2578
+ "group testing",
2579
+ "generic tool",
2580
+ "ground truth",
2581
+ "graph traversal",
2582
+ "google translate"
2583
+ ],
2584
+ "CSS": [
2585
+ "compressive spectrum sensing",
2586
+ "chirp spread spectrum",
2587
+ "cooperative spectrum sensing",
2588
+ "cascade style sheet"
2589
+ ],
2590
+ "IV": [
2591
+ "initialization vector",
2592
+ "intersection viewer"
2593
+ ],
2594
+ "OF": [
2595
+ "optical flow",
2596
+ "objective function"
2597
+ ],
2598
+ "VFC": [
2599
+ "vehicular fog computing",
2600
+ "vector filed consensus"
2601
+ ],
2602
+ "TBS": [
2603
+ "transport block sizes",
2604
+ "terrestrial base station"
2605
+ ],
2606
+ "SEP": [
2607
+ "separator",
2608
+ "symbol error probability"
2609
+ ],
2610
+ "BR": [
2611
+ "boundary refinement",
2612
+ "binary relevance",
2613
+ "bug reports",
2614
+ "belief revision",
2615
+ "best response",
2616
+ "bone region"
2617
+ ],
2618
+ "RWA": [
2619
+ "random walker algorithm",
2620
+ "right wing authoritarianism",
2621
+ "recurrent weighted average"
2622
+ ],
2623
+ "DCI": [
2624
+ "downlink control information",
2625
+ "downlink control indicator"
2626
+ ],
2627
+ "RE": [
2628
+ "resource elements",
2629
+ "relation extraction",
2630
+ "renewable energy",
2631
+ "requirements elicitation",
2632
+ "referring expression"
2633
+ ],
2634
+ "PDF": [
2635
+ "probability density function",
2636
+ "portable document format",
2637
+ "primary distribution format"
2638
+ ],
2639
+ "PAT": [
2640
+ "perform adversarial training",
2641
+ "process arrival time"
2642
+ ],
2643
+ "SIC": [
2644
+ "successive interference cancellation",
2645
+ "static induction control",
2646
+ "self interference cancellation"
2647
+ ],
2648
+ "DFA": [
2649
+ "direct feedback alignment",
2650
+ "deterministic finite automaton"
2651
+ ],
2652
+ "IEC": [
2653
+ "information embedding cost",
2654
+ "international electrotechnical commission"
2655
+ ],
2656
+ "IAN": [
2657
+ "introspective adversarial network",
2658
+ "interference as noise"
2659
+ ],
2660
+ "WN": [
2661
+ "weak normalization",
2662
+ "weight normalization"
2663
+ ],
2664
+ "TTP": [
2665
+ "trusted third party",
2666
+ "total transmit power"
2667
+ ],
2668
+ "SSM": [
2669
+ "state space model",
2670
+ "statistical shape modeling"
2671
+ ],
2672
+ "WSI": [
2673
+ "whole slide image",
2674
+ "word sense induction"
2675
+ ],
2676
+ "CDA": [
2677
+ "concurrent dialogue acts",
2678
+ "christen democratisch appel",
2679
+ "canonical discriminant analysis",
2680
+ "continuous decomposition analysis"
2681
+ ],
2682
+ "BL": [
2683
+ "black level subtraction",
2684
+ "bayesian learning"
2685
+ ],
2686
+ "NSS": [
2687
+ "normalized scan - path saliency",
2688
+ "non - local self similar"
2689
+ ],
2690
+ "VSI": [
2691
+ "virtual switch instances",
2692
+ "variational system identification",
2693
+ "voltage source inverter"
2694
+ ],
2695
+ "RRC": [
2696
+ "rank residual constraint",
2697
+ "radio resource control"
2698
+ ],
2699
+ "ASF": [
2700
+ "apache software foundation",
2701
+ "african swine fever"
2702
+ ],
2703
+ "AKS": [
2704
+ "almost known sets",
2705
+ "asimmetric kernel scaling"
2706
+ ],
2707
+ "ICE": [
2708
+ "intrinsic control error",
2709
+ "interactive connectivity establishment"
2710
+ ],
2711
+ "PDP": [
2712
+ "partial dependence plots",
2713
+ "product display page",
2714
+ "policy decision point"
2715
+ ],
2716
+ "RD": [
2717
+ "real data",
2718
+ "residual denoiser",
2719
+ "research and development",
2720
+ "relative difference",
2721
+ "reciprocal degree"
2722
+ ],
2723
+ "IT": [
2724
+ "iris thickness",
2725
+ "immediate threshold",
2726
+ "inferior temporal",
2727
+ "image translation"
2728
+ ],
2729
+ "CBP": [
2730
+ "coprime blur pairs",
2731
+ "compact bilinear pooling"
2732
+ ],
2733
+ "RFS": [
2734
+ "random finite set",
2735
+ "rain fog snow"
2736
+ ],
2737
+ "IFD": [
2738
+ "indian face database",
2739
+ "icelandic frequency dictionary"
2740
+ ],
2741
+ "CDR": [
2742
+ "call detail records",
2743
+ "critical design review",
2744
+ "clock difference relations"
2745
+ ],
2746
+ "DBP": [
2747
+ "discrete base problem",
2748
+ "determinisable by pruning",
2749
+ "digital back propagation"
2750
+ ],
2751
+ "BLE": [
2752
+ "bluetooth low energy",
2753
+ "bilingual lexicon extraction"
2754
+ ],
2755
+ "RTF": [
2756
+ "region templates framework",
2757
+ "real time factor"
2758
+ ],
2759
+ "BSP": [
2760
+ "binary space partitioning",
2761
+ "bulk synchronous parallel"
2762
+ ],
2763
+ "RCA": [
2764
+ "root certificate authority",
2765
+ "ripple carry adder",
2766
+ "root cause analysis",
2767
+ "reverse classification accuracy"
2768
+ ],
2769
+ "LBP": [
2770
+ "local binary pattern",
2771
+ "loopy belief propagation"
2772
+ ],
2773
+ "LML": [
2774
+ "lifelong metric learning",
2775
+ "log marginal likelihood",
2776
+ "lifelong machine learning"
2777
+ ],
2778
+ "ADF": [
2779
+ "anisotropic diffusion filter",
2780
+ "automatically defined function"
2781
+ ],
2782
+ "DML": [
2783
+ "data modification layer",
2784
+ "declarative ml language"
2785
+ ],
2786
+ "BQ": [
2787
+ "basic question",
2788
+ "bayesian quadrature"
2789
+ ],
2790
+ "LA": [
2791
+ "logical access",
2792
+ "layout analysis",
2793
+ "left atrium",
2794
+ "location area"
2795
+ ],
2796
+ "NPR": [
2797
+ "near perfect reconstruction",
2798
+ "normalized probabilistic rand"
2799
+ ],
2800
+ "PEP": [
2801
+ "permission enforcement point",
2802
+ "policy enforcement point"
2803
+ ],
2804
+ "PPT": [
2805
+ "pignistic probability transformation",
2806
+ "privacy preserving techniques"
2807
+ ],
2808
+ "DMA": [
2809
+ "direct memory access",
2810
+ "dynamic mechanical analysis",
2811
+ "data market austria"
2812
+ ],
2813
+ "SDF": [
2814
+ "side - stream dark field",
2815
+ "signed distance function",
2816
+ "signed distance field"
2817
+ ],
2818
+ "SU": [
2819
+ "symmetric uncertainty",
2820
+ "secondary user"
2821
+ ],
2822
+ "RPG": [
2823
+ "relevance proximity graph",
2824
+ "robust principal graph"
2825
+ ],
2826
+ "PIT": [
2827
+ "permutation invariant training",
2828
+ "pending interest table"
2829
+ ],
2830
+ "CB": [
2831
+ "code block",
2832
+ "content - based",
2833
+ "circular buffered",
2834
+ "compression benchmark",
2835
+ "causal box"
2836
+ ],
2837
+ "DMF": [
2838
+ "dynamic mode factorization",
2839
+ "drone - cell management frame"
2840
+ ],
2841
+ "DBA": [
2842
+ "dtw barycenter averaging",
2843
+ "deterministic buchi automaton"
2844
+ ],
2845
+ "SRL": [
2846
+ "semantic role labeling",
2847
+ "state representation learning",
2848
+ "statistical relational learning"
2849
+ ],
2850
+ "RQ": [
2851
+ "research question",
2852
+ "reformulated queries"
2853
+ ],
2854
+ "SBM": [
2855
+ "stochastic block model",
2856
+ "sequential monte carlo",
2857
+ "standard bit mutations",
2858
+ "shape boltzmann machine"
2859
+ ],
2860
+ "FJ": [
2861
+ "friendly jamming",
2862
+ "featherweight java"
2863
+ ],
2864
+ "SPF": [
2865
+ "structure propagation fusion",
2866
+ "shortest path forest"
2867
+ ],
2868
+ "HM": [
2869
+ "harmonic mean",
2870
+ "hybrid model"
2871
+ ],
2872
+ "LOD": [
2873
+ "linked open data",
2874
+ "level of detail"
2875
+ ],
2876
+ "GTD": [
2877
+ "grasp type detection",
2878
+ "grasp type dataset"
2879
+ ],
2880
+ "TCR": [
2881
+ "trap control register",
2882
+ "transductive cascaded regression"
2883
+ ],
2884
+ "LE": [
2885
+ "low energy",
2886
+ "label equivalence"
2887
+ ],
2888
+ "LCS": [
2889
+ "longest common subsequence",
2890
+ "local causal states"
2891
+ ],
2892
+ "FAST": [
2893
+ "features from accelerated segment test",
2894
+ "file and storage technologies"
2895
+ ],
2896
+ "SSE": [
2897
+ "streaming simd extensions",
2898
+ "spherical semantic embedding"
2899
+ ],
2900
+ "DSR": [
2901
+ "dynamic sparse reparameterization",
2902
+ "dynamic source routing"
2903
+ ],
2904
+ "GPM": [
2905
+ "graph pattern matching",
2906
+ "matchinggraph pattern matching"
2907
+ ],
2908
+ "VR": [
2909
+ "virtual reality",
2910
+ "visibility region",
2911
+ "vigilance reward"
2912
+ ],
2913
+ "MPA": [
2914
+ "music performance analysis",
2915
+ "message passing algorithm"
2916
+ ],
2917
+ "SAN": [
2918
+ "semantic alignment network",
2919
+ "saturation analysis",
2920
+ "subject alternate name",
2921
+ "stacked attention network",
2922
+ "self attention network"
2923
+ ],
2924
+ "SSI": [
2925
+ "subspace system identification",
2926
+ "social system identification",
2927
+ "software sustainability institute"
2928
+ ],
2929
+ "TDM": [
2930
+ "technical debt management",
2931
+ "temporal difference model",
2932
+ "time division multiplexing"
2933
+ ],
2934
+ "NS": [
2935
+ "network science",
2936
+ "negative sampling",
2937
+ "neutron star"
2938
+ ],
2939
+ "SUs": [
2940
+ "secondary users",
2941
+ "spectrum usage"
2942
+ ],
2943
+ "PBS": [
2944
+ "primary base station",
2945
+ "public broadcasting service"
2946
+ ],
2947
+ "PCL": [
2948
+ "positive coalgebraic logics",
2949
+ "point cloud library",
2950
+ "path consistency learning"
2951
+ ],
2952
+ "DMN": [
2953
+ "dynamic memory network",
2954
+ "default mode network"
2955
+ ],
2956
+ "SFM": [
2957
+ "social force model",
2958
+ "structural factorization machine",
2959
+ "structure from motion"
2960
+ ],
2961
+ "GF": [
2962
+ "guided filtering",
2963
+ "gabor filter"
2964
+ ],
2965
+ "CDP": [
2966
+ "centralized differential privacy",
2967
+ "classical dynamic programming"
2968
+ ],
2969
+ "SAM": [
2970
+ "semi - autonomous machine",
2971
+ "speaker - addressee model",
2972
+ "search of associative memory",
2973
+ "self - assessment manikin"
2974
+ ],
2975
+ "TM": [
2976
+ "tone mapping",
2977
+ "teacher mark",
2978
+ "turing machine"
2979
+ ],
2980
+ "DADA": [
2981
+ "distributed affinity dual approximation",
2982
+ "dual adversarial domain adaptation"
2983
+ ],
2984
+ "DEC": [
2985
+ "deep embedded clustering",
2986
+ "dense - captioning event"
2987
+ ],
2988
+ "CNL": [
2989
+ "controlled natural language",
2990
+ "certain natural language"
2991
+ ],
2992
+ "PIN": [
2993
+ "proposal indexing network",
2994
+ "phrase indexing network"
2995
+ ],
2996
+ "USD": [
2997
+ "unmet system demand",
2998
+ "unambiguous state discrimination"
2999
+ ],
3000
+ "HC": [
3001
+ "healthy control",
3002
+ "hill - climbing",
3003
+ "hierarchical classification"
3004
+ ],
3005
+ "GSP": [
3006
+ "generalized second price",
3007
+ "global statistics pooling"
3008
+ ],
3009
+ "ESS": [
3010
+ "effective sample size",
3011
+ "evolutionary stable strategies"
3012
+ ],
3013
+ "LDS": [
3014
+ "low density spreading",
3015
+ "linear dynamical system"
3016
+ ],
3017
+ "ARD": [
3018
+ "adversarially robust distillation",
3019
+ "automatic relevance determination",
3020
+ "accelerated robust distillation"
3021
+ ],
3022
+ "NL": [
3023
+ "network lifetime",
3024
+ "natural language"
3025
+ ],
3026
+ "ILS": [
3027
+ "incomplete lineage sorting",
3028
+ "iterated local search"
3029
+ ],
3030
+ "AML": [
3031
+ "adversarial machine learning",
3032
+ "actor modeling language"
3033
+ ],
3034
+ "MN": [
3035
+ "mobile network",
3036
+ "master node",
3037
+ "memory networks",
3038
+ "mobile node"
3039
+ ],
3040
+ "SED": [
3041
+ "soft edit distance",
3042
+ "sound event detection",
3043
+ "standard edit distance"
3044
+ ],
3045
+ "UDP": [
3046
+ "user datagram protocol",
3047
+ "universal dependency parse"
3048
+ ],
3049
+ "SSL": [
3050
+ "structural sparsity learning",
3051
+ "scleral spur location",
3052
+ "semi supervised learning"
3053
+ ],
3054
+ "SCR": [
3055
+ "scratch",
3056
+ "sparse compositional regression",
3057
+ "skin conductance response"
3058
+ ],
3059
+ "CKA": [
3060
+ "concurrent kleene algebra",
3061
+ "centered kernel alignment"
3062
+ ],
3063
+ "RDS": [
3064
+ "relational database service",
3065
+ "running digital sum"
3066
+ ],
3067
+ "WF": [
3068
+ "white females",
3069
+ "weighted fusion"
3070
+ ],
3071
+ "TBB": [
3072
+ "tor browser bundle",
3073
+ "threading building blocks"
3074
+ ],
3075
+ "DI": [
3076
+ "document index",
3077
+ "dyadic indicator",
3078
+ "direct inspection",
3079
+ "dependency injection"
3080
+ ],
3081
+ "TPD": [
3082
+ "turbo product decoder",
3083
+ "total project delay"
3084
+ ],
3085
+ "NIC": [
3086
+ "neural image caption",
3087
+ "network interface card"
3088
+ ],
3089
+ "DSA": [
3090
+ "data science and analytics",
3091
+ "digital signature algorithm"
3092
+ ],
3093
+ "MRS": [
3094
+ "magnetic resonance spectroscopy",
3095
+ "multiset rewriting systems"
3096
+ ],
3097
+ "CO": [
3098
+ "context - only attention",
3099
+ "carbon - oxygen"
3100
+ ],
3101
+ "NSP": [
3102
+ "neural sequence prediction",
3103
+ "next sentence prediction"
3104
+ ],
3105
+ "FG": [
3106
+ "favoured granted",
3107
+ "filter gate"
3108
+ ],
3109
+ "BSC": [
3110
+ "binary symmetric channel",
3111
+ "base station controller"
3112
+ ],
3113
+ "BSD": [
3114
+ "blind spot detection",
3115
+ "berkeley segmentation dataset"
3116
+ ],
3117
+ "FPS": [
3118
+ "frame per second",
3119
+ "false projection selection"
3120
+ ],
3121
+ "SPS": [
3122
+ "signal processing systems",
3123
+ "surcharge pricing scheme",
3124
+ "signal probability skey"
3125
+ ],
3126
+ "PPE": [
3127
+ "per - pixel - error",
3128
+ "predictive performance equation"
3129
+ ],
3130
+ "EMS": [
3131
+ "elevated mean scan statistic",
3132
+ "event management system",
3133
+ "elevated mean scan"
3134
+ ],
3135
+ "FAR": [
3136
+ "false acceptance rate",
3137
+ "flow annotation replanning"
3138
+ ],
3139
+ "CFD": [
3140
+ "computational fluid dynamics",
3141
+ "carrier frequency difference"
3142
+ ],
3143
+ "DSO": [
3144
+ "direct sparse odometry",
3145
+ "distribution system operator"
3146
+ ],
3147
+ "DTP": [
3148
+ "difference target propagation",
3149
+ "dynamic trajectory predictor"
3150
+ ],
3151
+ "GI": [
3152
+ "gradient initialization",
3153
+ "graph isomorphism"
3154
+ ],
3155
+ "SSS": [
3156
+ "staggered sample selection",
3157
+ "stochastically stable states"
3158
+ ],
3159
+ "DST": [
3160
+ "dialogue state tracker",
3161
+ "discrete sine transform"
3162
+ ],
3163
+ "ID": [
3164
+ "item description",
3165
+ "information decoding",
3166
+ "input data",
3167
+ "interleaved declustering"
3168
+ ],
3169
+ "FEA": [
3170
+ "factored evolutionary algorithms",
3171
+ "finite element analysis"
3172
+ ],
3173
+ "SB": [
3174
+ "systems biology",
3175
+ "symmetry breaking"
3176
+ ],
3177
+ "SG": [
3178
+ "skip gram",
3179
+ "stochastic gradient"
3180
+ ],
3181
+ "CLT": [
3182
+ "central limit theorem",
3183
+ "cognitive load theory"
3184
+ ],
3185
+ "MET": [
3186
+ "michigan english test",
3187
+ "multi - edge type"
3188
+ ],
3189
+ "GSR": [
3190
+ "geographic source routing",
3191
+ "group sparsity residual",
3192
+ "group sparse representation"
3193
+ ],
3194
+ "GPR": [
3195
+ "gaussian process regression",
3196
+ "gamma passing rate"
3197
+ ],
3198
+ "STA": [
3199
+ "static timing analysis",
3200
+ "super - twisting algorithms"
3201
+ ],
3202
+ "HMC": [
3203
+ "hybrid monte carlo",
3204
+ "hamiltonian monte carlo"
3205
+ ],
3206
+ "LSM": [
3207
+ "laplacian - based shape matching",
3208
+ "lock sweeping method"
3209
+ ],
3210
+ "IO": [
3211
+ "inverse optimization",
3212
+ "iterative optimization",
3213
+ "interacting object"
3214
+ ],
3215
+ "LAP": [
3216
+ "low altitude platform",
3217
+ "linear assignment problem"
3218
+ ],
3219
+ "LTP": [
3220
+ "licklider transmission protocol",
3221
+ "long term potentiation"
3222
+ ],
3223
+ "GMS": [
3224
+ "grid - based motion statistics",
3225
+ "gaussian material synthesis"
3226
+ ],
3227
+ "DCM": [
3228
+ "dynamics canalization map",
3229
+ "discontinuous conduction mode",
3230
+ "deep choice model",
3231
+ "discrete choice models",
3232
+ "device configuration manager"
3233
+ ],
3234
+ "MGE": [
3235
+ "minimum generation error",
3236
+ "multi - granularity embedding"
3237
+ ],
3238
+ "MCS": [
3239
+ "maximal consistent set",
3240
+ "modulation and coding scheme",
3241
+ "maximum cardinality search"
3242
+ ],
3243
+ "OP": [
3244
+ "orthogonal procrustes",
3245
+ "old persian",
3246
+ "outage probability",
3247
+ "original precision",
3248
+ "orienteering problem"
3249
+ ],
3250
+ "CWE": [
3251
+ "common weakness enumeration",
3252
+ "character - enhanced word embedding",
3253
+ "chinese word embeddings"
3254
+ ],
3255
+ "MSR": [
3256
+ "minimum storage regenerating",
3257
+ "mining software repositories"
3258
+ ],
3259
+ "PT": [
3260
+ "piecewise -testable",
3261
+ "physical therapy",
3262
+ "productive time",
3263
+ "proof time"
3264
+ ],
3265
+ "PBRT": [
3266
+ "physically based renderer",
3267
+ "physically based ray tracing"
3268
+ ],
3269
+ "NHS": [
3270
+ "national health service",
3271
+ "nurses ' health study"
3272
+ ],
3273
+ "LSC": [
3274
+ "leicester scientific corpus",
3275
+ "long skip connections"
3276
+ ],
3277
+ "STL": [
3278
+ "single task learning",
3279
+ "signal temporal logic",
3280
+ "standard template library"
3281
+ ],
3282
+ "SBS": [
3283
+ "swedish blog sentences",
3284
+ "small - cell base stations"
3285
+ ],
3286
+ "PAA": [
3287
+ "piecewise aggregation approximation",
3288
+ "principal axis analysis"
3289
+ ],
3290
+ "CPS": [
3291
+ "common phone set",
3292
+ "current population survey"
3293
+ ],
3294
+ "MVP": [
3295
+ "mitral valve prolapse",
3296
+ "million veterans program"
3297
+ ],
3298
+ "MPB": [
3299
+ "matrix pair beamformer",
3300
+ "modified poisson blending"
3301
+ ],
3302
+ "MIS": [
3303
+ "multiple importance sampling",
3304
+ "maximal independent set"
3305
+ ],
3306
+ "LF": [
3307
+ "large faces",
3308
+ "late fusion",
3309
+ "line feeds"
3310
+ ],
3311
+ "SOC": [
3312
+ "security operations center",
3313
+ "standard occupation classification",
3314
+ "state of charge"
3315
+ ],
3316
+ "IVR": [
3317
+ "interactive voice response",
3318
+ "immersive virtual reality"
3319
+ ],
3320
+ "IA": [
3321
+ "intent analyst",
3322
+ "interval analysis",
3323
+ "incremental approximation",
3324
+ "interference alignment"
3325
+ ],
3326
+ "IFT": [
3327
+ "information foraging theory",
3328
+ "information flow tracking"
3329
+ ],
3330
+ "ARS": [
3331
+ "augmented random search",
3332
+ "addressee and response selection"
3333
+ ],
3334
+ "SCS": [
3335
+ "statistical compressed sensing",
3336
+ "shortest common superstring",
3337
+ "spoken conversational search",
3338
+ "sub - carrier spacing"
3339
+ ],
3340
+ "SQA": [
3341
+ "semantic question answering",
3342
+ "spoken question answering"
3343
+ ],
3344
+ "AWE": [
3345
+ "averaged word embeddings",
3346
+ "address windowing extensions"
3347
+ ],
3348
+ "TAS": [
3349
+ "transverse abdominal section",
3350
+ "transmit antenna selection"
3351
+ ],
3352
+ "IE": [
3353
+ "information extraction",
3354
+ "intelligent element",
3355
+ "integral equation"
3356
+ ],
3357
+ "CEM": [
3358
+ "causal effect map",
3359
+ "circled entropy measurement",
3360
+ "cross entropy methods"
3361
+ ],
3362
+ "UM": [
3363
+ "user model",
3364
+ "upsampling module"
3365
+ ],
3366
+ "ILM": [
3367
+ "internal limiting membrane",
3368
+ "information lifecycle management"
3369
+ ],
3370
+ "RGB": [
3371
+ "red , green , blue",
3372
+ "red giant branch"
3373
+ ],
3374
+ "CSG": [
3375
+ "cumulative spectral gradient",
3376
+ "cost sharing game"
3377
+ ],
3378
+ "PPC": [
3379
+ "peak power contract",
3380
+ "pay per click"
3381
+ ],
3382
+ "EMG": [
3383
+ "eight medical grade",
3384
+ "electromyograph"
3385
+ ],
3386
+ "DSP": [
3387
+ "digital signal processing",
3388
+ "discrete sequence production"
3389
+ ],
3390
+ "MVF": [
3391
+ "maximum voice frequency",
3392
+ "matching vector families"
3393
+ ],
3394
+ "FDA": [
3395
+ "fisher 's discriminant analysis",
3396
+ "functional data analysis"
3397
+ ],
3398
+ "TDA": [
3399
+ "topological data analysis",
3400
+ "targeted degree - based attack"
3401
+ ],
3402
+ "ERB": [
3403
+ "equivalent rectangular bandwidth",
3404
+ "enhanced residual block"
3405
+ ],
3406
+ "EHS": [
3407
+ "enhanced hybrid simultaneous",
3408
+ "enhanced hybrid swipt protocol"
3409
+ ],
3410
+ "SIR": [
3411
+ "sequential importance resampling",
3412
+ "source to interferences ratio"
3413
+ ],
3414
+ "EMF": [
3415
+ "explicit matrix factorization",
3416
+ "eclipse modeling framework",
3417
+ "electromagnetic fields"
3418
+ ],
3419
+ "DLS": [
3420
+ "derandomized local search",
3421
+ "depth - limited search"
3422
+ ],
3423
+ "AIDA": [
3424
+ "analytic imaging diagnostics arena",
3425
+ "atomic , independent , declarative , and absolute"
3426
+ ],
3427
+ "NTM": [
3428
+ "neural turing machine",
3429
+ "neural topic model"
3430
+ ],
3431
+ "DNS": [
3432
+ "domain name system",
3433
+ "domain name service"
3434
+ ],
3435
+ "EF": [
3436
+ "expedited forwarding",
3437
+ "ejection fraction",
3438
+ "error feedback"
3439
+ ],
3440
+ "MTC": [
3441
+ "movie triplets corpus",
3442
+ "machine type communications"
3443
+ ],
3444
+ "ISM": [
3445
+ "interactive skill modules",
3446
+ "industrial , scientific and medical"
3447
+ ],
3448
+ "PTS": [
3449
+ "partial transmit sequences",
3450
+ "public transportation system"
3451
+ ],
3452
+ "PDT": [
3453
+ "pulse discrete time",
3454
+ "poisson delaunay tessellations"
3455
+ ],
3456
+ "PWM": [
3457
+ "pulse width modulation",
3458
+ "partial weighted matching"
3459
+ ],
3460
+ "GCD": [
3461
+ "graphlet correlation distance",
3462
+ "greatest common divisor"
3463
+ ],
3464
+ "CCG": [
3465
+ "calling contexts graphs",
3466
+ "combinatory categorial grammar",
3467
+ "chromatic correction gratings"
3468
+ ],
3469
+ "MCP": [
3470
+ "mean closest points",
3471
+ "matern cluster process"
3472
+ ],
3473
+ "OR": [
3474
+ "optic radiation",
3475
+ "operations research",
3476
+ "opportunistic relaying"
3477
+ ],
3478
+ "DPN": [
3479
+ "dual path network",
3480
+ "deep pyramid network"
3481
+ ],
3482
+ "LTT": [
3483
+ "lunar transfer trajectory",
3484
+ "locally threshold testable"
3485
+ ],
3486
+ "MED": [
3487
+ "minimal edit distance",
3488
+ "multimedia event detection"
3489
+ ],
3490
+ "FER": [
3491
+ "frame error rate",
3492
+ "facial expression recognition"
3493
+ ],
3494
+ "AE": [
3495
+ "autoencoder",
3496
+ "associative experiment",
3497
+ "absolute error",
3498
+ "answer extraction"
3499
+ ],
3500
+ "BPP": [
3501
+ "bits per pixel",
3502
+ "binomial point process"
3503
+ ],
3504
+ "APD": [
3505
+ "average perpendicular distance",
3506
+ "artifact pyramid decoding"
3507
+ ],
3508
+ "SEM": [
3509
+ "scanning electron microscopy",
3510
+ "squared entropy measurement",
3511
+ "simple event model"
3512
+ ],
3513
+ "PTM": [
3514
+ "point - to - multipoint",
3515
+ "persistent turing machine"
3516
+ ],
3517
+ "CWT": [
3518
+ "continuous wavelet transform",
3519
+ "complex wavelet transform"
3520
+ ],
3521
+ "TA": [
3522
+ "transmission antennas",
3523
+ "threshold algorithm"
3524
+ ],
3525
+ "HOG": [
3526
+ "histogram of gradients",
3527
+ "histogram of oriented gradient"
3528
+ ],
3529
+ "NCE": [
3530
+ "normalized cumulative entropy",
3531
+ "noise contrastive estimation"
3532
+ ],
3533
+ "EP": [
3534
+ "entrance pupil",
3535
+ "exponent parikh",
3536
+ "efficient path",
3537
+ "evolutionary programming",
3538
+ "europarl"
3539
+ ],
3540
+ "COP": [
3541
+ "correlated orienteering problem",
3542
+ "centralized optimization problem"
3543
+ ],
3544
+ "QMA": [
3545
+ "quantitative myotonia assessment",
3546
+ "quantum merlin arthur"
3547
+ ],
3548
+ "MRT": [
3549
+ "minimum risk training",
3550
+ "maximum ratio transmission"
3551
+ ],
3552
+ "VCC": [
3553
+ "vibrational coupled cluster",
3554
+ "vehicular cloud computing"
3555
+ ],
3556
+ "RIC": [
3557
+ "restricted isometry constant",
3558
+ "risk inflation criterion"
3559
+ ],
3560
+ "MV": [
3561
+ "mitral valve",
3562
+ "memory vector"
3563
+ ],
3564
+ "OCT": [
3565
+ "optical coherence tomography",
3566
+ "odd cycle transversal"
3567
+ ],
3568
+ "OA": [
3569
+ "open access",
3570
+ "ocular artifacts",
3571
+ "orthogonal array"
3572
+ ],
3573
+ "TBA": [
3574
+ "targeted betweenness - based attack",
3575
+ "tailor based allocation"
3576
+ ],
3577
+ "IDE": [
3578
+ "integrated development environment",
3579
+ "interprocedural distributive environment"
3580
+ ],
3581
+ "DCH": [
3582
+ "dynamic competition hypothesis",
3583
+ "discriminant cross - modal hashing"
3584
+ ],
3585
+ "GAM": [
3586
+ "generalized additive models",
3587
+ "generative adversarial metric"
3588
+ ],
3589
+ "TVD": [
3590
+ "total variation diminishing",
3591
+ "threshold voltage defined"
3592
+ ],
3593
+ "RUM": [
3594
+ "random utility modelwe",
3595
+ "random utility maximization"
3596
+ ],
3597
+ "TRI": [
3598
+ "temporal random indexing",
3599
+ "toyota research institute"
3600
+ ],
3601
+ "QR": [
3602
+ "quantile regression",
3603
+ "quadruple range"
3604
+ ],
3605
+ "MB": [
3606
+ "motion blurring",
3607
+ "model - based",
3608
+ "maximal biclique"
3609
+ ],
3610
+ "AFC": [
3611
+ "atomic function computation",
3612
+ "automated fare collection(afc",
3613
+ "automatic fact checking"
3614
+ ],
3615
+ "PSL": [
3616
+ "power service layer",
3617
+ "probabilistic soft logic"
3618
+ ],
3619
+ "RPL": [
3620
+ "recurrent power law",
3621
+ "routing protocol for low - power and lossy networks"
3622
+ ],
3623
+ "SPAM": [
3624
+ "subtractive pixel adjacency matrix",
3625
+ "state preparation and measurement errors"
3626
+ ],
3627
+ "PSM": [
3628
+ "patient side manipulator",
3629
+ "precoding - aided spatial modulation"
3630
+ ],
3631
+ "NI": [
3632
+ "new instances",
3633
+ "neat image",
3634
+ "national instruments",
3635
+ "noun incorporation",
3636
+ "network interface"
3637
+ ],
3638
+ "OPF": [
3639
+ "optimal power flow",
3640
+ "optimal pareto front"
3641
+ ],
3642
+ "DTN": [
3643
+ "delay tolerant networks",
3644
+ "domain transfer network",
3645
+ "disruption tolerant networking"
3646
+ ],
3647
+ "PVI": [
3648
+ "parabolic variational inequality",
3649
+ "perpendicular vegetation index"
3650
+ ],
3651
+ "ERR": [
3652
+ "expected reciprocal rank",
3653
+ "exact recovery ratio"
3654
+ ],
3655
+ "HI": [
3656
+ "hubert 's index",
3657
+ "histogram intersection"
3658
+ ],
3659
+ "TCA": [
3660
+ "temporal concept analysis",
3661
+ "task component architecture"
3662
+ ],
3663
+ "NUC": [
3664
+ "normalized uniformity coefficient",
3665
+ "next utterance classification"
3666
+ ],
3667
+ "OCM": [
3668
+ "oz computation model",
3669
+ "original component manufacturers"
3670
+ ],
3671
+ "CCP": [
3672
+ "cross conformal prediction",
3673
+ "convex - concave procedure"
3674
+ ],
3675
+ "JD": [
3676
+ "joint decoding",
3677
+ "joint diagonalization"
3678
+ ],
3679
+ "LDE": [
3680
+ "local discriminant embedding",
3681
+ "learnable dictionary encoding"
3682
+ ],
3683
+ "UC": [
3684
+ "universal composability",
3685
+ "unit commitment"
3686
+ ],
3687
+ "CPD": [
3688
+ "concave points detection",
3689
+ "coherent point drift",
3690
+ "coal mine disaster"
3691
+ ],
3692
+ "HDT": [
3693
+ "header dictionary triple",
3694
+ "header , dictionary , triples"
3695
+ ],
3696
+ "SSC": [
3697
+ "shapley share coefficient",
3698
+ "sparse subspace clustering",
3699
+ "similarity sensitive coding"
3700
+ ],
3701
+ "PDM": [
3702
+ "pulse density modulated",
3703
+ "probability distribution matrix"
3704
+ ],
3705
+ "UCM": [
3706
+ "use case map",
3707
+ "ultrametric contour map"
3708
+ ],
3709
+ "ZTD": [
3710
+ "zenith total delay",
3711
+ "zenithal tropospheric delays"
3712
+ ],
3713
+ "FCA": [
3714
+ "formal concept analysis",
3715
+ "forward capacity auctions"
3716
+ ],
3717
+ "BU": [
3718
+ "bottom - up",
3719
+ "bandwidth units"
3720
+ ],
3721
+ "BCL": [
3722
+ "boolean coalgebraic logics",
3723
+ "bilateral convolutional layers"
3724
+ ],
3725
+ "AQG": [
3726
+ "analyze questions generated",
3727
+ "automatic question generation"
3728
+ ],
3729
+ "CSE": [
3730
+ "cumulative spectrum energy",
3731
+ "common subexpression elimination"
3732
+ ],
3733
+ "MRD": [
3734
+ "mean rank difference",
3735
+ "maximal ratio diversity"
3736
+ ],
3737
+ "NEM": [
3738
+ "net energy metering",
3739
+ "new economy movement"
3740
+ ],
3741
+ "CLI": [
3742
+ "command line interface",
3743
+ "cuneiform language identification"
3744
+ ],
3745
+ "MPCA": [
3746
+ "mobility prediction clustering algorithm",
3747
+ "multi - linear principal components analysis"
3748
+ ],
3749
+ "QF": [
3750
+ "query fusion",
3751
+ "quality factor",
3752
+ "quadratic form"
3753
+ ],
3754
+ "BOA": [
3755
+ "butterfly optimization algorithm",
3756
+ "bilevel optimization algorithm"
3757
+ ],
3758
+ "HP": [
3759
+ "high prr",
3760
+ "hawkes processes"
3761
+ ],
3762
+ "CAA": [
3763
+ "civil aviation authority",
3764
+ "clump assignment array"
3765
+ ],
3766
+ "ACI": [
3767
+ "adjacent channel interference",
3768
+ "artificial collective intelligence"
3769
+ ],
3770
+ "OBS": [
3771
+ "optical burst - switched",
3772
+ "optimal brain surgeon"
3773
+ ]
3774
+ }
model/vocab.txt ADDED
The diff for this file is too large to render. See raw diff
 
requirements.txt ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ torch
2
+ transformers
3
+ tokenizers
4
+ numpy