diff --git a/task3/NER/Config.py b/task3/NER/Config.py new file mode 100644 index 0000000..8151096 --- /dev/null +++ b/task3/NER/Config.py @@ -0,0 +1,46 @@ +import os + +class config: + root = os.getcwd() + dataset = 'chinese ner' + train_data_path = os.path.join(root, 'input/train.json') + dev_data_path = os.path.join(root, 'input/dev.json') + test_data_path = os.path.join(root, 'input/test.json') + + cache_path = os.path.join(root, 'cache/') + + save_path = os.path.join(root, 'saved_models/model.pt') + predict_path = os.path.join(root, 'output/predict.json') + + dist_emb_size = 20 + type_emb_size = 20 + lstm_hid_size = 512 + conv_hid_size = 96 + bert_hid_size = 768 + biaffine_size = 512 + ffnn_hid_size = 288 + + dilation = [1, 2, 3] + + emb_dropout = 0.5 + conv_dropout = 0.5 + out_dropout = 0.33 + + epochs = 10 + batch_size = 4 + checkout_params = {'batch_size': 1, 'shuffle': False} + train_params = {'batch_size': 1, 'shuffle': True} + dev_params = {'batch_size': 1, 'shuffle': False} + test_params = {'batch_size': 1, 'shuffle': False} + + learning_rate = 1e-3 + weight_decay = 0 + clip_grad_norm = 5.0 + bert_name = 'bert-base-uncased' + bert_learning_rate = 5e-6 + warm_factor = 0.1 + + use_bert_last_4_layers = True + + seed = 2022 + logger = None \ No newline at end of file diff --git a/task3/NER/Model.py b/task3/NER/Model.py new file mode 100644 index 0000000..f7e23b3 --- /dev/null +++ b/task3/NER/Model.py @@ -0,0 +1,253 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.nn.utils.rnn import pack_padded_sequence, pad_packed_sequence +from transformers import AutoModel + + +class LayerNorm(nn.Module): + def __init__(self, input_dim, cond_dim=0, center=True, scale=True, epsilon=None, conditional=False, + hidden_units=None, hidden_activation='linear', hidden_initializer='xaiver', **kwargs): + super(LayerNorm, self).__init__() + """ + input_dim: inputs.shape[-1] + cond_dim: cond.shape[-1] + """ + self.center = center + self.scale = scale + self.conditional = conditional + self.hidden_units = hidden_units + self.hidden_initializer = hidden_initializer + self.epsilon = epsilon or 1e-12 + self.input_dim = input_dim + self.cond_dim = cond_dim + + if self.center: + self.beta = nn.Parameter(torch.zeros(input_dim)) + if self.scale: + self.gamma = nn.Parameter(torch.ones(input_dim)) + + if self.conditional: + if self.hidden_units is not None: + self.hidden_dense = nn.Linear(in_features=self.cond_dim, out_features=self.hidden_units, bias=False) + if self.center: + self.beta_dense = nn.Linear(in_features=self.cond_dim, out_features=input_dim, bias=False) + if self.scale: + self.gamma_dense = nn.Linear(in_features=self.cond_dim, out_features=input_dim, bias=False) + + self.initialize_weights() + + def initialize_weights(self): + + if self.conditional: + if self.hidden_units is not None: + if self.hidden_initializer == 'normal': + torch.nn.init.normal(self.hidden_dense.weight) + elif self.hidden_initializer == 'xavier': # glorot_uniform + torch.nn.init.xavier_uniform_(self.hidden_dense.weight) + + if self.center: + torch.nn.init.constant_(self.beta_dense.weight, 0) + if self.scale: + torch.nn.init.constant_(self.gamma_dense.weight, 0) + + def forward(self, inputs, cond=None): + if self.conditional: + if self.hidden_units is not None: + cond = self.hidden_dense(cond) + + for _ in range(len(inputs.shape) - len(cond.shape)): + cond = cond.unsqueeze(1) # cond = K.expand_dims(cond, 1) + + if self.center: + beta = self.beta_dense(cond) + self.beta + if self.scale: + gamma = self.gamma_dense(cond) + self.gamma + else: + if self.center: + beta = self.beta + if self.scale: + gamma = self.gamma + + outputs = inputs + if self.center: + mean = torch.mean(outputs, dim=-1).unsqueeze(-1) + outputs = outputs - mean + if self.scale: + variance = torch.mean(outputs ** 2, dim=-1).unsqueeze(-1) + std = (variance + self.epsilon) ** 0.5 + outputs = outputs / std + outputs = outputs * gamma + if self.center: + outputs = outputs + beta + + return outputs + + +class ConvolutionLayer(nn.Module): + def __init__(self, input_size, channels, dilation, dropout=0.1): + super(ConvolutionLayer, self).__init__() + self.base = nn.Sequential( + nn.Dropout2d(dropout), + nn.Conv2d(input_size, channels, kernel_size=1), + nn.GELU(), + ) + + self.convs = nn.ModuleList( + [nn.Conv2d(channels, channels, kernel_size=3, groups=channels, dilation=d, padding=d) for d in dilation]) + + def forward(self, x): + x = x.permute(0, 3, 1, 2).contiguous() + x = self.base(x) + + outputs = [] + for conv in self.convs: + x = conv(x) + x = F.gelu(x) + outputs.append(x) + outputs = torch.cat(outputs, dim=1) + outputs = outputs.permute(0, 2, 3, 1).contiguous() + return outputs + + +class Biaffine(nn.Module): + def __init__(self, n_in, n_out=1, bias_x=True, bias_y=True): + super(Biaffine, self).__init__() + + self.n_in = n_in + self.n_out = n_out + self.bias_x = bias_x + self.bias_y = bias_y + weight = torch.zeros((n_out, n_in + int(bias_x), n_in + int(bias_y))) + nn.init.xavier_normal_(weight) + self.weight = nn.Parameter(weight, requires_grad=True) + + def extra_repr(self): + s = f"n_in={self.n_in}, n_out={self.n_out}" + if self.bias_x: + s += f", bias_x={self.bias_x}" + if self.bias_y: + s += f", bias_y={self.bias_y}" + + return s + + def forward(self, x, y): + if self.bias_x: + x = torch.cat((x, torch.ones_like(x[..., :1])), -1) + if self.bias_y: + y = torch.cat((y, torch.ones_like(y[..., :1])), -1) + # [batch_size, n_out, seq_len, seq_len] + s = torch.einsum('bxi,oij,byj->boxy', x, self.weight, y) + # remove dim 1 if n_out == 1 + s = s.permute(0, 2, 3, 1) + + return s + + +class MLP(nn.Module): + def __init__(self, n_in, n_out, dropout=0): + super().__init__() + + self.linear = nn.Linear(n_in, n_out) + self.activation = nn.GELU() + self.dropout = nn.Dropout(dropout) + + def forward(self, x): + x = self.dropout(x) + x = self.linear(x) + x = self.activation(x) + return x + + +class CoPredictor(nn.Module): + def __init__(self, cls_num, hid_size, biaffine_size, channels, ffnn_hid_size, dropout=0): + super().__init__() + self.mlp1 = MLP(n_in=hid_size, n_out=biaffine_size, dropout=dropout) + self.mlp2 = MLP(n_in=hid_size, n_out=biaffine_size, dropout=dropout) + self.biaffine = Biaffine(n_in=biaffine_size, n_out=cls_num, bias_x=True, bias_y=True) + self.mlp_rel = MLP(channels, ffnn_hid_size, dropout=dropout) + self.linear = nn.Linear(ffnn_hid_size, cls_num) + self.dropout = nn.Dropout(dropout) + + def forward(self, x, y, z): + h = self.dropout(self.mlp1(x)) + t = self.dropout(self.mlp2(y)) + o1 = self.biaffine(h, t) + + z = self.dropout(self.mlp_rel(z)) + o2 = self.linear(z) + return o1 + o2 + + +class Model(nn.Module): + def __init__(self, config): + super(Model, self).__init__() + self.use_bert_last_4_layers = config.use_bert_last_4_layers + + self.lstm_hid_size = config.lstm_hid_size + self.conv_hid_size = config.conv_hid_size + + lstm_input_size = 0 + + self.bert = AutoModel.from_pretrained(config.bert_name, cache_dir="./cache/", output_hidden_states=True) + lstm_input_size += config.bert_hid_size + + self.dis_embs = nn.Embedding(20, config.dist_emb_size) + self.reg_embs = nn.Embedding(3, config.type_emb_size) + + self.encoder = nn.LSTM(lstm_input_size, config.lstm_hid_size // 2, num_layers=1, batch_first=True, + bidirectional=True) + + conv_input_size = config.lstm_hid_size + config.dist_emb_size + config.type_emb_size + + self.convLayer = ConvolutionLayer(conv_input_size, config.conv_hid_size, config.dilation, config.conv_dropout) + self.dropout = nn.Dropout(config.emb_dropout) + self.predictor = CoPredictor(config.label_num, config.lstm_hid_size, config.biaffine_size, + config.conv_hid_size * len(config.dilation), config.ffnn_hid_size, + config.out_dropout) + + self.cln = LayerNorm(config.lstm_hid_size, config.lstm_hid_size, conditional=True) + + def forward(self, bert_inputs, grid_mask2d, dist_inputs, pieces2word, sent_length): + ''' + :param bert_inputs: [B, L'] + :param grid_mask2d: [B, L, L] + :param dist_inputs: [B, L, L] + :param pieces2word: [B, L, L'] + :param sent_length: [B] + :return: + ''' + bert_embs = self.bert(input_ids=bert_inputs, attention_mask=bert_inputs.ne(0).float()) + if self.use_bert_last_4_layers: + bert_embs = torch.stack(bert_embs[2][-4:], dim=-1).mean(-1) + else: + bert_embs = bert_embs[0] + + length = pieces2word.size(1) + + min_value = torch.min(bert_embs).item() + + # Max pooling word representations from pieces + _bert_embs = bert_embs.unsqueeze(1).expand(-1, length, -1, -1) + _bert_embs = torch.masked_fill(_bert_embs, pieces2word.eq(0).unsqueeze(-1), min_value) + word_reps, _ = torch.max(_bert_embs, dim=2) + + word_reps = self.dropout(word_reps) + packed_embs = pack_padded_sequence(word_reps, sent_length.cpu(), batch_first=True, enforce_sorted=False) + packed_outs, (hidden, _) = self.encoder(packed_embs) + word_reps, _ = pad_packed_sequence(packed_outs, batch_first=True, total_length=sent_length.max()) + + cln = self.cln(word_reps.unsqueeze(2), word_reps) + + dis_emb = self.dis_embs(dist_inputs) + tril_mask = torch.tril(grid_mask2d.clone().long()) + reg_inputs = tril_mask + grid_mask2d.clone().long() + reg_emb = self.reg_embs(reg_inputs) + + conv_inputs = torch.cat([dis_emb, reg_emb, cln], dim=-1) + conv_inputs = torch.masked_fill(conv_inputs, grid_mask2d.eq(0).unsqueeze(-1), 0.0) + conv_outputs = self.convLayer(conv_inputs) + conv_outputs = torch.masked_fill(conv_outputs, grid_mask2d.eq(0).unsqueeze(-1), 0.0) + outputs = self.predictor(word_reps, word_reps, conv_outputs) + + return outputs diff --git a/task3/NER/README.md b/task3/NER/README.md new file mode 100644 index 0000000..ad8b934 --- /dev/null +++ b/task3/NER/README.md @@ -0,0 +1,44 @@ +# W2NER + +本代码参考 W2NER论文及模型编写,论文链接[AAAI Press Formatting Instructions for Authors Using LaTeX -- A Guide (arxiv.org)](https://arxiv.org/pdf/2112.10070.pdf) + + + +## 代码运行 + +在colab上运行main.py即可(或许上传空文件夹时colab会忽略,需手动创建,比如output、saved_models等) + + + +## 代码结构 + +由于本人并不是一开始就使用了W2NER模型,各个模型之间的代码也是有所不同的,我将代码分为utils、Model、Config、Trainer、main,只需重写utils内部的APIs和Model(或许有部分Trainer)即可迁移使用不同的模型。 + +### utils + +分为common和DataProcess以及对不同文本的接口APIs + +#### common + +提供logger、read_from_file、write_to_file函数 + +#### DataProcess + +提供Process类,是数据预处理的接口,分为encode预处理和decode格式化 + +#### APIs + +需重写APIDataset、api_encode、api_decode,分别对应不同的接口,其中api_encode接收原始json数据,返回APIDataset所接收的数据;APIDataset接收api_encode的数据,返回Model所需的Dataset;api_decode接收Model输出的output,返回格式化的字典(json)数据 + +### Model + +模型主体 + +### Config + +通用配置 + +### Trainer + +训练类,分为train、eval、predict + diff --git a/task3/NER/Trainer.py b/task3/NER/Trainer.py new file mode 100644 index 0000000..9d9ce9e --- /dev/null +++ b/task3/NER/Trainer.py @@ -0,0 +1,186 @@ +import numpy as np +import prettytable as pt +import torch +import torch.autograd +import torch.nn as nn +import transformers +from sklearn.metrics import precision_recall_fscore_support, f1_score + +def cal_f1(c, p, r): + if r == 0 or p == 0: + return 0, 0, 0 + + r = c / r if r else 0 + p = c / p if p else 0 + + if r and p: + return 2 * p * r / (p + r), p, r + return 0, p, r + + +class Trainer(object): + def __init__(self, model, processor, config, updates_total): + self.model = model + self.processor = processor + self.config = config + self.criterion = nn.CrossEntropyLoss() + + bert_params = set(self.model.bert.parameters()) + other_params = list(set(self.model.parameters()) - bert_params) + no_decay = ['bias', 'LayerNorm.weight'] + params = [ + {'params': [p for n, p in model.bert.named_parameters() if not any(nd in n for nd in no_decay)], + 'lr': config.bert_learning_rate, 'weight_decay': config.weight_decay}, + {'params': [p for n, p in model.bert.named_parameters() if any(nd in n for nd in no_decay)], + 'lr': config.bert_learning_rate, 'weight_decay': 0.0}, + {'params': other_params, + 'lr': config.learning_rate, 'weight_decay': config.weight_decay}, + ] + + self.optimizer = transformers.AdamW(params, lr=config.learning_rate, weight_decay=config.weight_decay) + self.scheduler = transformers.get_linear_schedule_with_warmup( + self.optimizer, num_warmup_steps=config.warm_factor * updates_total, + num_training_steps=updates_total + ) + + def train(self, epoch, data_loader): + self.model.train() + loss_list = [] + pred_result = [] + label_result = [] + + for i, data_batch in enumerate(data_loader): + data_batch = [data.to(self.config.device) for data in data_batch[:-1]] + + bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length = data_batch + + outputs = self.model(bert_inputs, grid_mask2d, dist_inputs, pieces2word, sent_length) + + grid_mask2d = grid_mask2d.clone() + loss = self.criterion(outputs[grid_mask2d], grid_labels[grid_mask2d]) + + loss.backward() + torch.nn.utils.clip_grad_norm_(self.model.parameters(), self.config.clip_grad_norm) + self.optimizer.step() + self.optimizer.zero_grad() + + loss_list.append(loss.cpu().item()) + + outputs = torch.argmax(outputs, -1) + grid_labels = grid_labels[grid_mask2d].contiguous().view(-1) + outputs = outputs[grid_mask2d].contiguous().view(-1) + + label_result.append(grid_labels.cpu()) + pred_result.append(outputs.cpu()) + + self.scheduler.step() + + label_result = torch.cat(label_result) + pred_result = torch.cat(pred_result) + + p, r, f1, _ = precision_recall_fscore_support( + label_result.numpy(), pred_result.numpy(), average="macro" + ) + + table = pt.PrettyTable(["Train {}".format(epoch), "Loss", "F1", "Precision", "Recall"]) + table.add_row(["Label", "{:.4f}".format(np.mean(loss_list))] + + ["{:3.4f}".format(x) for x in [f1, p, r]]) + self.config.logger.info("\n{}".format(table)) + return f1 + + def eval(self, epoch, data_loader, is_test=False): + self.model.eval() + + pred_result = [] + label_result = [] + + total_ent_r = 0 + total_ent_p = 0 + total_ent_c = 0 + with torch.no_grad(): + for i, data_batch in enumerate(data_loader): + entity_text = data_batch[-1] + data_batch = [data.cuda() for data in data_batch[:-1]] + bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length = data_batch + + outputs = self.model(bert_inputs, grid_mask2d, dist_inputs, pieces2word, sent_length) + length = sent_length + + grid_mask2d = grid_mask2d.clone() + + outputs = torch.argmax(outputs, -1) + ent_c, ent_p, ent_r, _ = self.processor.decode( + outputs.cpu().numpy(), entity_text, length.cpu().numpy()) + + total_ent_r += ent_r + total_ent_p += ent_p + total_ent_c += ent_c + + grid_labels = grid_labels[grid_mask2d].contiguous().view(-1) + outputs = outputs[grid_mask2d].contiguous().view(-1) + + label_result.append(grid_labels.cpu()) + pred_result.append(outputs.cpu()) + + label_result = torch.cat(label_result) + pred_result = torch.cat(pred_result) + + p, r, f1, _ = precision_recall_fscore_support(label_result.numpy(), + pred_result.numpy(), + average="macro") + e_f1, e_p, e_r = cal_f1(total_ent_c, total_ent_p, total_ent_r) + + title = "EVAL" if not is_test else "TEST" + self.config.logger.info('{} Label F1 {}'.format(title, f1_score(label_result.numpy(), + pred_result.numpy(), + average=None))) + + table = pt.PrettyTable(["{} {}".format(title, epoch), 'F1', "Precision", "Recall"]) + table.add_row(["Label"] + ["{:3.4f}".format(x) for x in [f1, p, r]]) + table.add_row(["Entity"] + ["{:3.4f}".format(x) for x in [e_f1, e_p, e_r]]) + + self.config.logger.info("\n{}".format(table)) + return e_f1 + + def predict(self, data_loader, data): + self.model.eval() + result = [] + i = 0 + with torch.no_grad(): + for data_batch in data_loader: + sentence_batch = data[i:i+self.config.batch_size] + i += self.config.test_params['batch_size'] + + entity_text = data_batch[-1] + data_batch = [data.cuda() for data in data_batch[:-1]] + bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length = data_batch + + outputs = self.model(bert_inputs, grid_mask2d, dist_inputs, pieces2word, sent_length) + length = sent_length + + grid_mask2d = grid_mask2d.clone() + + outputs = torch.argmax(outputs, -1) + _, _, _, decode_entities = self.processor.decode( + outputs.cpu().numpy(), entity_text, length.cpu().numpy()) + + for ent_list, sentence in zip(decode_entities, sentence_batch): + sentence = sentence["sentence"] + instance = {"sentence": sentence, "pred-entity-mentions": []} + for ent in ent_list: + instance["pred-entity-mentions"].append({ + "text": [sentence[x] for x in ent[0]], + "entity-type": self.config.vocab.id_to_label(ent[1]), + "index": ent[0], + # "start": ent[0][0], + # "end": ent[0][-1] + 1 + }) + result.append(instance) + + return result + + def save(self, path): + torch.save(self.model.state_dict(), path) + + def load(self, path): + self.model.load_state_dict(torch.load(path, map_location=torch.device('cpu'))) \ No newline at end of file diff --git a/task3/NER/input/Code and Named Entity Recognition in StackOverflow/dev.json b/task3/NER/input/Code and Named Entity Recognition in StackOverflow/dev.json new file mode 100644 index 0000000..5e524c0 --- /dev/null +++ b/task3/NER/input/Code and Named Entity Recognition in StackOverflow/dev.json @@ -0,0 +1 @@ +[{"sentence": ["Why", "does", ":"], "golden-entity-mentions": []}, {"sentence": ["not", "compile", "but", ":"], "golden-entity-mentions": []}, {"sentence": ["compiles", "."], "golden-entity-mentions": []}, {"sentence": ["In", "Java", "+", "=", "operator", "has", "an", "implicit", "cast", "to", "the", "left", "hand", "type", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [1]}, {"text": ["+", "="], "entity-type": "Code_Block", "index": [2, 3]}]}, {"sentence": ["This", "goes", "for", "all", "composed", "operators", "."], "golden-entity-mentions": []}, {"sentence": ["As", "everyone", "already", "stated", ",", "the", "+", "=", "has", "an", "implicit", "cast", "."], "golden-entity-mentions": [{"text": ["+", "="], "entity-type": "Code_Block", "index": [6, 7]}]}, {"sentence": ["To", "help", "illustrate", "that", ",", "I", "'m", "going", "to", "use", "an", "app", "I", "wrote", "a", "while", "back", "that", "is", "perfect", "for", "these", "types", "of", "questions", "."], "golden-entity-mentions": []}, {"sentence": ["It", "'s", "an", "online", "disassembler", "so", "you", "can", "check", "out", "the", "actual", "bytecode", "that", "'s", "being", "produced", ":", "http://javabytes.herokuapp.com/"], "golden-entity-mentions": []}, {"sentence": ["And", "a", "table", "of", "their", "meanings", ":"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "User_Interface_Element", "index": [2]}]}, {"sentence": ["http://en.wikipedia.org/wiki/Java_bytecode_instruction_listings"], "golden-entity-mentions": []}, {"sentence": ["So", "let", "'s", "take", "a", "look", "at", "the", "bytecode", "from", "some", "simple", "Java", "code", ":"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [12]}]}, {"sentence": ["Disassembled", "code", "."], "golden-entity-mentions": []}, {"sentence": ["My", "comments", "will", "have", "a", "//", "in", "front", "."], "golden-entity-mentions": [{"text": ["//"], "entity-type": "Value", "index": [5]}]}, {"sentence": ["Say", ",", "I", "have", "a", "vector", "name", "\"", "str", "\"", ",", "which", "contain", "many", "strings", "like"], "golden-entity-mentions": [{"text": ["vector"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["str"], "entity-type": "Variable", "index": [8]}, {"text": ["strings"], "entity-type": "Data_Type", "index": [14]}]}, {"sentence": ["And", ",", "I", "have", "a", "data", "frame", "named", "'", "States", "'", ":"], "golden-entity-mentions": [{"text": ["data", "frame"], "entity-type": "Class", "index": [5, 6]}, {"text": ["States"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["Now", "I", "want", "to", "generate", "an", "extra", "column", "names", "\"", "State", "\"", "for", "\"", "str", "\"", "."], "golden-entity-mentions": [{"text": ["column"], "entity-type": "Data_Structure", "index": [7]}, {"text": ["State"], "entity-type": "Variable", "index": [10]}, {"text": ["str"], "entity-type": "Variable", "index": [14]}]}, {"sentence": ["I", "want", "to", "use", "the", "city", "name", "as", "pattern", "to", "\"", "grep", "\"", "the", "str", "vector", ",", "if", "match", "\"", "houston", "\"", "then", "put", "\"", "TX", "\"", "in", "the", "new", "column", ",", "if", "match", "Phoenix", "then", "put", "AZ", ",", "and", "so", "on", "."], "golden-entity-mentions": [{"text": ["grep"], "entity-type": "Code_Block", "index": [11]}, {"text": ["str"], "entity-type": "Variable", "index": [14]}, {"text": ["vector"], "entity-type": "Data_Structure", "index": [15]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [30]}]}, {"sentence": ["Finally", "I", "want", "to", "get", "a", "data", "frame", "like", "this", ":"], "golden-entity-mentions": [{"text": ["data", "frame"], "entity-type": "Class", "index": [6, 7]}]}, {"sentence": ["What", "'s", "the", "best", "way", "to", "do", "this", ",", "without", "using", "sapply", "or", "for", "loop", "?"], "golden-entity-mentions": [{"text": ["sapply"], "entity-type": "Code_Block", "index": [11]}, {"text": ["for", "loop"], "entity-type": "Code_Block", "index": [13, 14]}]}, {"sentence": ["First", ",", "construct", "pattern", "string", "of", "state", "names"], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [4]}]}, {"sentence": ["Then", ",", "use", "stringr::str_extract_all", "or", "stringr::str_extract", "to", "extract", "state", "names", "from", "string", "and", "add", "new", "column", "to", "data", "frame", "."], "golden-entity-mentions": [{"text": ["stringr::str_extract_all"], "entity-type": "Function", "index": [3]}, {"text": ["stringr::str_extract"], "entity-type": "Function", "index": [5]}, {"text": ["string"], "entity-type": "Data_Type", "index": [11]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [15]}, {"text": ["data", "frame"], "entity-type": "Class", "index": [17, 18]}]}, {"sentence": ["Then", "merge", "earlier", "data", "frames", "to", "obtain", "suitable", "data", "frame", "."], "golden-entity-mentions": [{"text": ["data", "frames"], "entity-type": "Class", "index": [3, 4]}, {"text": ["data", "frame"], "entity-type": "Class", "index": [8, 9]}]}, {"sentence": ["Although", "the", "previous", "answers", "work", "great", ",", "here", "is", "another", "solution", "not", "relying", "on", "external", "packages", ":"], "golden-entity-mentions": []}, {"sentence": ["which", "gives", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "remove", "a", "container", "defined", "in", "docker-compose.yml", "file", "when", "we", "run", "in", "composition/override", "with", "another", "file", "docker-compose.prod.yml", ",", "by", "example", ":"], "golden-entity-mentions": [{"text": ["docker-compose.yml"], "entity-type": "File_Name", "index": [8]}, {"text": ["docker-compose.prod.yml"], "entity-type": "File_Name", "index": [18]}]}, {"sentence": ["override", "with", ":"], "golden-entity-mentions": []}, {"sentence": ["Then", ",", "when", "running", ":"], "golden-entity-mentions": []}, {"sentence": ["Actually", ",", "i", "have", "www", "and", "db_for_development", "together", "."], "golden-entity-mentions": [{"text": ["www"], "entity-type": "Code_Block", "index": [4]}, {"text": ["db_for_development"], "entity-type": "Code_Block", "index": [6]}]}, {"sentence": ["I", "want", "only", "www", "container", ",", "not", "others", "."], "golden-entity-mentions": [{"text": ["www"], "entity-type": "Code_Block", "index": [3]}]}, {"sentence": ["Live", "Demo", "on", "Shdr", "Editor", "."], "golden-entity-mentions": [{"text": ["Shdr", "Editor"], "entity-type": "Application", "index": [3, 4]}]}, {"sentence": ["You", "will", "NEED", "to", "change", "the", "top", "right", "to", "cube", "and", "zoom", "in", "to", "see", "the", "effect", "properly", "."], "golden-entity-mentions": []}, {"sentence": ["Vertex", "Shader", "Code"], "golden-entity-mentions": []}, {"sentence": ["Fragment", "Shader", "code"], "golden-entity-mentions": []}, {"sentence": ["The", "intention", "here", "is", "that", "when", "this", "is", "used", ",", "it", "will", "render", "to", "a", "16x16", "window", ",", "thus", "why", "I", "constrain", "it", "so", "."], "golden-entity-mentions": [{"text": ["window"], "entity-type": "User_Interface_Element", "index": [16]}]}, {"sentence": ["My", "hard", "coding", "of", "the", "mat4", "is", "temporary", "."], "golden-entity-mentions": [{"text": ["mat4"], "entity-type": "Class", "index": [5]}]}, {"sentence": ["The", "real", "life", "application", "of", "this", "code", "will", "generate", "intelligent", "values", "and", "uniform", "them", "in", "."], "golden-entity-mentions": []}, {"sentence": ["Each", "ivec4", "represents", "a", "quarter", "of", "the", "screen", "(", "64", "pixels", ")", ";", "each", "int", "of", "a", "vector", "represents", "a", "row", "on", "the", "screen", "(", "16", "pixels", ")", ";", "each", "bit", "of", "an", "int", "represents", "one", "pixel", "."], "golden-entity-mentions": [{"text": ["ivec4"], "entity-type": "Class", "index": [1]}, {"text": ["int"], "entity-type": "Data_Type", "index": [14]}, {"text": ["vector"], "entity-type": "Data_Structure", "index": [17]}, {"text": ["row"], "entity-type": "User_Interface_Element", "index": [20]}, {"text": ["int"], "entity-type": "Data_Type", "index": [33]}]}, {"sentence": ["Thus", "the", "hard", "coded", "matrix", "value", "in", "hash", "should", "highlight", "the", "left", "half", "of", "the", "bottom", "row", "."], "golden-entity-mentions": [{"text": ["matrix"], "entity-type": "Data_Structure", "index": [4]}, {"text": ["hash"], "entity-type": "Variable", "index": [7]}, {"text": ["row"], "entity-type": "User_Interface_Element", "index": [16]}]}, {"sentence": ["I", "'m", "thoroughly", "confused", "here", ",", "and", "I", "mostly", "need", "someone", "who", "has", "n't", "seen", "my", "code", "before", "to", "have", "a", "look", "through", "it", "and", "find", "where", "I", "went", "wrong", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "stumped", "at", "the", "frag", "shader", "last", "two", "lines", ",", "for", "bit", "is", "the", "floor", "of", "a", "value", "'s", "mod", "2", ":", "either", "0", "or", "1", ",", "but", "what", "'s", "rendered", "does", "n't", "show", "that", "."], "golden-entity-mentions": [{"text": ["bit"], "entity-type": "Variable", "index": [12]}, {"text": ["0"], "entity-type": "Value", "index": [24]}, {"text": ["1"], "entity-type": "Value", "index": [26]}]}, {"sentence": ["Here", "s", "my", "code", "trying", "to", "extend", "a", "textbox", "with", "microsoft", "ajax", "libary"], "golden-entity-mentions": [{"text": ["textbox"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["microsoft"], "entity-type": "Website", "index": [10]}, {"text": ["ajax"], "entity-type": "Library", "index": [11]}]}, {"sentence": ["On", "Page", "code", "is", "as", "follows", ":"], "golden-entity-mentions": []}, {"sentence": ["Code", "in", "the", ".js", "file"], "golden-entity-mentions": [{"text": [".js"], "entity-type": "File_Type", "index": [3]}]}, {"sentence": ["The", "error", "on", "debug", "is", "as", "follows"], "golden-entity-mentions": []}, {"sentence": ["what", "wrong", "am", "i", "doing", "in", "my", "code", "?"], "golden-entity-mentions": []}, {"sentence": ["i", "have", "a", "webapp", "written", "with", "spring", "3", "and", "struts", "2", "that", "is", "hosted", "on", "a", "glassfish", "server", "."], "golden-entity-mentions": [{"text": ["spring"], "entity-type": "Library", "index": [6]}, {"text": ["3"], "entity-type": "Version", "index": [7]}, {"text": ["struts"], "entity-type": "Library", "index": [9]}, {"text": ["2"], "entity-type": "Version", "index": [10]}, {"text": ["glassfish", "server"], "entity-type": "Application", "index": [16, 17]}]}, {"sentence": ["In", "this", "app", "i", "have", "two", "webservices", "that", "need", "to", "do", "some", "background", "work", "without", "delaying", "the", "accessed", "method", "response", "."], "golden-entity-mentions": []}, {"sentence": ["So", ",", "now", "i", "use", "a", "spring", "bean", "that", "uses", "an", "instance", "of", "org.springframework.core.task.TaskExecutor", "and", "from", "there", "i", "run", "my", "new", "thread", "."], "golden-entity-mentions": [{"text": ["spring", "bean"], "entity-type": "Class", "index": [6, 7]}, {"text": ["org.springframework.core.task.TaskExecutor"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["Is", "this", "the", "correct/best", "practice", "approach", "in", "context", "of", "using", "this", "app", "on", "glassfish", "?"], "golden-entity-mentions": [{"text": ["glassfish"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["or", "should", "find", "another", "method", "of", "doing", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["It", "'s", "discouraged", "to", "create", "your", "own", "threads", "because", "the", "app", "server", "is", "meant", "to", "be", "in", "charge", "."], "golden-entity-mentions": [{"text": ["app", "server"], "entity-type": "Application", "index": [10, 11]}]}, {"sentence": ["See", "the", "answers", "to", "Why", "is", "spawning", "threads", "in", "Java", "EE", "container", "discouraged", "?"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [9]}, {"text": ["EE"], "entity-type": "Version", "index": [10]}]}, {"sentence": ["However", "in", "practice", ",", "especially", "if", "it", "'s", "the", "only", "application", "on", "there", ",", "you", "might", "be", "OK", ",", "especially", "if", "you", "use", "a", "fixed", "thread", "pool", "."], "golden-entity-mentions": []}, {"sentence": ["Be", "sure", "all", "the", "threads", "are", "gone", "when", "you", "undeploy", "the", "app", "."], "golden-entity-mentions": []}, {"sentence": ["(", "I", "expect", "Spring", "classes", "will", "handle", "disposal", "on", "undeploy", "/", "shutdown", "correctly", ",", "if", "you", "declare", "them", "within", "the", "Spring", "container", ")", "."], "golden-entity-mentions": [{"text": ["Spring"], "entity-type": "Library", "index": [3]}, {"text": ["Spring"], "entity-type": "Library", "index": [20]}]}, {"sentence": ["I", "'d", "like", "to", "send", "to", "a", "PHP", "page", "a", "FormData", "value", "and", "some", "String", "values", "."], "golden-entity-mentions": [{"text": ["PHP"], "entity-type": "Language", "index": [7]}, {"text": ["FormData"], "entity-type": "Class", "index": [10]}, {"text": ["String"], "entity-type": "Data_Type", "index": [14]}]}, {"sentence": ["Here", "'s", "my", "code", "on", "the", "JS", "side", ":"], "golden-entity-mentions": [{"text": ["JS"], "entity-type": "Language", "index": [6]}]}, {"sentence": ["And", "on", "the", "PHP", "side", ":"], "golden-entity-mentions": [{"text": ["PHP"], "entity-type": "Language", "index": [3]}]}, {"sentence": ["Then", ",", "I", "get", "an", "error", "saying", "that", "type", "and", "id", "are", "not", "set", "."], "golden-entity-mentions": [{"text": ["type"], "entity-type": "Variable", "index": [8]}, {"text": ["id"], "entity-type": "Variable", "index": [10]}]}, {"sentence": ["I", "'m", "guessing", "that", "this", "comes", "from", "the", "processData", ":", "false", "from", "my", "ajax", "call", "."], "golden-entity-mentions": [{"text": ["processData"], "entity-type": "Variable", "index": [8]}, {"text": ["false"], "entity-type": "Value", "index": [10]}, {"text": ["ajax"], "entity-type": "Function", "index": [13]}]}, {"sentence": ["But", "without", "this", ",", "I", "get", "the", "inevitable", "Illegal", "Invocation", ",", "coming", "from", "trying", "to", "send", "the", "FormData", "."], "golden-entity-mentions": [{"text": ["Illegal", "Invocation"], "entity-type": "Error_Name", "index": [8, 9]}, {"text": ["FormData"], "entity-type": "Class", "index": [17]}]}, {"sentence": ["Is", "there", "any", "way", "to", "send", "the", "FormData", "AND", "my", "String", "values", "on", "the", "same", "call", "?"], "golden-entity-mentions": [{"text": ["FormData"], "entity-type": "Class", "index": [7]}, {"text": ["String"], "entity-type": "Data_Type", "index": [10]}]}, {"sentence": ["Thanks", "!"], "golden-entity-mentions": []}, {"sentence": ["I", "assume", "you", "are", "using", "the", "FormData", "object", ",", "in", "that", "case", "you", "need", "to", "append", "the", "string", "values", "to", "the", "FormData", "object", ",", "and", "pass", "the", "object", "in", "as", "the", "data", "parameter", "in", "jQuery", "'s", "$", ".ajax", "."], "golden-entity-mentions": [{"text": ["FormData"], "entity-type": "Class", "index": [6]}, {"text": ["string"], "entity-type": "Data_Type", "index": [17]}, {"text": ["FormData"], "entity-type": "Class", "index": [21]}, {"text": ["data"], "entity-type": "Variable", "index": [31]}, {"text": ["jQuery"], "entity-type": "Library", "index": [34]}, {"text": ["$", ".ajax"], "entity-type": "Function", "index": [36, 37]}]}, {"sentence": ["You", "can", "append", "data", "to", "the", "FormData", "object", ",", "with", "the", "method", "append", "."], "golden-entity-mentions": [{"text": ["FormData"], "entity-type": "Class", "index": [6]}, {"text": ["append"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["This", "should", "work", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "app", "will", "reside", "on", "the", "phone", "."], "golden-entity-mentions": [{"text": ["phone"], "entity-type": "Device", "index": [6]}]}, {"sentence": ["But", "not", "visible", "through", "an", "icon", "."], "golden-entity-mentions": [{"text": ["icon"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["It", "should", "not", "be", "possible", "to", "close", "the", "app", "through", "background", "refresh", "or", "in", "any", "other", "way", "."], "golden-entity-mentions": []}, {"sentence": ["Is", "It", "Possible", "to", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["This", "is", "not", "possible", "."], "golden-entity-mentions": []}, {"sentence": ["It", "may", "be", "possible", ",", "if", "you", "will", "change", "appicon", "to", "transparent", "icon", ",", "but", "Apple", "Documentation", "says", ":"], "golden-entity-mentions": [{"text": ["appicon"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["transparent", "icon"], "entity-type": "User_Interface_Element", "index": [11, 12]}, {"text": ["Apple"], "entity-type": "Website", "index": [15]}]}, {"sentence": ["https://developer.apple.com/ios/human-interface-guidelines/icons-and-images/app-icon/"], "golden-entity-mentions": []}, {"sentence": ["So", "your", "transparent", "part", "will", "become", "black"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "having", "problems", "with", "indexed", "assignments", "in", "the", "vector", "STL", "container", "."], "golden-entity-mentions": [{"text": ["vector"], "entity-type": "Class", "index": [9]}, {"text": ["STL"], "entity-type": "Library", "index": [10]}]}, {"sentence": ["I", "need", "to", "count", "all", "values", "of", "a", "given", "vector", "(", "called", "_assignments", ")", ",", "so", "I", "wrote", "this", "function", "(", "with", "extra", "printing", "for", "demonstration", ")", "."], "golden-entity-mentions": [{"text": ["vector"], "entity-type": "Class", "index": [9]}, {"text": ["_assignments"], "entity-type": "Variable", "index": [12]}]}, {"sentence": ["But", "it", "is", "not", "assigning", "the", "count", "data", "to", "_counts", "."], "golden-entity-mentions": [{"text": ["_counts"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["Also", ",", "it", "only", "prints", "in", "(", "1)", ":", "only", "a", "blank", "line", "is", "printed", "in", "(", "2)", "."], "golden-entity-mentions": []}, {"sentence": ["Ex", "."], "golden-entity-mentions": []}, {"sentence": ["If", "_assignments", "is", ":"], "golden-entity-mentions": [{"text": ["_assignments"], "entity-type": "Variable", "index": [1]}]}, {"sentence": ["it", "prints"], "golden-entity-mentions": []}, {"sentence": ["(", "in", "(", "2)", "the", "output", "should", "be", "spaced", ")"], "golden-entity-mentions": []}, {"sentence": ["Edit", ":", "As", "suggested", "in", "the", "comments", ",", "I", "changed", "reserve", "to", "resize", "and", "it", "fixed", "the", "problem", "!"], "golden-entity-mentions": [{"text": ["reserve"], "entity-type": "Function", "index": [10]}, {"text": ["resize"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["My", "goal", "is", "to", "create", "new", "entity", "of", "a", "new", "type", "and", "push", "it", "to", "manager", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "created", "new", "entity", "type", ":"], "golden-entity-mentions": []}, {"sentence": ["To", "be", "able", "to", "create", "new", "entity", "of", "this", "type", "I", "need", "to", "fetch", "metadata", "first", ":"], "golden-entity-mentions": [{"text": ["fetch", "metadata"], "entity-type": "Function", "index": [13, 14]}]}, {"sentence": ["The", "problem", "is", "that", "I", "have", "an", "error", "on", "the", "line", "entityManager.fetchMetadata()", ":", "\"", "TypeError", ":", "Cannot", "call", "method", "'", "then", "'", "of", "undefined", "\""], "golden-entity-mentions": [{"text": ["entityManager.fetchMetadata()"], "entity-type": "Function", "index": [11]}, {"text": ["TypeError"], "entity-type": "Error_Name", "index": [14]}]}, {"sentence": ["Why", "I", "'m", "seeing", "this", "error", "?"], "golden-entity-mentions": []}, {"sentence": ["does", "fetchMetadata()", "tries", "to", "http", ":", "GET", "metadata", "from", "somewhere", "?"], "golden-entity-mentions": [{"text": ["fetchMetadata()"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["I", "do", "n't", "have", "it", "anywhere.", ".", "How", "to", "create", "the", "metadata", "then", "?"], "golden-entity-mentions": []}, {"sentence": ["UPDATE", ":"], "golden-entity-mentions": []}, {"sentence": ["following", "suggestions", "I", "'ve", "rewrite", "code", "into", ":"], "golden-entity-mentions": []}, {"sentence": ["Breeze", "metadata", "is", "information", "about", "all", "the", "objects", "you", "have", "to", "work", "with", "."], "golden-entity-mentions": [{"text": ["Breeze"], "entity-type": "Library", "index": [0]}]}, {"sentence": ["You", "can", "fetch", "metadata", "from", "server-side", "or", "you", "can", "create", "metadata", "by", "yourself", "and", "work", "with", "it", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "want", "to", "work", "with", "your", "server-side", "objects", "in", "breeze", "you", "create", "an", "entity", "manager", "with", "var", "entityManager", "=", "new", "breeze.EntityManager('api/Db')", ";", "where", "api/db", "is", "your", "asp.net", "controller", "."], "golden-entity-mentions": [{"text": ["breeze"], "entity-type": "Library", "index": [10]}, {"text": ["var", "entityManager", "=", "new", "breeze.EntityManager('api/Db')", ";"], "entity-type": "Code_Block", "index": [17, 18, 19, 20, 21, 22]}, {"text": ["asp.net"], "entity-type": "Library", "index": [27]}]}, {"sentence": ["This", "controller", "should", "have", "a", "Metadata()", "method", "which", "returns", "repository.Metadata()", "."], "golden-entity-mentions": [{"text": ["Metadata()"], "entity-type": "Function", "index": [5]}, {"text": ["repository.Metadata()"], "entity-type": "Function", "index": [9]}]}, {"sentence": ["In", "js", "you", "call", "entityManager.fetchMetadata()", ".then(success,failed)", ";", "After", "the", "promise", "of", "fetchMetadata()", "is", "resolved", ",", "breeze", "metadata", "of", "variable", "entityManager", "is", "full-filled", "and", "you", "can", "start", "working", "with", "your", "server-side", "objects", "in", "js", "with", "breeze", "!"], "golden-entity-mentions": [{"text": ["js"], "entity-type": "Language", "index": [1]}, {"text": ["entityManager.fetchMetadata()", ".then(success,failed)", ";"], "entity-type": "Code_Block", "index": [4, 5, 6]}, {"text": ["fetchMetadata()"], "entity-type": "Function", "index": [11]}, {"text": ["breeze"], "entity-type": "Library", "index": [15]}, {"text": ["entityManager"], "entity-type": "Variable", "index": [19]}, {"text": ["server-side"], "entity-type": "Application", "index": [29]}, {"text": ["js"], "entity-type": "Language", "index": [32]}, {"text": ["breeze"], "entity-type": "Library", "index": [34]}]}, {"sentence": ["But", "you", "can", "also", "work", "without", "any", "metadata", "from", "server-side", "and", "create", "it", "on", "the", "fly", "in", "your", "js", "code", "."], "golden-entity-mentions": [{"text": ["server-side"], "entity-type": "Application", "index": [9]}, {"text": ["js"], "entity-type": "Language", "index": [18]}]}, {"sentence": ["You", "create", "your", "own", "metadataStore", ",", "attach", "it", "to", "entitymanager", "."], "golden-entity-mentions": [{"text": ["metadataStore"], "entity-type": "Class", "index": [4]}, {"text": ["entitymanager"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Pseudo", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "a", "working", "sample", "from", "breeze", "with", "on-the-fly", "metadata", "http://www.breezejs.com/breeze-labs/breezedirectivesvalidation"], "golden-entity-mentions": [{"text": ["breeze"], "entity-type": "Library", "index": [6]}]}, {"sentence": ["You", "click", "on", "code", "button", "or", "just", "go", "to", "http://plnkr.co/edit/lxPAbIJmRaLmyagXQAFC?p=info", "to", "see", "sources"], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [4]}]}, {"sentence": ["Also", "take", "a", "look", "at", "this", "link", "in", "breeze", "docs", "http://www.breezejs.com/documentation/metadata"], "golden-entity-mentions": [{"text": ["breeze"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["I", "'m", "trying", "the", "new", "Firefox", "Developer", "Edition", "."], "golden-entity-mentions": [{"text": ["Firefox", "Developer", "Edition"], "entity-type": "Application", "index": [5, 6, 7]}]}, {"sentence": ["I", "'m", "struggling", "to", "get", "the", "WebIDE", "to", "run", "a", "project", "in", "my", "smartphone", "."], "golden-entity-mentions": [{"text": ["WebIDE"], "entity-type": "Application", "index": [6]}, {"text": ["smartphone"], "entity-type": "Device", "index": [13]}]}, {"sentence": ["In", "the", "documentation", ",", "it", "'s", "said", "you", "can", "debug", "an", "app", "using", "Chrome", "37+", "on", "android", "."], "golden-entity-mentions": [{"text": ["Chrome"], "entity-type": "Application", "index": [13]}, {"text": ["37+"], "entity-type": "Version", "index": [14]}, {"text": ["android"], "entity-type": "Operating_System", "index": [16]}]}, {"sentence": ["When", "I", "connect", "it", "to", "my", "mac", ",", "I", "can", "get", "the", "WebIDE", "to", "recognize", "the", "device", ",", "but", "when", "I", "try", "to", "run", "it", ",", "I", "get", "this", "error", ":", "\"", "Operation", "failed", ":", "installing", "and", "running", "app", ":", "Ca", "n't", "install", "\"", "."], "golden-entity-mentions": [{"text": ["mac"], "entity-type": "Device", "index": [6]}, {"text": ["WebIDE"], "entity-type": "Application", "index": [12]}, {"text": ["Operation", "failed"], "entity-type": "Error_Name", "index": [32, 33]}]}, {"sentence": ["What", "am", "I", "missing", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "already", "setup", "developer", "mode", "on", "android", "and", "turned", "on", "debugg", "usb", "mode", "."], "golden-entity-mentions": [{"text": ["android"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["Thanks", "in", "advance", "!"], "golden-entity-mentions": []}, {"sentence": ["When", "my", "program", "comes", "to", "this", "method", "it", "never", "seems", "to", "update", "the", "target", "value", "."], "golden-entity-mentions": [{"text": ["target"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["If", "I", "input", "\"", "dave", "\"", "it", "will", "remain", "\"", "dave", "\"", "no", "matter", "how", "many", "calls", "to", "the", "method", "are", "made", "."], "golden-entity-mentions": [{"text": ["\"", "dave", "\""], "entity-type": "Value", "index": [3, 4, 5]}, {"text": ["\"", "dave", "\""], "entity-type": "Value", "index": [9, 10, 11]}]}, {"sentence": ["If", "I", "add", "a", "friend", "via", "this", "addFriend", "method", "firstFriend", "will", "end", "up", "printing", "whatever", "the", "last", "added", "name", "was", "."], "golden-entity-mentions": [{"text": ["friend"], "entity-type": "Class", "index": [4]}, {"text": ["addFriend"], "entity-type": "Function", "index": [7]}, {"text": ["firstFriend"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["If", "the", "inputted", "named", "were", "rob", "bill", "and", "travis"], "golden-entity-mentions": [{"text": ["rob", "bill"], "entity-type": "Value", "index": [5, 6]}, {"text": ["travis"], "entity-type": "Value", "index": [8]}]}, {"sentence": ["The", "output", "would", "be", "travis", "travis", "travis", "."], "golden-entity-mentions": [{"text": ["travis", "travis", "travis"], "entity-type": "Value", "index": [4, 5, 6]}]}, {"sentence": ["The", "else", "part", "needs", "to", "go", "away", "."], "golden-entity-mentions": []}, {"sentence": ["The", "effect", "of", "this", "code", "is", "that", "it", "only", "checks", "the", "first", "value", "and", "if", "it", "is", "not", "the", "value", "that", "you", "want", "to", "look", "up", "it", "is", "coming", "out", "straight", "away", "."], "golden-entity-mentions": []}, {"sentence": ["Change"], "golden-entity-mentions": []}, {"sentence": ["to", "return", "null", ";"], "golden-entity-mentions": [{"text": ["return", "null", ";"], "entity-type": "Code_Block", "index": [1, 2, 3]}]}, {"sentence": ["and", "remove", "the", "else", "part", "mentioned", "above"], "golden-entity-mentions": [{"text": ["else"], "entity-type": "Code_Block", "index": [3]}]}, {"sentence": ["You", "always", "return", "in", "the", "first", "iteration", "of", "the", "loop", "."], "golden-entity-mentions": []}, {"sentence": ["If", "the", "person", "is", "found", "it", "'s", "returned", "(", "the", "if", "branch", ")", ",", "and", "if", "it", "is", "n't", ",", "null", "is", "returned", "(", "the", "else", "branch", ")", "."], "golden-entity-mentions": [{"text": ["person"], "entity-type": "Class", "index": [2]}, {"text": ["if"], "entity-type": "Code_Block", "index": [10]}, {"text": ["null"], "entity-type": "Value", "index": [20]}, {"text": ["else"], "entity-type": "Code_Block", "index": [25]}]}, {"sentence": ["Instead", ",", "you", "should", "keep", "iterating", "until", "you", "find", "the", "correct", "person", "or", "exhaust", "the", "list", "."], "golden-entity-mentions": [{"text": ["person"], "entity-type": "Class", "index": [11]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [15]}]}, {"sentence": ["The", "first", "condition", ",", "BTW", ",", "is", "a", "subset", "of", "the", "loop", "(", "if", "firstPerson", "is", "null", "target", "will", "just", "become", "null", "immediately", ")", ",", "and", "can", "(", "should", "!", ")"], "golden-entity-mentions": [{"text": ["firstPerson"], "entity-type": "Variable", "index": [14]}, {"text": ["null"], "entity-type": "Value", "index": [16]}, {"text": ["target"], "entity-type": "Variable", "index": [17]}, {"text": ["null"], "entity-type": "Value", "index": [21]}]}, {"sentence": ["also", "be", "removed", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "asked", "a", "question", "before", "about", "retrieving", "a", "pdf", "file", "from", "database", ",", "and", "got", "the", "answer", "for", "my", "question", "."], "golden-entity-mentions": [{"text": ["pdf"], "entity-type": "File_Type", "index": [9]}]}, {"sentence": ["Eventhough", "that", "code", "was", "working", "for", "me", "earlier", ",", "I", "am", "currently", "not", "able", "to", "retrieve", "file", "contents", ",", "only", "file", "name", "from", "the", "database", "(", "like", ":"], "golden-entity-mentions": []}, {"sentence": ["\"", "%", "PDF-1.4", "1", "0", "obj", "<>", "/ProcSet", "[/PDF", "/Text]>>", "/Fields", "\"", ")", "."], "golden-entity-mentions": [{"text": ["\"", "%", "PDF-1.4", "1", "0", "obj", "<>", "/ProcSet", "[/PDF", "/Text]>>", "/Fields", "\"", ")"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18]}]}, {"sentence": ["Here", "is", "my", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["My", "uploaded", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["In", "the", "database", "filed", "is", "a", "varchar", "."], "golden-entity-mentions": [{"text": ["varchar"], "entity-type": "Data_Type", "index": [6]}]}, {"sentence": ["suppose", "that", "using", "a", "JFilechooser", ",", "we", "choosed", "a", "text", "file", "which", "contained", "1", "line", ",", "say.", ".", "\"", "hello", "world", "\""], "golden-entity-mentions": [{"text": ["JFilechooser"], "entity-type": "Class", "index": [4]}, {"text": ["text"], "entity-type": "File_Type", "index": [9]}, {"text": ["\"", "hello", "world", "\""], "entity-type": "Value", "index": [18, 19, 20, 21]}]}, {"sentence": ["when", "we", "print", "the", "file", "contents", "we", "get", "\"", "hello", "world", "\""], "golden-entity-mentions": [{"text": ["\"", "hello", "world", "\""], "entity-type": "Value", "index": [8, 9, 10, 11]}]}, {"sentence": ["but", "what", "happens", "if", "we", "changed", "the", "text", "file", "contents", "and", "added", "some", "new", "lines", ",", "and", "printed", "again", ",", "does", "java", "stores", "the", "file", "in", "memory", "?"], "golden-entity-mentions": [{"text": ["text"], "entity-type": "File_Type", "index": [7]}, {"text": ["java"], "entity-type": "Language", "index": [21]}]}, {"sentence": ["or", "it", "will", "reads", "it", "again", ",", "and", "consequently", "prints", "the", "new", "lines", "we", "added", "?"], "golden-entity-mentions": []}, {"sentence": ["That", "depends", "on", "what", "you", "do", "."], "golden-entity-mentions": []}, {"sentence": ["The", "rules", "are", "simple", ":", "when", "you", "read", "it", "again", "by", "using", "a", "FileInputStream", "or", "a", "FileReader", ",", "you", "will", "always", "get", "the", "latest", "content", "."], "golden-entity-mentions": [{"text": ["FileInputStream"], "entity-type": "Class", "index": [13]}, {"text": ["FileReader"], "entity-type": "Class", "index": [16]}]}, {"sentence": ["The", "OS", "might", "optimize", "this", "in", "memory", ",", "if", "the", "file", "is", "not", "edited", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "simply", "keep", "the", "file", "contents", "into", "a", "self", "constructed", "buffer", "(", "e.g", ".", ":", "a", "String", "or", "a", "byte[]", ")", ",", "and", "the", "file", "changes", ",", "of", "course", "the", "buffer", "will", "remained", "unchanged", "."], "golden-entity-mentions": [{"text": ["String"], "entity-type": "Data_Type", "index": [17]}, {"text": ["byte[]"], "entity-type": "Data_Type", "index": [20]}]}, {"sentence": ["When", "you", "create", "a", "File", ",", "nothing", "actually", "happens", "."], "golden-entity-mentions": [{"text": ["File"], "entity-type": "Class", "index": [4]}]}, {"sentence": ["The", "location", "of", "the", "file", "is", "stored", ",", "nothing", "else", "."], "golden-entity-mentions": []}, {"sentence": ["It", "'s", "like", "setting", "your", "GPS", "to", "go", "somewhere", "versus", "driving", "there", "."], "golden-entity-mentions": [{"text": ["GPS"], "entity-type": "Device", "index": [5]}]}, {"sentence": ["From", "the", "Javadoc", ":"], "golden-entity-mentions": [{"text": ["Javadoc"], "entity-type": "Application", "index": [2]}]}, {"sentence": ["When", "you", "read", "from", "the", "file", ",", "you", "'ll", "get", "the", "contents", "of", "the", "file", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "table", "that", "has", "a", "column", "with", "Yes/No", "as", "possible", "values"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["column"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["Yes/No"], "entity-type": "Value", "index": [9]}]}, {"sentence": ["I", "need", "to", "show", "the", "row", "if", "ActiveYN", "is", "'", "Yes", "'", "and", "Hide", "id", "ActiveYN", "is", "'", "No", "'"], "golden-entity-mentions": [{"text": ["row"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["ActiveYN"], "entity-type": "Variable", "index": [7]}, {"text": ["'", "Yes"], "entity-type": "Value", "index": [9, 10]}, {"text": ["'"], "entity-type": "Value", "index": [11]}, {"text": ["ActiveYN"], "entity-type": "Variable", "index": [15]}, {"text": ["'", "No"], "entity-type": "Value", "index": [17, 18]}, {"text": ["'"], "entity-type": "Value", "index": [19]}]}, {"sentence": ["How", "can", "i", "access", "the", "ActiveYN", "inside", "JQuery", "and", "show/hide", "accordingly", "?"], "golden-entity-mentions": [{"text": ["ActiveYN"], "entity-type": "Variable", "index": [5]}, {"text": ["JQuery"], "entity-type": "Library", "index": [7]}]}, {"sentence": ["You", "can", "do", "it", "from", "server", "side", "itself", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["I", "do", "n't", "know", "the", "razor", "syntax", ",", "but", "you", "get", "the", "idea", "."], "golden-entity-mentions": [{"text": ["razor"], "entity-type": "Language", "index": [5]}]}, {"sentence": ["To", "be", "able", "to", "do", "it", "from", "client-side", ",", "add", "a", "class", "."], "golden-entity-mentions": [{"text": ["client-side"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["And", "then", "in", "jQuery", ":"], "golden-entity-mentions": [{"text": ["jQuery"], "entity-type": "Library", "index": [3]}]}, {"sentence": ["Edited", "again", "after", "your", "question", "was", "edited", ",", "now", "if", "we", "forget", "the", "server-side", "altogether", ":"], "golden-entity-mentions": [{"text": ["server-side"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["Use", "this", "statement", "in", "your", "button", "click", "handler", "function", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["But", ",", "remember", "it", "will", "also", "find", "any", "text", "which", "contains", "\"", "No", "\"", "anywhere", "in", "a", "row", "."], "golden-entity-mentions": [{"text": ["\"", "No", "\""], "entity-type": "Value", "index": [11, 12, 13]}, {"text": ["row"], "entity-type": "User_Interface_Element", "index": [17]}]}, {"sentence": ["To", "make", "it", "more", "precise", ",", "use", "regular", "expressions", "to", "search", "exactly", "a", "\"", "No", "\"", "."], "golden-entity-mentions": [{"text": ["\"", "No", "\""], "entity-type": "Value", "index": [13, 14, 15]}]}, {"sentence": ["DEMO"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "using", "sort", "command", "in", "Linux", "to", "sort", "strings", "."], "golden-entity-mentions": [{"text": ["sort"], "entity-type": "Code_Block", "index": [3]}, {"text": ["Linux"], "entity-type": "Operating_System", "index": [6]}, {"text": ["sort"], "entity-type": "Code_Block", "index": [8]}, {"text": ["strings"], "entity-type": "Data_Type", "index": [9]}]}, {"sentence": ["The", "problem", "is", "that", "my", "strings", "contains", "non", "letter", "characters", "such", "as", "!", "{%^$@#)(", "."], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [5]}, {"text": ["!", "{%^$@#)("], "entity-type": "Code_Block", "index": [12, 13]}]}, {"sentence": ["I", "have", "noticed", "that", "sort", "in", "Linux", "ignores", "these", "characters", "and", "sort", "based", "on", "letters", "only", "."], "golden-entity-mentions": [{"text": ["sort"], "entity-type": "Code_Block", "index": [4]}, {"text": ["Linux"], "entity-type": "Operating_System", "index": [6]}, {"text": ["sort"], "entity-type": "Code_Block", "index": [11]}]}, {"sentence": ["However", ",", "I", "want", "to", "sort", "based", "on", "these", "characters", "'", "ASCII", "code", "also", "."], "golden-entity-mentions": [{"text": ["sort"], "entity-type": "Code_Block", "index": [5]}]}, {"sentence": ["Use", "a", "locale", "of", "\"", "C", "\"", "to", "force", "bitwise", "collation", "."], "golden-entity-mentions": [{"text": ["\"", "C", "\""], "entity-type": "Value", "index": [4, 5, 6]}]}, {"sentence": ["well", "i", "have", "this", "string"], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [4]}]}, {"sentence": ["how", "do", "i", "get", "the", "value", "of", "iddiagrama", ",", "nombre", ",", "tipo", ",", "descripcion", "!"], "golden-entity-mentions": [{"text": ["iddiagrama"], "entity-type": "Variable", "index": [7]}, {"text": ["nombre"], "entity-type": "Variable", "index": [9]}, {"text": ["tipo"], "entity-type": "Variable", "index": [11]}, {"text": ["descripcion"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["note", ",", "there", "are", "more", "than", "1", "of", "everyone", "!"], "golden-entity-mentions": []}, {"sentence": ["for", "example", "i", "would", "to", "get", "i", "dont", "know", "!"], "golden-entity-mentions": []}, {"sentence": ["maybe", "in", "a", "array", "something", "so"], "golden-entity-mentions": [{"text": ["array"], "entity-type": "Data_Structure", "index": [3]}]}, {"sentence": ["and", "the", "same", "with", "tipo", ",", "and", "description"], "golden-entity-mentions": [{"text": ["tipo"], "entity-type": "Variable", "index": [4]}, {"text": ["description"], "entity-type": "Variable", "index": [7]}]}, {"sentence": ["some", "idea", "?"], "golden-entity-mentions": []}, {"sentence": ["*", "other", "thing"], "golden-entity-mentions": []}, {"sentence": ["the", "lenght", "of", "characteres", "Change", "!"], "golden-entity-mentions": [{"text": ["characteres"], "entity-type": "Data_Type", "index": [3]}]}, {"sentence": ["because", "it", "is", "a", "query", "since", "a", "webservice", "!"], "golden-entity-mentions": []}, {"sentence": ["i", "am", "trying", "it", "manuallity", "does", "someone", "has", "a", "example", "for", "to", "do", "it", "with", "a", "library", "?"], "golden-entity-mentions": []}, {"sentence": ["one", "way", "is", "to", "concatenate", "the", "strings", "in", "the", "array", "to", "form", "a", "string", "by", "running", "a", "for", "loop", "around", "each", "array", "."], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [6]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [9]}, {"text": ["string"], "entity-type": "Data_Type", "index": [13]}, {"text": ["for"], "entity-type": "Code_Block", "index": [17]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [21]}]}, {"sentence": ["Is", "that", "what", "you", "'re", "trying", "to", "do", "?"], "golden-entity-mentions": []}, {"sentence": ["It", "seems", "like", "your", "string", "contains", "data", "coded", "in", "JSON", "format", "."], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [4]}, {"text": ["JSON"], "entity-type": "File_Type", "index": [9]}]}, {"sentence": ["You", "may", "use", "a", "JSON", "library", "like", "google-gson", "."], "golden-entity-mentions": [{"text": ["JSON"], "entity-type": "File_Type", "index": [4]}, {"text": ["google-gson"], "entity-type": "Library", "index": [7]}]}, {"sentence": ["Then", "you", "do", "n't", "have", "to", "parse", "the", "string", "manually", "."], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [8]}]}, {"sentence": ["So", "I", "am", "fairly", "new", "to", "iOS", "development", "and", "have", "decide", "to", "create", "a", "project", "of", "my", "own", "."], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["This", "app", "is", "using", "Parse", "as", "it", "'s", "backend", "."], "golden-entity-mentions": [{"text": ["Parse"], "entity-type": "Library", "index": [4]}]}, {"sentence": ["I", "know", "that", "it", "is", "better", "to", "have", "all", "the", "database", "calls", "in", "one", "class", ",", "but", "am", "unsure", "of", "the", "best", "way", "to", "do", "it", "."], "golden-entity-mentions": []}, {"sentence": ["So", "far", "I", "have", "two", "options", ":"], "golden-entity-mentions": []}, {"sentence": ["Create", "separate", ".h", "and", ".m", "files", "and", "put", "all", "database", "accessors", "there", "as", "static", "methods"], "golden-entity-mentions": [{"text": [".h"], "entity-type": "File_Type", "index": [2]}, {"text": [".m"], "entity-type": "File_Type", "index": [4]}, {"text": ["static"], "entity-type": "Data_Type", "index": [13]}]}, {"sentence": ["Create", "base", ".h", "and", ".m", "files", "(", "that", "inherit", "from", "UIViewController", ")", "and", "put", "all", "the", "calls", "there", "."], "golden-entity-mentions": [{"text": [".h"], "entity-type": "File_Type", "index": [2]}, {"text": [".m"], "entity-type": "File_Type", "index": [4]}, {"text": ["UIViewController"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Then", "derive", "all", "my", "other", "view", "controllers", "in", "the", "app", "from", "this", "one", "."], "golden-entity-mentions": []}, {"sentence": ["Which", "of", "these", "two", "options", "is", "better", "?"], "golden-entity-mentions": []}, {"sentence": ["Or", "is", "there", "a", "better", "way", "to", "do", "this", "than", "these", "two", "options", "?"], "golden-entity-mentions": []}, {"sentence": ["While", "this", "is", "purely", "opinion", "based", "I", "would", "argue", "for", "solution", "1", "."], "golden-entity-mentions": []}, {"sentence": ["This", "creates", "a", "good", "separation", "of", "code", "and", "makes", "it", "clear", "where", "the", "database", "methods", "are", "located", "both", "when", "looking", "at", "a", "view", "controller", "."], "golden-entity-mentions": []}, {"sentence": ["Compare", "[", "DBConnector", "performDatabaseMethod", "]", "to", "[", "self", "performDatabaseMethod", "]", "the", "second", "one", "seems", "weird", "and", "out", "of", "place", "if", "self", "is", "a", "UIViewController", "subclass", "."], "golden-entity-mentions": [{"text": ["[", "DBConnector", "performDatabaseMethod", "]"], "entity-type": "Code_Block", "index": [1, 2, 3, 4]}, {"text": ["[", "self", "performDatabaseMethod", "]"], "entity-type": "Code_Block", "index": [6, 7, 8, 9]}, {"text": ["self"], "entity-type": "Variable", "index": [20]}, {"text": ["UIViewController"], "entity-type": "Class", "index": [23]}]}, {"sentence": ["Another", "option", "is", "using", "a", "singleton", "database", "accessor", "which", "you", "access", "using", "[", "[", "DBConnector", "sharedInstance", "]", "performMethod", "]", "where", "sharedInstance", "looks", "something", "like", "this", "."], "golden-entity-mentions": [{"text": ["["], "entity-type": "Code_Block", "index": [12]}, {"text": ["["], "entity-type": "Code_Block", "index": [13]}, {"text": ["DBConnector", "sharedInstance", "]"], "entity-type": "Code_Block", "index": [14, 15, 16]}, {"text": ["performMethod", "]"], "entity-type": "Code_Block", "index": [17, 18]}, {"text": ["sharedInstance"], "entity-type": "Variable", "index": [20]}]}, {"sentence": ["Using", "flexigrid", ",", "I", "have", "two", "buttons", "(", "add", ",", "delete", ")", "on", "the", "toolbar", "."], "golden-entity-mentions": [{"text": ["flexigrid"], "entity-type": "Application", "index": [1]}, {"text": ["buttons"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["toolbar"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["When", "the", "add", "button", "is", "clicked", ",", "I", "want", "to", "create", "a", "fancybox", "input", "form", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["fancybox"], "entity-type": "Application", "index": [12]}, {"text": ["form"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["How", "can", "I", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "my", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Check", "out", "the", "ColorBox", "plugin", "example", "here", "."], "golden-entity-mentions": [{"text": ["ColorBox", "plugin"], "entity-type": "Application", "index": [3, 4]}]}, {"sentence": ["In", "Excel", "I", "using", "a", "Data", "Table", "that", "connects", "via", "a", "data", "connection", "string", "to", "an", "sql", "server", "procedure", "."], "golden-entity-mentions": [{"text": ["Excel"], "entity-type": "Application", "index": [1]}, {"text": ["Data", "Table"], "entity-type": "Data_Structure", "index": [5, 6]}, {"text": ["string"], "entity-type": "Data_Type", "index": [13]}, {"text": ["sql"], "entity-type": "Language", "index": [16]}, {"text": ["server"], "entity-type": "Application", "index": [17]}]}, {"sentence": ["The", "procedure", "accepts", "some", "parameters", "querys", "and", "then", "returns", "the", "data", "to", "the", "excel", "data", "table", "."], "golden-entity-mentions": [{"text": ["excel"], "entity-type": "Application", "index": [13]}, {"text": ["data", "table"], "entity-type": "Data_Structure", "index": [14, 15]}]}, {"sentence": ["This", "has", "worked", "well", "for", "quite", "a", "while", "."], "golden-entity-mentions": []}, {"sentence": ["Now", "the", "users", "have", "started", "to", "randomly", "get", "the", "following", "error", "message", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "happening", "randomly", "as", "the", "user", "try", "'s", "it", "again", "and", "it", "works", "."], "golden-entity-mentions": []}, {"sentence": ["Nothing", "else", "is", "on", "the", "spreadsheet", "and", "the", "returned", "information", "is", "well", "within", "any", "row", "count", "limitation", "that", "excel", "may", "have", "."], "golden-entity-mentions": [{"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["row"], "entity-type": "Data_Structure", "index": [14]}, {"text": ["excel"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["I", "was", "able", "to", "isolate", "the", "cause", "of", "the", "error", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "have", "something", "on", "your", "clipboard", "and", "then", "refresh", "your", "table", "it", "causes", "a", "conflict", "when", "the", "records", "are", "returned", "."], "golden-entity-mentions": [{"text": ["clipboard"], "entity-type": "Application", "index": [6]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [11]}]}, {"sentence": ["After", "clearing", "my", "clipboard", "and", "refreshing", "it", "worked", "fine", "."], "golden-entity-mentions": [{"text": ["clipboard"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["This", "most", "be", "a", "flaw", "in", "the", "version", "of", "Excel", "I", "'m", "using", "-", "2016", "."], "golden-entity-mentions": [{"text": ["Excel"], "entity-type": "Application", "index": [9]}, {"text": ["2016"], "entity-type": "Version", "index": [14]}]}, {"sentence": ["I", "am", "trying", "to", "make", "a", "calculator", "app", "but", "unfortunately", "I", "am", "getting", "stuck", "with", "parsing", "the", "string", "."], "golden-entity-mentions": [{"text": ["calculator"], "entity-type": "Application", "index": [6]}, {"text": ["string"], "entity-type": "Data_Type", "index": [17]}]}, {"sentence": ["The", "application", "takes", "input", "and", "displays", "it", "in", "an", "EditText", "et2", "."], "golden-entity-mentions": [{"text": ["EditText"], "entity-type": "Class", "index": [9]}, {"text": ["et2"], "entity-type": "Variable", "index": [10]}]}, {"sentence": ["The", "calculator", "does", "the", "following", "job", "when", "\"", "equal", "\"", "key", "is", "pressed", "."], "golden-entity-mentions": [{"text": ["calculator"], "entity-type": "Application", "index": [1]}, {"text": ["equal"], "entity-type": "Keyboard_IP", "index": [8]}]}, {"sentence": ["I", "get", "a", "NumberFormatException", "error", "."], "golden-entity-mentions": [{"text": ["NumberFormatException"], "entity-type": "Error_Name", "index": [3]}]}, {"sentence": ["Here", "'s", "is", "the", "error", "log", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "are", "try", "to", "parse", "an", "none", "Integer", "value", "to", "Integer"], "golden-entity-mentions": [{"text": ["Integer"], "entity-type": "Data_Type", "index": [7]}, {"text": ["Integer"], "entity-type": "Data_Type", "index": [10]}]}, {"sentence": ["Follow", "the", "number", "of", "line", "provided", "in", "the", "logcat", "to", "correct", "your", "mistake"], "golden-entity-mentions": [{"text": ["logcat"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["your", "error", "must", "be", "happened", "here"], "golden-entity-mentions": []}, {"sentence": ["other", "here"], "golden-entity-mentions": []}, {"sentence": ["try", "to", "do", "this"], "golden-entity-mentions": []}, {"sentence": ["and", "check", "if", "the", "leftString", "can", "be", "converted", "into", "float/Integer"], "golden-entity-mentions": [{"text": ["leftString"], "entity-type": "Variable", "index": [4]}, {"text": ["float/Integer"], "entity-type": "Data_Type", "index": [9]}]}, {"sentence": ["So", "problem", "is", "that", "your", "String", "has", "invalid", "format", "and", "cannot", "be", "parsed", "to", "number", "."], "golden-entity-mentions": [{"text": ["String"], "entity-type": "Data_Type", "index": [5]}, {"text": ["number"], "entity-type": "Data_Type", "index": [14]}]}, {"sentence": ["So", "my", "suggestion", "is", "to", "use", "for", "example", "regex", "before", "you", "will", "perform", "parsing", ":"], "golden-entity-mentions": []}, {"sentence": ["Note", ":", "Also", "add", "try-catch", "block", "to", "catch", "Exception", "and", "make", "some", "log", "about", "problem", "(", "print", "string", "value", "for", "example", ")", "."], "golden-entity-mentions": [{"text": ["try-catch"], "entity-type": "Code_Block", "index": [4]}, {"text": ["Exception"], "entity-type": "Code_Block", "index": [8]}, {"text": ["string"], "entity-type": "Data_Type", "index": [17]}]}, {"sentence": ["I", "was", "thinking", "of", "using", ".NET", "DLR", "for", "a", "project", ",", "but", "I", "see", "it", "has", "n't", "changed", "since", "2010", "."], "golden-entity-mentions": [{"text": [".NET"], "entity-type": "Library", "index": [5]}, {"text": ["DLR"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["Does", "anyone", "know", "if", "this", "project", "will", "be", "maintained", "or", "if", "it", "has", "been", "superseded", "by", "anything", "else", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "afraid", "to", "start", "a", "project", "that", "heavily", "depends", "on", "the", "DLR", "if", "DLR", "is", "no", "longer", "supported", "by", "Microsoft", "."], "golden-entity-mentions": [{"text": ["DLR"], "entity-type": "Application", "index": [12]}, {"text": ["DLR"], "entity-type": "Application", "index": [14]}, {"text": ["Microsoft"], "entity-type": "Website", "index": [20]}]}, {"sentence": ["It", "got", "integrated", "into", ".net", "in", "version", "4.0", "in", "April", "2010", "."], "golden-entity-mentions": [{"text": [".net"], "entity-type": "Library", "index": [4]}, {"text": ["4.0"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["As", "such", ",", "the", "DLR", "project", "itself", "is", "n't", "updated", "anymore", "."], "golden-entity-mentions": [{"text": ["DLR"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["The", "msdn", "has", "a", "good", "overview", ":", "Dynamic", "Language", "Runtime", "Overview", "."], "golden-entity-mentions": [{"text": ["msdn"], "entity-type": "Website", "index": [1]}]}, {"sentence": ["when", "my", "socket", "io", "client", "connect", "to", "the", "server", "it", "does", "it", "twice"], "golden-entity-mentions": [{"text": ["socket", "io"], "entity-type": "Library", "index": [2, 3]}, {"text": ["client"], "entity-type": "Application", "index": [4]}, {"text": ["server"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["double", "connection"], "golden-entity-mentions": []}, {"sentence": ["this", "is", "an", "angular", "2", "project", "so", "i", "code", "in", "typescript", "as", "you", "can", "see", ":"], "golden-entity-mentions": [{"text": ["angular"], "entity-type": "Library", "index": [3]}, {"text": ["2"], "entity-type": "Version", "index": [4]}, {"text": ["typescript"], "entity-type": "Language", "index": [10]}]}, {"sentence": ["i", "tried", "to", "code", "it", "like", "that", ":"], "golden-entity-mentions": []}, {"sentence": ["but", "unfortunately", "it", "shows", "to", "me", "this", "error", ":"], "golden-entity-mentions": []}, {"sentence": ["error", "server"], "golden-entity-mentions": [{"text": ["error", "server"], "entity-type": "Error_Name", "index": [0, 1]}]}, {"sentence": ["The", "server", "tell", "that", "the", "value", "is", "not", "initialized", "==", ">", "\"", "undefined", "\""], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [1]}, {"text": ["\"", "undefined", "\""], "entity-type": "Value", "index": [11, 12, 13]}]}, {"sentence": ["I", "really", "do", "not", "know", "what", "to", "do", ":("], "golden-entity-mentions": []}, {"sentence": ["if", "you", "have", "an", "idea", "!"], "golden-entity-mentions": []}, {"sentence": ["this.s", "is", "uninitialized", "until", "this.io", "receives", "a", "\"", "connection", "\"", "event", "."], "golden-entity-mentions": [{"text": ["this.s"], "entity-type": "Variable", "index": [0]}, {"text": ["this.io"], "entity-type": "Variable", "index": [4]}, {"text": ["\"", "connection", "\""], "entity-type": "Value", "index": [7, 8, 9]}]}, {"sentence": ["If", "that", "'s", "the", "only", "place", "you", "'re", "initializing", ",", "you", "can", "only", "subscribe", "this.s", "to", "other", "events", "upon", "a", "connection", "."], "golden-entity-mentions": [{"text": ["this.s"], "entity-type": "Variable", "index": [14]}]}, {"sentence": ["Switching", "from"], "golden-entity-mentions": []}, {"sentence": ["to"], "golden-entity-mentions": []}, {"sentence": ["might", "do", "the", "trick", "."], "golden-entity-mentions": []}, {"sentence": ["You", "are", "attempting", "to", "use", "s", "before", "it", "is", "initialized", "."], "golden-entity-mentions": [{"text": ["s"], "entity-type": "Variable", "index": [5]}]}, {"sentence": ["By", "moving", "the", "this.s.on", "call", "into", "the", "this.io.on", "callback", ",", "you", "will", "ensure", "that", "s", "is", "not", "undefined", "."], "golden-entity-mentions": [{"text": ["this.s.on"], "entity-type": "Function", "index": [3]}, {"text": ["this.io.on"], "entity-type": "Function", "index": [7]}, {"text": ["s"], "entity-type": "Variable", "index": [14]}, {"text": ["undefined"], "entity-type": "Value", "index": [17]}]}, {"sentence": ["I", "'m", "attempting", "to", "create", "a", "ListView", "where", "I", "can", "draw", "some", "basic", "shapes", "into", "each", "item", "in", "the", "ListView", "."], "golden-entity-mentions": [{"text": ["ListView"], "entity-type": "Class", "index": [6]}, {"text": ["ListView"], "entity-type": "Class", "index": [19]}]}, {"sentence": ["I", "'ve", "found", "many", "examples", "using", "Views/Layouts", "within", "a", "ListView", "to", "add", "an", "image", "etc", ",", "but", "am", "unsure", "how", "I", "would", "draw", "into", "each", "one", "using", "a", "Canvas", "or", "similar", "."], "golden-entity-mentions": [{"text": ["Views/Layouts"], "entity-type": "Class", "index": [6]}, {"text": ["ListView"], "entity-type": "Class", "index": [9]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [13]}, {"text": ["Canvas"], "entity-type": "Class", "index": [28]}]}, {"sentence": ["Furthermore", "these", "examples", "seem", "to", "all", "work", "in", "slightly", "different", "ways", ",", "so", "I", "was", "wondering", "what", "the", "best", "strategy", "is", "."], "golden-entity-mentions": []}, {"sentence": ["At", "the", "moment", "I", "just", "have", "a", "Main", "class", "which", "populates", "the", "ListView", "with", "basic", "text", "."], "golden-entity-mentions": [{"text": ["Main"], "entity-type": "Class", "index": [7]}, {"text": ["ListView"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["Main.java"], "golden-entity-mentions": [{"text": ["Main.java"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["Now", "I", "gather", "I", "'ll", "need", "change", "the", "Adapter", "bit", "here", ",", "and", "also", "write", "another", "class", "which", "possibly", "extends", "View", ",", "which", "I", "can", "draw", "to", ",", "then", "add", "this", "as", "an", "item", "in", "the", "ListView", "?"], "golden-entity-mentions": [{"text": ["Adapter"], "entity-type": "Class", "index": [8]}, {"text": ["View"], "entity-type": "Class", "index": [20]}, {"text": ["ListView"], "entity-type": "Class", "index": [36]}]}, {"sentence": ["Thanks", "for", "your", "help", "in", "advance", "."], "golden-entity-mentions": []}, {"sentence": ["You", "would", "need", "to", "subclass", "your", "ListView", "to", "a", "custom", "implementation", "."], "golden-entity-mentions": [{"text": ["ListView"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["You", "can", "change", "the", "view", "for", "each", "row", "in", "the", "ListView", "by", "replacing", "the", "..", ".", "with", "the", "appropriate", "View", "code", "."], "golden-entity-mentions": [{"text": ["view"], "entity-type": "Class", "index": [4]}, {"text": ["row"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["ListView"], "entity-type": "Class", "index": [10]}, {"text": ["View"], "entity-type": "Class", "index": [19]}]}, {"sentence": ["For", "example", ",", "you", "can", "use", "SurfaceView", "to", "draw", "on", "it", "."], "golden-entity-mentions": [{"text": ["SurfaceView"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["The", "above", "code", "is", "n't", "tested", ",", "but", "hopefully", "will", "drive", "you", "to", "the", "right", "direction", "."], "golden-entity-mentions": []}, {"sentence": ["Make", "sure", "you", "optimize", "your", "drawing", "such", "as", "use", "caching", "when", "available", ",", "preprocess", ",", "etc", "."], "golden-entity-mentions": []}, {"sentence": ["I", "like", "Google", "Web", "Tookit", "API", "approach", "."], "golden-entity-mentions": [{"text": ["Google", "Web", "Tookit"], "entity-type": "Library", "index": [2, 3, 4]}]}, {"sentence": ["It", "use", "Java", "language", "behind", "the", "scenes", "that", "compiles", "ONLY", "JavaScript", "code", "WHOSE", "TARGET", "BROWSER", "NEEDS", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [2]}, {"text": ["JavaScript"], "entity-type": "Language", "index": [10]}, {"text": ["BROWSER"], "entity-type": "Application", "index": [14]}]}, {"sentence": ["It", "happens", "some", "developers", "would", "like", "to", "use", "that", "feature", "in", "pure", "JavaScript", "language", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [12]}]}, {"sentence": ["Anwser", ":", "WHAT", "COULD", "WE", "SUGGEST", "in", "order", "to", "fullfill", "this", "requirement", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "suggest", "to", "use", "JavaScript", "comments", "(", "as", "a", "flag", ")", "as", "a", "way", "some", "compiler", "(", "like", "Yahoo", "JavaScript", "compiler", ")", "analises", "our", "app", "JavaScript", "code", "and", "generates", "only", "a", "JavaScript", "Framework", "code", "needed", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [4]}, {"text": ["compiler"], "entity-type": "Application", "index": [15]}, {"text": ["Yahoo", "JavaScript", "compiler"], "entity-type": "Application", "index": [18, 19, 20]}, {"text": ["JavaScript"], "entity-type": "Language", "index": [25]}, {"text": ["JavaScript", "Framework"], "entity-type": "Library", "index": [31, 32]}]}, {"sentence": ["Example", ":", "a", "hypothetical", "JavaScript", "framework", "(", "JQuery", ",", "Mootools", ",", "Prototype", "ect", ")", "code"], "golden-entity-mentions": [{"text": ["JavaScript", "framework"], "entity-type": "Library", "index": [4, 5]}, {"text": ["JQuery"], "entity-type": "Library", "index": [7]}, {"text": ["Mootools"], "entity-type": "Library", "index": [9]}, {"text": ["Prototype"], "entity-type": "Library", "index": [11]}]}, {"sentence": ["So", "when", "my", "app", "use", "a", "function", "sayHello", ",", "only", "that", "sayHello", "function", "and", "its", "dependencies", "would", "be", "filtered", "through", "JavaScript", "comments", ",", "nothing", "else", "."], "golden-entity-mentions": [{"text": ["sayHello"], "entity-type": "Function", "index": [7]}, {"text": ["sayHello"], "entity-type": "Function", "index": [11]}, {"text": ["JavaScript"], "entity-type": "Language", "index": [20]}]}, {"sentence": ["So", ",", "this", "way", "our", "application", "would", "be", "lighter", ",", "by", "using", "only", "JavaScript", "Framework", "code", "needed", "."], "golden-entity-mentions": [{"text": ["JavaScript", "Framework"], "entity-type": "Library", "index": [13, 14]}]}, {"sentence": ["And", "you", ":", "what", "do", "you", "suggest", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "would", "suggest", "learning", "to", "program", "in", "JavaScript", "and", "understanding", "the", "various", "peculiarities", "of", "the", "different", "DOM", "implementations", ",", "then", "writing", "just", "the", "code", "necessary", "for", "your", "application", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [7]}, {"text": ["DOM"], "entity-type": "Library", "index": [16]}]}, {"sentence": ["If", "you", "really", "do", "n't", "want", "to", "have", "to", "deal", "with", "re-creating", "all", "the", "event", "handling", "shenanigans", "and", "so", "on", ",", "then", "nick", "the", "relevant", "techniques", "from", "the", "libraries", "."], "golden-entity-mentions": []}, {"sentence": ["You", "'ll", "learn", "a", "lot", "more", "about", "what", "you", "'re", "doing", "that", "way", ",", "as", "you", "'ll", "need", "to", "actually", "understand", "how", "it", "all", "works", "to", "be", "able", "to", "integrate", "those", "techniques", "with", "your", "application", "."], "golden-entity-mentions": []}, {"sentence": ["Having", "worked", "professionally", "with", "JavaScript", "since", "1996", "I", ",", "like", "many", ",", "was", "initially", "tempted", "by", "the", "apparent", "ease", "of", "use", "offered", "by", "libraries", ";", "but", "if", "I", "see", "one", "more", "answer", "on", "here", "that", "says", "\"", "use", "jQuery", "\"", "(", "followed", "by", "some", "code", "that", "is", "n't", "even", "optimal", "in", "jQuery", ")", "when", "the", "correct", "answer", "is", "to", "use", "an", "existing", "and", "well-documented", "feature", "of", "JavaScript", "that", "works", "on", "every", "single", "implementation", "since", "Netscape", "Navigator", "3", ",", "I", "'ll", "scream", ";-)"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [4]}, {"text": ["jQuery"], "entity-type": "Library", "index": [38]}, {"text": ["jQuery"], "entity-type": "Library", "index": [51]}, {"text": ["JavaScript"], "entity-type": "Language", "index": [66]}, {"text": ["Netscape", "Navigator"], "entity-type": "Application", "index": [74, 75]}, {"text": ["3"], "entity-type": "Version", "index": [76]}]}, {"sentence": ["I", "do", "n't", "know", "about", "other", "frameworks", ",", "but", "with", "Dojo", "Toolkit", "you", "can", "take", "advantage", "of", "caching", "better", "by", "using", "a", "public", "CDN", "copy", "of", "the", "source", "in", "your", "site", ",", "from", "AOL", "or", "Google", "."], "golden-entity-mentions": [{"text": ["Dojo", "Toolkit"], "entity-type": "Library", "index": [10, 11]}, {"text": ["AOL"], "entity-type": "Website", "index": [33]}, {"text": ["Google"], "entity-type": "Website", "index": [35]}]}, {"sentence": ["If", "the", "JavaScript", "code", "of", "the", "framework", "is", "served", "as", "a", "cacheable", "file", "then", "the", "download", "cost", "of", "requesting", "the", "entire", "framework", "(", "e.g", ".", "jQuery.js", ")", "can", "be", "eliminated", ",", "but", "if", "you", "were", "generating", "the", "framework", "code", "on", "the", "fly", "(", "as", "you", "suggest", "above", ")", "then", "it", "'s", "going", "to", "be", "harder", "to", "take", "advantage", "of", "caching", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [2]}, {"text": ["jQuery.js"], "entity-type": "File_Name", "index": [25]}]}, {"sentence": ["On", "top", "of", "this", "the", "memory", "cost", "of", "defining", "the", "entire", "framework", "is", "probably", "unlikely", "to", "be", "problematic", "(", "assuming", "the", "framework", "is", "written", "sensibly", ")", "."], "golden-entity-mentions": []}, {"sentence": ["So", ",", "pulling", "in", "the", "entire", "framework", ",", "as", "is", "the", "common", "case", ",", "is", "simple", ",", "works", "well", "and", "does", "n't", "require", "a", "particular", "server-side", "infrastructure", "(", "like", "GWT", "does", ")", "."], "golden-entity-mentions": [{"text": ["server-side"], "entity-type": "Device", "index": [25]}, {"text": ["GWT"], "entity-type": "Library", "index": [29]}]}, {"sentence": ["I", "expect", "to", "output", ":"], "golden-entity-mentions": []}, {"sentence": ["acej"], "golden-entity-mentions": [{"text": ["acej"], "entity-type": "Output_Block", "index": [0]}]}, {"sentence": ["which", "works", "fine", "with", "this", "algorithm", "but", "there", "is", "a", "problem", "with", "outputting", "the", "result", "and", "this", "problem", "causes", "stack", "to", "overflow", "."], "golden-entity-mentions": [{"text": ["stack"], "entity-type": "Data_Structure", "index": [19]}, {"text": ["overflow"], "entity-type": "Error_Name", "index": [21]}]}, {"sentence": ["How", "do", "I", "fix", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["Lets", "take", "a", "closer", "look", "at", "your", "output", "operator", ":"], "golden-entity-mentions": []}, {"sentence": ["It", "'s", "called", "when", "you", "output", "a", "std::vector", "."], "golden-entity-mentions": [{"text": ["std::vector"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["It", "will", "then", "output", "a", "std::vector", "which", "causes", "a", "recursive", "call", ",", "and", "so", "on", "in", "infinity", "(", "or", "until", "you", "get", "a", "stack", "overflow", ")", "."], "golden-entity-mentions": [{"text": ["std::vector"], "entity-type": "Class", "index": [5]}, {"text": ["stack", "overflow"], "entity-type": "Error_Name", "index": [23, 24]}]}, {"sentence": ["What", "your", "output", "operator", "needs", "to", "to", "is", "iterate", "over", "the", "vector", "and", "output", "each", "element", "."], "golden-entity-mentions": [{"text": ["vector"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["On", "an", "unrelated", "note", ",", "do", "n't", "pass", "the", "vector", "by", "value", "to", "the", "function", "."], "golden-entity-mentions": [{"text": ["vector"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Instead", "use", "a", "constant", "reference", ":"], "golden-entity-mentions": []}, {"sentence": ["Did", "you", "intend", "to", "use", "std::string", "and", "used", "incorrect", "STL", "container", "instead", "."], "golden-entity-mentions": [{"text": ["std::string"], "entity-type": "Class", "index": [5]}, {"text": ["STL"], "entity-type": "Library", "index": [9]}]}, {"sentence": ["Output"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "first", "sorry", "to", "say", "that", "I", "do", "not", "have", "access", "to", "gitHub", "or", "sourceForge.net", ",", "so", "I", "ca", "n't", "retrieve", "solution", "like", "this", ":", "possible", "answer"], "golden-entity-mentions": [{"text": ["gitHub"], "entity-type": "Website", "index": [13]}, {"text": ["sourceForge.net"], "entity-type": "Website", "index": [15]}]}, {"sentence": ["I", "have", "half", "a", "giga", "(", "510199112", "bytes", ")", "to", "download", "by", "ftp", "but", "there", "is", "a", "time-out", "error", ":"], "golden-entity-mentions": [{"text": ["time-out"], "entity-type": "Error_Name", "index": [17]}]}, {"sentence": ["I", "would", "like", "to", "manage", "my", "time", "out", "butdo", "not", "know", "how", "to", "proceed", "in", "my", "current", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Using", "ajax", ",", "I", "made", "it", "possible", "so", "that", "a", "user", "gets", "logout", "after", "10", "seconds", "of", "staying", "on", "the", "same", "page", "."], "golden-entity-mentions": [{"text": ["ajax"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["Keep", "in", "mind", "that", "the", "10", "seconds", "is", "just", "for", "testing", "purposes", "."], "golden-entity-mentions": []}, {"sentence": ["However", ",", "if", "the", "user", "closes", "their", "browser", "before", "the", "10", "seconds", "are", "up", ",", "they", "do", "not", "get", "log", "out", "."], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["I", "thought", "about", "logging", "them", "out", "when", "they", "exit", "their", "browser", ",", "but", "I", "have", "yet", "to", "figure", "out", "how", ",", "and", "even", "if", "I", "do", ",", "what", "does", "exiting", "their", "browser", "entails", "?"], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "Application", "index": [10]}, {"text": ["browser"], "entity-type": "Application", "index": [31]}]}, {"sentence": ["Does", "it", "count", "if", "they", "just", "close", "a", "tab", "while", "there", "are", "other", "tabs", "open", "?"], "golden-entity-mentions": [{"text": ["tab"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["tabs"], "entity-type": "User_Interface_Element", "index": [13]}]}, {"sentence": ["What", "if", "they", "have", "2", ",", "3", "or", "more", "browsers", "open", "at", "the", "same", "time", "?"], "golden-entity-mentions": [{"text": ["browsers"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["How", "do", "I", "determine", "that", "all", "those", "open", "browsers", "are", "exited", "before", "logging", "them", "out", "?"], "golden-entity-mentions": [{"text": ["browsers"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["The", "onBeforeUnload", "event", "should", "work", "for", "you", "."], "golden-entity-mentions": [{"text": ["onBeforeUnload"], "entity-type": "Class", "index": [1]}]}, {"sentence": ["It", "covers", ":"], "golden-entity-mentions": []}, {"sentence": ["Closing", "a", "tab", "(", "regardless", "of", "how", "many", "tabs", "are", "open", ")"], "golden-entity-mentions": [{"text": ["tab"], "entity-type": "User_Interface_Element", "index": [2]}, {"text": ["tabs"], "entity-type": "User_Interface_Element", "index": [8]}]}, {"sentence": ["Exiting", "the", "browser"], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "Application", "index": [2]}]}, {"sentence": ["Navigating", "away", "from", "the", "page"], "golden-entity-mentions": [{"text": ["page"], "entity-type": "User_Interface_Element", "index": [4]}]}, {"sentence": ["Refreshing", "the", "page"], "golden-entity-mentions": [{"text": ["page"], "entity-type": "User_Interface_Element", "index": [2]}]}, {"sentence": ["You", "can", "use", "this", "as", "inline", "attributes", ",", "or", "to", "trigger", "ajax", "functions", "to", "notify", "the", "server", "."], "golden-entity-mentions": [{"text": ["ajax"], "entity-type": "Function", "index": [11]}, {"text": ["server"], "entity-type": "Application", "index": [16]}]}, {"sentence": ["There", "are", "several", "methods", "to", "accomplish", "what", "you", "are", "looking", "for", ",", "however", "I", "must", "note", "I", "have", "never", "attempted", "what", "you", "are", "trying", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "only", "speaking", "from", "what", "I", "have", "read", "about", "it", "."], "golden-entity-mentions": []}, {"sentence": ["Here", "are", "some", "other", "sources", "on", "SO", "as", "well", "."], "golden-entity-mentions": [{"text": ["SO"], "entity-type": "Website", "index": [6]}]}, {"sentence": ["Hope", "this", "helps", "!"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "simple", "question", "about", "jquery", "slideDown", ",", "SlideUp", "."], "golden-entity-mentions": [{"text": ["jquery"], "entity-type": "Library", "index": [6]}, {"text": ["slideDown"], "entity-type": "Function", "index": [7]}, {"text": ["SlideUp"], "entity-type": "Function", "index": [9]}]}, {"sentence": ["I", "'m", "using", "slideDown", "to", "slide", "a", "div", "on", "click", ",", "like"], "golden-entity-mentions": [{"text": ["slideDown"], "entity-type": "Function", "index": [3]}, {"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [7]}]}, {"sentence": ["How", "can", "I", "do", "it", "so", "that", "if", "the", "#box", "is", "already", "slided", "down", ",", "it", "should", "slide", "up", "by", "clicking", "again", "?"], "golden-entity-mentions": [{"text": ["#box"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["Thanks", "."], "golden-entity-mentions": []}, {"sentence": ["use", ".slideToggle()", "instead"], "golden-entity-mentions": [{"text": [".slideToggle()"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["$(\"#box\").slideToggle(\"slow\")", ";"], "golden-entity-mentions": [{"text": ["$(\"#box\").slideToggle(\"slow\")", ";"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["I", "have", "a", "server-client", "application", "[", "TCP", "sockets", ",", ".NET", "4.0", "]", ".", "."], "golden-entity-mentions": [{"text": ["server-client"], "entity-type": "Application", "index": [3]}, {"text": [".NET"], "entity-type": "Library", "index": [9]}, {"text": ["4.0"], "entity-type": "Version", "index": [10]}]}, {"sentence": ["the", "application", "about", ":"], "golden-entity-mentions": []}, {"sentence": ["do", "the", "commands", "that", "received", "from", "the", "client"], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["receives", "files"], "golden-entity-mentions": []}, {"sentence": ["send", "a", "screenshot", "image"], "golden-entity-mentions": [{"text": ["image"], "entity-type": "User_Interface_Element", "index": [3]}]}, {"sentence": ["the", "application", "should", "do", "the", "3", "tasks", "in", "the", "same", "time"], "golden-entity-mentions": []}, {"sentence": ["After", "i", "done", "that", "and", "it", "worked", ".", ".", "i", "realized", "that", "these", "kind", "of", "application", "should", "use", "one", "port", "for", "all", "tasks", ".", ".", "like", "Radmin", "and", "netsupport", ".", ".", "etc"], "golden-entity-mentions": [{"text": ["port"], "entity-type": "Device", "index": [19]}, {"text": ["Radmin"], "entity-type": "Application", "index": [26]}, {"text": ["netsupport"], "entity-type": "Application", "index": [28]}]}, {"sentence": ["but", "i", "used", "3", "ports", ".", ".", "one", "to", "keep", "receiving", "commands", "any", "time", "the", "client", "sends", "."], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [15]}]}, {"sentence": ["and", "one", "for", "receiving", "files", ".", ".", "and", "one", "if", "the", "client", "asked", "for", "a", "screenshot"], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["so", "is", "it", "fine", "to", "use", "3", "ports", "for", "a", "network", "application", "?"], "golden-entity-mentions": [{"text": ["ports"], "entity-type": "Device", "index": [7]}]}, {"sentence": [".", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "tried", "to", "create", "3", "sockets", "on", "the", "client", "side", "to", "connect", "to", "server", "on", "the", "same", "port", "(", "ex:9090", ")"], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [9]}, {"text": ["server"], "entity-type": "Application", "index": [14]}, {"text": ["port"], "entity-type": "Device", "index": [18]}]}, {"sentence": ["but", "when", "i", "tried", "to", "send", "a", "file", "from", "the", "client", ".", ".", "the", "server", "received", "the", "bytes", "in", "Job", "function", "that", "'s", "should", "receives", "the", "commands", "only", "..", ".", "so", "it", "looks", "like", "i", "ca", "n't", "use", "one", "port", "for", "those", "tasks", "so", "is", "it", "possible", "use", "one", "port", "for", "all", "of", "the", "three", "tasks", "that", "they", "may", "work", "at", "the", "same", "time", "?"], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [10]}, {"text": ["server"], "entity-type": "Application", "index": [14]}, {"text": ["Job"], "entity-type": "Function", "index": [19]}, {"text": ["port"], "entity-type": "Device", "index": [39]}, {"text": ["port"], "entity-type": "Device", "index": [49]}]}, {"sentence": ["Added", "question", ":"], "golden-entity-mentions": []}, {"sentence": ["lets", "say", "the", "server", "has", "one", "port", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [3]}, {"text": ["port"], "entity-type": "Device", "index": [6]}]}, {"sentence": ["the", "client", "connect", "to", "server", "for", "commands", ".", ".", "let", "'s", "call", "it", "cmdClient", "which", "its", "port", "is", "11589then", "a", "Job", "Thread", "started", "for", "this", "client", "like", "the", "code", "up", "."], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [1]}, {"text": ["server"], "entity-type": "Application", "index": [4]}, {"text": ["cmdClient"], "entity-type": "Variable", "index": [13]}, {"text": ["port"], "entity-type": "Device", "index": [16]}, {"text": ["11589then"], "entity-type": "Value", "index": [18]}, {"text": ["Job"], "entity-type": "Function", "index": [20]}, {"text": ["client"], "entity-type": "Application", "index": [25]}]}, {"sentence": ["then", "the", "client", "connect", "with", "another", "socket", "to", "the", "server", ".", ".", "dataClient", "which", "its", "port", "is", "1800", "then", "when", "i", "use", "the", "dataClient", "to", "send", "a", "file", ".", ".", "the", "server", "receives", "the", "bytes", "at", "the", "job", "Method", ".", "."], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [2]}, {"text": ["server"], "entity-type": "Application", "index": [9]}, {"text": ["dataClient"], "entity-type": "Variable", "index": [12]}, {"text": ["port"], "entity-type": "Device", "index": [15]}, {"text": ["1800"], "entity-type": "Value", "index": [17]}, {"text": ["dataClient"], "entity-type": "Variable", "index": [23]}, {"text": ["server"], "entity-type": "Application", "index": [31]}, {"text": ["job"], "entity-type": "Function", "index": [37]}]}, {"sentence": ["!", "!"], "golden-entity-mentions": []}, {"sentence": ["why", "does", "that", "happene", "?"], "golden-entity-mentions": []}, {"sentence": ["Yes", ",", "it", "is", "wise", "to", "use", "multiple", "ports", "when", "doing", "file", "transfers", "."], "golden-entity-mentions": [{"text": ["ports"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["It", "would", "require", "a", "quite", "advanced", "protocol", "to", "use", "the", "same", "port", "and", "still", "keep", "the", "application", "response", "(", "as", "you", "still", "have", "to", "be", "able", "to", "send", "commands", "during", "file", "transfers", ")", "."], "golden-entity-mentions": [{"text": ["port"], "entity-type": "Device", "index": [11]}]}, {"sentence": ["But", "I", "do", "not", "recommend", "you", "to", "use", "three", "fixed", "ports", "."], "golden-entity-mentions": [{"text": ["ports"], "entity-type": "Device", "index": [10]}]}, {"sentence": ["Use", "one", "port", "for", "all", "commands", "and", "an", "arbitrary", "number", "of", "ports", "for", "the", "file", "transfers", "."], "golden-entity-mentions": [{"text": ["port"], "entity-type": "Device", "index": [2]}, {"text": ["ports"], "entity-type": "Device", "index": [11]}]}, {"sentence": ["A", "file", "transfer", "would", "look", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "CmdPort", ")", "Client", "->", "Server", "Hey", "I", "want", "to", "transfer", "file", "XXX", "with", "size", "YYYY"], "golden-entity-mentions": [{"text": ["Client"], "entity-type": "Application", "index": [3]}, {"text": ["Server"], "entity-type": "Application", "index": [5]}, {"text": ["XXX"], "entity-type": "File_Name", "index": [12]}, {"text": ["YYYY"], "entity-type": "Value", "index": [15]}]}, {"sentence": ["(", "CmdPort", ")", "Server", "->", "Client", "Roger", ",", "connect", "to", "port", "8217", "and", "transfer", "the", "file"], "golden-entity-mentions": [{"text": ["Server"], "entity-type": "Application", "index": [3]}, {"text": ["Client"], "entity-type": "Application", "index": [5]}, {"text": ["port"], "entity-type": "Device", "index": [10]}, {"text": ["8217"], "entity-type": "Value", "index": [11]}]}, {"sentence": ["(", "8217", ")", "Client", "->", "Server", "Connects", ",", "transfer", "the", "entire", "file", ",", "disconnect"], "golden-entity-mentions": [{"text": ["Client"], "entity-type": "Application", "index": [3]}, {"text": ["Server"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["(", "8217", ")", "Server", "Checks", "that", "the", "transferred", "size", "matches", "the", "one", "specified", "in", "step", "#1"], "golden-entity-mentions": [{"text": ["Server"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["That", "allows", "you", "to", "transfer", "several", "files", "at", "the", "same", "time", "."], "golden-entity-mentions": []}, {"sentence": ["Let", "the", "server", "create", "a", "new", "listening", "socket", "using", "port", "0", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [2]}, {"text": ["port"], "entity-type": "Device", "index": [9]}, {"text": ["0"], "entity-type": "Value", "index": [10]}]}, {"sentence": ["It", "tells", "the", "OS", "to", "select", "a", "free", "port", "."], "golden-entity-mentions": [{"text": ["port"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["Then", "use", "Socket.LocalEndpoint", "to", "find", "out", "the", "port", "before", "sending", "it", "back", "in", "step", "#2", "."], "golden-entity-mentions": [{"text": ["Socket.LocalEndpoint"], "entity-type": "Variable", "index": [2]}, {"text": ["port"], "entity-type": "Device", "index": [7]}]}, {"sentence": ["The", "specified", "approach", "also", "lets", "you", "take", "advantage", "of", "Socket.SendFile", "which", "is", "probably", "the", "most", "effective", "and", "fastest", "way", "to", "send", "files", "using", ".NET", "."], "golden-entity-mentions": [{"text": ["Socket.SendFile"], "entity-type": "Function", "index": [9]}, {"text": [".NET"], "entity-type": "Library", "index": [23]}]}, {"sentence": ["(", "FTP", "uses", "the", "same", "approach", ",", "as", "do", "bittorrent", "."], "golden-entity-mentions": []}, {"sentence": ["You", "might", "have", "used", "a", "file", "manager", "when", "downloading", "files", "from", "the", "web", "."], "golden-entity-mentions": [{"text": ["file", "manager"], "entity-type": "Application", "index": [5, 6]}]}, {"sentence": ["They", "takes", "a", "more", "extreme", "approach", "and", "splits", "up", "the", "file", "download", "over", "multiple", "sockets", "to", "get", "around", "web", "server", "bandwidth", "throttling", ".", ")"], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [19]}]}, {"sentence": ["update", "in", "response", "to", "a", "comment", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "did", "not", "specify", "that", "information", "in", "the", "original", "question", ",", "which", "made", "me", "assume", "that", "you", "only", "transfer", "one", "file", "at", "a", "time", "."], "golden-entity-mentions": []}, {"sentence": ["Batch", "transfers", "would", "work", "in", "the", "same", "way", ",", "just", "change", "so", "that", "step", "#1", "sends", "a", "list", "of", "filename+size", "and", "then", "send", "all", "files", "after", "each", "other", "in", "step", "#3", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [17]}]}, {"sentence": ["It", "would", "not", "be", "best", "practice", "to", "use", "3", "ports", "unless", "each", "operation", "was", "it", "'s", "own", "application", ",", "i.e", ".", "a", "file", "server", ",", "an", "image", "server", "etc", "."], "golden-entity-mentions": [{"text": ["ports"], "entity-type": "Device", "index": [9]}, {"text": ["file", "server"], "entity-type": "Application", "index": [22, 23]}, {"text": ["image", "server"], "entity-type": "Application", "index": [26, 27]}]}, {"sentence": ["You", "should", "create", "one", "application", "listening", "on", "1", "port", "and", "then", "use", "Threading", "to", "accept", "multiple", "connections", "to", "the", "server", "(", "each", "with", "it", "'s", "own", "instance", "of", "a", "StreamReader", ")", "."], "golden-entity-mentions": [{"text": ["port"], "entity-type": "Device", "index": [8]}, {"text": ["server"], "entity-type": "Application", "index": [19]}, {"text": ["StreamReader"], "entity-type": "Class", "index": [29]}]}, {"sentence": ["You", "could", "then", "write", "a", "parser", "method", "for", "the", "users", "input", "."], "golden-entity-mentions": [{"text": ["parser"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["For", "example", ",", "if", "the", "user", "sends", "the", "command", "\"", "RECIEVE", "FILE", "\"", ",", "the", "server", "would", "expect", "a", "File", ",", "if", "the", "user", "sent", "the", "command", "\"", "IMAGE", "\"", "the", "server", "would", "expect", "an", "image", "."], "golden-entity-mentions": [{"text": ["\"", "RECIEVE", "FILE", "\""], "entity-type": "Value", "index": [9, 10, 11, 12]}, {"text": ["server"], "entity-type": "Application", "index": [15]}, {"text": ["\"", "IMAGE", "\""], "entity-type": "Value", "index": [27, 28, 29]}, {"text": ["server"], "entity-type": "Application", "index": [31]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [35]}]}, {"sentence": ["An", "example", "of", "multi", "threaded", "servers", "can", "be", "found", "here", ":"], "golden-entity-mentions": [{"text": ["servers"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["http://csharp.net-informations.com/communications/csharp-multi-threaded-server-socket.htm"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "route", "multiple", "paths", "to", "the", "same", "template", "."], "golden-entity-mentions": [{"text": ["route"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["For", "example", ",", "/abc/home", "and", "/home", "will", "both", "show", "the", "home", "template", "."], "golden-entity-mentions": [{"text": ["/abc/home"], "entity-type": "File_Name", "index": [3]}, {"text": ["/home"], "entity-type": "File_Name", "index": [5]}]}, {"sentence": ["The", "paths", "can", "also", "have", "subpaths", ",", "so", "abc/parent/child", "and", "/parent/child", "should", "route", "to", "same", "path", "also", "."], "golden-entity-mentions": [{"text": ["abc/parent/child"], "entity-type": "File_Name", "index": [8]}, {"text": ["/parent/child"], "entity-type": "File_Name", "index": [10]}, {"text": ["route"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["I", "can", "simply", "repeat", ":"], "golden-entity-mentions": []}, {"sentence": ["But", "I", "do", "n't", "want", "to", "repeat", "it", "."], "golden-entity-mentions": []}, {"sentence": ["If", "I", "want", "to", "change", "the", "template", "to", "route", "to", ",", "I", "want", "to", "only", "change", "it", "once", "-", "for", "convenience", "and", "also", "to", "minimize", "errors", "."], "golden-entity-mentions": [{"text": ["route"], "entity-type": "Function", "index": [8]}]}, {"sentence": ["I", "can", "also", "use", "parameters", ":"], "golden-entity-mentions": []}, {"sentence": ["But", "this", ",", "again", ",", "is", "repeating", "myself", "."], "golden-entity-mentions": []}, {"sentence": ["Also", ",", "there", "can", "subpaths", ",", "and", "I", "do", "n't", "want", "to", "define", "routing", "for", "/:_abc/:parent/:children", "and", "/:_abc/:grandparent/:parent/:children/", ":", ",", "because", "it", "will", "be", "messy", "."], "golden-entity-mentions": [{"text": ["/:_abc/:parent/:children"], "entity-type": "File_Name", "index": [15]}, {"text": ["/:_abc/:grandparent/:parent/:children/"], "entity-type": "File_Name", "index": [17]}]}, {"sentence": ["I", "also", "tried", "using", "Router.go()", ":"], "golden-entity-mentions": [{"text": ["Router.go()"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["But", "this", "removes", "the", "/abc/", "from", "the", "url", ",", "which", "is", "undesired", "in", "my", "case", "."], "golden-entity-mentions": [{"text": ["/abc/"], "entity-type": "File_Name", "index": [4]}]}, {"sentence": ["The", "best", "solution", "I", "have", "right", "now", "is", "using", "a", "shared", "function", ":"], "golden-entity-mentions": []}, {"sentence": ["Can", "I", "instead", "do", "something", "like", "specify", "an", "array", ",", "or", "comma-separated", "string", ":"], "golden-entity-mentions": [{"text": ["array"], "entity-type": "Data_Structure", "index": [8]}, {"text": ["string"], "entity-type": "Data_Type", "index": [12]}]}, {"sentence": ["How", "do", "I", "efficiently", "route", "multiple", "paths", "to", "one", "template", ",", "while", "not", "repeating", "myself", "?"], "golden-entity-mentions": [{"text": ["route"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["Use", "a", "regular", "expression", "(", "regex", ")", "that", "matches", "both", "/home", "and", "/abc/home", "."], "golden-entity-mentions": [{"text": ["/home"], "entity-type": "File_Name", "index": [10]}, {"text": ["/abc/home"], "entity-type": "File_Name", "index": [12]}]}, {"sentence": ["I", "made", "a", "second", "template", "that", "only", "includes", "the", "first", "."], "golden-entity-mentions": []}, {"sentence": ["In", "your", "case", "this", "might", "look", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "still", "do", "n't", "understand", "why", "the", "output", "in", "scanFileName", "(", "Jlabel", ")", "is", "directly", "showing", "\"", ".", "\"", "instead", "of", "\"\"", ",", "\"", "Please", "Wait", ".", "Loading", "Database", "..", ".", "\"", ",", "and", "then", "\"", ".", "\"", "."], "golden-entity-mentions": [{"text": ["scanFileName", "(", "Jlabel", ")"], "entity-type": "Function", "index": [9, 10, 11, 12]}, {"text": ["\"", ".", "\""], "entity-type": "Value", "index": [16, 17, 18]}, {"text": ["\"\""], "entity-type": "Value", "index": [21]}, {"text": ["\"", "Please", "Wait", ".", "Loading", "Database", "..", ".", "\""], "entity-type": "Value", "index": [23, 24, 25, 26, 27, 28, 29, 30, 31]}, {"text": ["\"", ".", "\""], "entity-type": "Value", "index": [35, 36, 37]}]}, {"sentence": ["Please", "help", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'d", "be", "grateful", "to", "you", "."], "golden-entity-mentions": []}, {"sentence": ["Start", "by", "having", "a", "read", "through", "Concurrency", "in", "Swing", "."], "golden-entity-mentions": [{"text": ["Swing"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["Swing", "is", "a", "single", "threaded", "framework", ",", "this", "means", "that", "anything", "which", "blocks", "this", "thread", "(", "like", "Thread.sleep", ")", "will", "prevent", "the", "framework", "from", "processing", "new", "events", "(", "including", "paint", "requests", ")", "."], "golden-entity-mentions": [{"text": ["Swing"], "entity-type": "Library", "index": [0]}, {"text": ["Thread.sleep"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["While", "there", "are", "any", "number", "of", "ways", "you", "might", "make", "this", "work", ",", "probably", "the", "easiest", "is", "a", "Swing", "javax.swing.Timer", "."], "golden-entity-mentions": [{"text": ["Swing"], "entity-type": "Library", "index": [18]}, {"text": ["javax.swing.Timer"], "entity-type": "Class", "index": [19]}]}, {"sentence": ["Take", "a", "look", "at", "How", "to", "use", "Swing", "Timers", "for", "more", "details", "..", "."], "golden-entity-mentions": [{"text": ["Swing", "Timers"], "entity-type": "Class", "index": [7, 8]}]}, {"sentence": ["TLDR", ":", "Getting", "fatal", "error", "'", "failed", "to", "get", "process", "times", "'", "on", "cross-native", "build", "of", "gcc", "."], "golden-entity-mentions": [{"text": ["fatal", "error"], "entity-type": "Error_Name", "index": [3, 4]}, {"text": ["cross-native"], "entity-type": "Version", "index": [13]}, {"text": ["gcc"], "entity-type": "Application", "index": [16]}]}, {"sentence": ["Can", "I", "remove", "report_times", "code", "from", "gcc.c", "OR", "use", "gcc", "command", "line", "option", "to", "disable", "report_times", "OR", "build", "gcc", "without", "libiberty", "(", "which", "contains", "pex_get_times", "used", "by", "report_times"], "golden-entity-mentions": [{"text": ["report_times"], "entity-type": "Function", "index": [3]}, {"text": ["gcc.c"], "entity-type": "File_Name", "index": [6]}, {"text": ["gcc"], "entity-type": "Application", "index": [9]}, {"text": ["report_times"], "entity-type": "Function", "index": [15]}, {"text": ["gcc"], "entity-type": "Application", "index": [18]}, {"text": ["libiberty"], "entity-type": "Library", "index": [20]}, {"text": ["pex_get_times"], "entity-type": "Function", "index": [24]}, {"text": ["report_times"], "entity-type": "Function", "index": [27]}]}, {"sentence": ["DETAIL"], "golden-entity-mentions": []}, {"sentence": ["After", "beating", "my", "head", "against", "various", "problems", "I", "'ve", "(", "finally", ")", "successfully", "used", "the", "Android", "NDK", "standalone", "toolchain", "to", "build", "binutils", "2.23", "and", "gcc", "4.70", "."], "golden-entity-mentions": [{"text": ["Android", "NDK", "standalone", "toolchain"], "entity-type": "Application", "index": [15, 16, 17, 18]}, {"text": ["binutils"], "entity-type": "Application", "index": [21]}, {"text": ["2.23"], "entity-type": "Version", "index": [22]}, {"text": ["gcc"], "entity-type": "Application", "index": [24]}, {"text": ["4.70"], "entity-type": "Version", "index": [25]}]}, {"sentence": ["My", "current", "problem", "is", "getting", "it", "to", "run", "on", "my", "device", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "written", "a", "standard", "'", "hello", "world", "'", "(", "copied", "from", "here", ")", "to", "test", "gcc", "on", "my", "device", "."], "golden-entity-mentions": [{"text": ["gcc"], "entity-type": "Application", "index": [16]}]}, {"sentence": ["When", "I", "run", ":"], "golden-entity-mentions": []}, {"sentence": ["arm-linux-eabi-gcc", "hello.c", "-o", "hello"], "golden-entity-mentions": [{"text": ["arm-linux-eabi-gcc", "hello.c", "-o", "hello"], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["or", ":"], "golden-entity-mentions": []}, {"sentence": ["arm-linux-eabi-gcc", "hello.c"], "golden-entity-mentions": [{"text": ["arm-linux-eabi-gcc", "hello.c"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["I", "get", "the", "following", "error", ":"], "golden-entity-mentions": []}, {"sentence": ["arm-linux-eabi-gcc", ":", "fatal", "error", ":", "failed", "to", "get", "process", "times", ":", "No", "such", "file", "or", "directory", "."], "golden-entity-mentions": [{"text": ["arm-linux-eabi-gcc", ":"], "entity-type": "Code_Block", "index": [0, 1]}, {"text": ["fatal", "error"], "entity-type": "Error_Name", "index": [2, 3]}]}, {"sentence": ["Google", "did", "not", "return", "much", "except", "for", "links", "to", "gcc.c", "source", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "Website", "index": [0]}, {"text": ["gcc.c"], "entity-type": "File_Name", "index": [9]}]}, {"sentence": ["Examining", "the", "source", ",", "I", "found", "the", "error", "in", "a", "function", "(", "module", "?"], "golden-entity-mentions": []}, {"sentence": ["extension", "?", ")"], "golden-entity-mentions": []}, {"sentence": ["called", "report_times", "."], "golden-entity-mentions": [{"text": ["report_times"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["The", "error", "is", "returned", "by", "the", "function", "(", "module", "?", "extension", "?", ")"], "golden-entity-mentions": []}, {"sentence": ["pex_get_times", "....", "I", "'", "m", "guessing", "it", "does", "so", "if", "it", "ca", "n't", "get", "the", "process", "times", "."], "golden-entity-mentions": [{"text": ["pex_get_times"], "entity-type": "Function", "index": [0]}]}, {"sentence": ["The", "pex_get_times", "function", "(", "module", "?", "extension", "?"], "golden-entity-mentions": [{"text": ["pex_get_times"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["I", "'m", "not", "sure", "what", "it", "is", ")", "is", "defined", "in", "libiberty", "."], "golden-entity-mentions": [{"text": ["libiberty"], "entity-type": "Library", "index": [11]}]}, {"sentence": ["I", "can", "use", "--disable-build-libiberty", ",", "but", "it", "does", "n't", "help", "for", "the", "host", "(", "my", "NookHD", ")", "gcc", "build", "."], "golden-entity-mentions": [{"text": ["--disable-build-libiberty"], "entity-type": "Code_Block", "index": [3]}, {"text": ["NookHD"], "entity-type": "Device", "index": [15]}, {"text": ["gcc"], "entity-type": "Application", "index": [17]}]}, {"sentence": ["My", "question(s)", ":"], "golden-entity-mentions": []}, {"sentence": ["Can", "this", "portion", "of", "gcc.c", "be", "safely", "(", "and", "easily", ")", "removed", "...", "i", ".", "the", "report_times", "function", "and", "everything", "associated", "with", "it", "?"], "golden-entity-mentions": [{"text": ["gcc.c"], "entity-type": "File_Name", "index": [4]}, {"text": ["report_times", "function"], "entity-type": "Function", "index": [16, 17]}]}, {"sentence": ["or"], "golden-entity-mentions": []}, {"sentence": ["Is", "there", "a", "command", "line", "option", "to", "tell", "arm-linux-eabi-gcc", "NOT", "to", "use", "report_times", "?"], "golden-entity-mentions": [{"text": ["command", "line"], "entity-type": "Application", "index": [3, 4]}, {"text": ["arm-linux-eabi-gcc"], "entity-type": "Code_Block", "index": [8]}, {"text": ["report_times"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["or"], "golden-entity-mentions": []}, {"sentence": ["Is", "there", "a", "way", "to", "disable", "build", "of", "libiberty", "for", "host/target", "for", "both", "gcc", "and", "binutils", ",", "and", "would", "that", "fix", "the", "error", "?"], "golden-entity-mentions": [{"text": ["libiberty"], "entity-type": "Library", "index": [8]}, {"text": ["gcc"], "entity-type": "Library", "index": [13]}, {"text": ["binutils"], "entity-type": "Library", "index": [15]}]}, {"sentence": ["As", "always", "...", "I", "'", "ll", "keep", "researching", "while", "awaiting", "an", "answer", "."], "golden-entity-mentions": []}, {"sentence": ["Found", "this", "about", "an", "hour", "after", "posting", "this", "question", "."], "golden-entity-mentions": []}, {"sentence": ["Maybe", "two", "."], "golden-entity-mentions": []}, {"sentence": ["Apparently", "report_times", "is", "part", "of", "debugging", "symbols", "(?)"], "golden-entity-mentions": [{"text": ["report_times"], "entity-type": "Function", "index": [1]}]}, {"sentence": ["for", "GCC", "."], "golden-entity-mentions": [{"text": ["GCC"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["To", "exclude", "report_times", "(", "which", "causes", "the", "'", "failed", "to", "get", "process", "times", "'", "from", "the", "original", "question", ")", "you", "have", "to", "build", "the", "debug", "...", "or", "release", "...", "version", "of", "gcc", "."], "golden-entity-mentions": [{"text": ["report_times"], "entity-type": "Function", "index": [2]}, {"text": ["'", "failed", "to", "get", "process", "times"], "entity-type": "Error_Name", "index": [7, 8, 9, 10, 11, 12]}, {"text": ["'"], "entity-type": "Error_Name", "index": [13]}]}, {"sentence": ["To", "do", "this", ",", "I", "used", "info", "from", "this", "link", ":", "http://www-gpsg.mit.edu/~simon/gcc_g77_install/build.html"], "golden-entity-mentions": []}, {"sentence": ["BUT", ",", "I", "omitted", "the", "-g", "from", "the", "LIBCXXFLAGS", "and", "LIBCFLAGS", "and", "I", "added", "LIBCPPFLAGS", "without", "-g", "just", "in", "case", "."], "golden-entity-mentions": [{"text": ["-g"], "entity-type": "Code_Block", "index": [5]}, {"text": ["LIBCXXFLAGS"], "entity-type": "Code_Block", "index": [8]}, {"text": ["LIBCFLAGS"], "entity-type": "Code_Block", "index": [10]}, {"text": ["LIBCPPFLAGS"], "entity-type": "Code_Block", "index": [14]}, {"text": ["-g"], "entity-type": "Code_Block", "index": [16]}]}, {"sentence": ["Ran", "make", "DESTDIR", "=", "/staging/install/path", "install-host", ",", "tarballed", "and", "transferred", "to", "device", "."], "golden-entity-mentions": [{"text": ["make", "DESTDIR", "=", "/staging/install/path", "install-host"], "entity-type": "Code_Block", "index": [1, 2, 3, 4, 5]}]}, {"sentence": ["No", "more", "'", "failed", "to", "get", "process", "times", "'", "error", "."], "golden-entity-mentions": [{"text": ["failed", "to", "get", "process", "times"], "entity-type": "Error_Name", "index": [3, 4, 5, 6, 7]}]}, {"sentence": ["I", "am", "seeing", "another", "error", ",", "but", "it", "is", "not", "related", "to", "this", "question"], "golden-entity-mentions": []}, {"sentence": ["When", "i", "tried", "this", "command", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "got", "error", "as", ":"], "golden-entity-mentions": []}, {"sentence": ["What", "is", "the", "main", "reason", "for", "giving", "error", "as", "\"", "Internal", "data", "flow", "error", "\"", "in", "gstreamer", "?"], "golden-entity-mentions": [{"text": ["Internal", "data", "flow", "error"], "entity-type": "Error_Name", "index": [10, 11, 12, 13]}, {"text": ["gstreamer"], "entity-type": "Library", "index": [16]}]}, {"sentence": ["It", "is", "the", "unfortunate", "case", "of", "something", "did", "not", "work", "."], "golden-entity-mentions": []}, {"sentence": ["Rerun", "the", "command", "with", "the", "environment", "variable", "GST_DEBUG", "=\"*", ":2", "\"", "to", "see", "all", "warnings", "."], "golden-entity-mentions": [{"text": ["GST_DEBUG", "=\"*", ":2", "\""], "entity-type": "Code_Block", "index": [7, 8, 9, 10]}]}, {"sentence": ["There", "are", "many", "potential", "reasons", "for", "internal", "data", "flow", "error", "."], "golden-entity-mentions": [{"text": ["internal", "data", "flow", "error"], "entity-type": "Error_Name", "index": [6, 7, 8, 9]}]}, {"sentence": ["To", "encounter", "the", "problematic", "place", ",", "just", "connect", "a", "fakesink", "element", "step", "by", "step", "and", "try", "."], "golden-entity-mentions": [{"text": ["fakesink"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["As", "my", "script", "is", "getting", "pretty", "long", "and", "it", "will", "get", "longer", "I", "was", "wondering", "if", "I", "could", "wrap", "around", "some", "codeblocks", "without", "changeing", "really", "the", "scope", "or", "values", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "speacking", "of", "something", "like", "div", "containers", "on", "html", "or", "even", "something", "like", "only", "wrap", "around", "\"", "int", "main", "(", "void", ")", "\"", "from", "c", "languages"], "golden-entity-mentions": [{"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [6]}, {"text": ["html"], "entity-type": "Language", "index": [9]}, {"text": ["int", "main", "(", "void", ")"], "entity-type": "Code_Block", "index": [18, 19, 20, 21, 22]}, {"text": ["c"], "entity-type": "Language", "index": [25]}]}, {"sentence": ["This", "would", "be", "the", "perfect", "part", "of", "my", "script", "to", "wrap", "around", "in", "something", "like", "a", "div", "container", "to", "get", "some", "structur", "into", ",", "but", "I", "dont", "know", "if", "there", "is", "an", "option", "like", "this", "without", "changing", "scopes"], "golden-entity-mentions": [{"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [16]}]}, {"sentence": ["If", "you", "work", "with", "PowerShell", "ISE", ",", "you", "can", "use", "#region", ":"], "golden-entity-mentions": [{"text": ["PowerShell", "ISE"], "entity-type": "Application", "index": [4, 5]}, {"text": ["#region"], "entity-type": "Code_Block", "index": [10]}]}, {"sentence": ["Now", "you", "can", "collapse", "each", "individual", "region", "."], "golden-entity-mentions": []}, {"sentence": ["You", "an", "also", "nest", "them", "."], "golden-entity-mentions": []}, {"sentence": ["Basically", ",", "I", "have", "a", "search", "box", "that", "suggests", "results", "from", "a", "database", "as", "user", "types", "."], "golden-entity-mentions": [{"text": ["box"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["It", "looks", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["Example", "."], "golden-entity-mentions": []}, {"sentence": ["I", "use", "ajax", "in", "a", "file", "to", "make", "a", "live", "search", "as", "user", "types", ":"], "golden-entity-mentions": [{"text": ["ajax"], "entity-type": "Function", "index": [2]}]}, {"sentence": ["Then", "in", "another", "file", "(", "res.php", ")", "I", "have", "a", "sql", "request", "and", "I", "display", "results", "."], "golden-entity-mentions": [{"text": ["res.php"], "entity-type": "File_Name", "index": [5]}, {"text": ["sql", "request"], "entity-type": "Function", "index": [10, 11]}]}, {"sentence": ["I", "also", "have", "my", "'", "onclick", "'", "function", "to", "replace", "suggestion", "in", "text", "box", ":"], "golden-entity-mentions": [{"text": ["onclick"], "entity-type": "Function", "index": [5]}, {"text": ["text", "box"], "entity-type": "User_Interface_Element", "index": [12, 13]}]}, {"sentence": ["My", "problem", "is", ":", "when", "i", "click", "on", "any", "of", "the", "suggestion", ",", "it", "is", "always", "the", "last", "option", "that", "is", "replaced", "in", "the", "text", "box", ",", "in", "this", "case", "\"", "University", "of", "Washington", "\"", "."], "golden-entity-mentions": [{"text": ["text", "box"], "entity-type": "User_Interface_Element", "index": [24, 25]}, {"text": ["\"", "University", "of", "Washington", "\""], "entity-type": "Value", "index": [30, 31, 32, 33, 34]}]}, {"sentence": ["I", "have", "been", "trying", "to", "solve", "that", "problem", "for", "2", "days", "now", "and", "I", "ca", "n't", "find", "the", "solution", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "help", "would", "be", "greatly", "appreciated", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks"], "golden-entity-mentions": []}, {"sentence": ["UPDATE"], "golden-entity-mentions": []}, {"sentence": ["Found", "the", "solution", ",", "if", "someone", "is", "interested", ",", "here", "'s", "what", "I", "did", "in", "res.php", ":"], "golden-entity-mentions": [{"text": ["res.php"], "entity-type": "File_Name", "index": [15]}]}, {"sentence": ["and", "in", "the", "first", "file", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "would", "n't", "use", "the", "onclick", "method", "here", "."], "golden-entity-mentions": [{"text": ["onclick"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["I", "would", "use", "jQuery", "to", "assign", "the", "events", "to", "your", "list", "items", "."], "golden-entity-mentions": [{"text": ["jQuery"], "entity-type": "Library", "index": [3]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [10]}]}, {"sentence": ["But", "if", "you", "must", ",", "in", "your", "onclick", "method", ",", "try", "passing", "this.value", "like", "so", ":"], "golden-entity-mentions": [{"text": ["onclick"], "entity-type": "Function", "index": [7]}, {"text": ["this.value"], "entity-type": "Variable", "index": [12]}]}, {"sentence": ["Then", "your", "fill()", "method", "could", "be", "something", "like", "so", ":"], "golden-entity-mentions": [{"text": ["fill()"], "entity-type": "Function", "index": [2]}]}, {"sentence": ["EDIT", ":", "You", "are", "mixing", "plain", "JavaScript", "and", "jQuery", "code", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [6]}, {"text": ["jQuery"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["I", "replaced", "your", "plain", "JS", "line", "with", "the", "jQuery", "equivalent", "."], "golden-entity-mentions": [{"text": ["JS"], "entity-type": "Language", "index": [4]}, {"text": ["jQuery"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["Also", ",", "if", "you", "are", "adding", "the", "fill()", "method", "in", "the", "same", "loop", "that", "adds", "the", "LIs", ",", "then", "you", "are", "adding", "multiple", "fill", "methods", ",", "which", "is", "incorrect", "."], "golden-entity-mentions": [{"text": ["fill()"], "entity-type": "Function", "index": [7]}, {"text": ["LIs"], "entity-type": "HTML_XML_Tag", "index": [16]}, {"text": ["fill"], "entity-type": "Function", "index": [23]}]}, {"sentence": ["Just", "add", "it", "once", "in", "the", "same", "script", "tag", "like", "below", "."], "golden-entity-mentions": []}, {"sentence": ["I", "get", "this", "in", "Valgrind", "."], "golden-entity-mentions": [{"text": ["Valgrind"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["Is", "it", "any", "concern", "?"], "golden-entity-mentions": []}, {"sentence": ["A", "big", "part", "of", "Valgrind", "'s", "magic", "is", "how", "it", "is", "able", "to", "intercept/redirect", "function", "calls", "in", "order", "to", "keep", "track", "of", "the", "state", "of", "the", "world", "."], "golden-entity-mentions": [{"text": ["Valgrind"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["As", "I", "understand", "it", ",", "redirection", "is", "achieved", "using", "shared", "object/function", "name", "patterns", "which", "when", "matched", "'", "redirect", "'", "calls", "to", "new", "addresses", "."], "golden-entity-mentions": []}, {"sentence": ["Checking", "out", "the", "valgrind", "source", ",", "we", "find", "the", "notion", "of", "a", "'", "redirector", "'", ":"], "golden-entity-mentions": [{"text": ["valgrind"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["(", "m_redir.c", "line", "10", "4)"], "golden-entity-mentions": [{"text": ["m_redir.c"], "entity-type": "File_Name", "index": [1]}]}, {"sentence": ["So", "'", "Specs", "'", "provide", "shared", "object/function", "name", "to", "address", "mappings", "and", "'", "Actives", "'", "represent", "the", "mappings", "themselves", "."], "golden-entity-mentions": []}, {"sentence": ["Active", "computation", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "m_redir.c", "line", "120", ")"], "golden-entity-mentions": [{"text": ["m_redir.c"], "entity-type": "File_Name", "index": [1]}]}, {"sentence": ["The", "idea", "of", "\"", "conflicting", "redirections", "\"", "is", "mentioned", "here", "too", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "m_redir.c", "line", "15", "2)"], "golden-entity-mentions": [{"text": ["m_redir.c"], "entity-type": "File_Name", "index": [1]}]}, {"sentence": ["And", "for", "interests", "sake", ",", "here", "is", "where", "your", "warning", "is", "generated", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "m_redir.c", "line", "66", "4)"], "golden-entity-mentions": [{"text": ["m_redir.c"], "entity-type": "File_Name", "index": [1]}]}, {"sentence": ["So", ",", "after", "all", "this", "it", "is", "probably", "safe", "to", "assume", "that", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "redirection", "messages", "are", "part", "of", "normal", "valgrind", "operation", "."], "golden-entity-mentions": [{"text": ["valgrind"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["The", "warning", "message", "is", "likely", "a", "result", "of", "conflicting", "spec", "patterns", "(", "probably", "not", "a", "great", "cause", "for", "concern", "in", "this", "instance", ".", ")"], "golden-entity-mentions": []}, {"sentence": ["References", ":", "Valgrind", "manual", ",", "Valgrind", "3.6.1", "source"], "golden-entity-mentions": [{"text": ["Valgrind"], "entity-type": "Application", "index": [2]}, {"text": ["Valgrind"], "entity-type": "Application", "index": [5]}, {"text": ["3.6.1"], "entity-type": "Version", "index": [6]}]}, {"sentence": ["This", "is", "a", "kind", "of", "GUI", "automation", "application", "whereby", "I", "want", "to", "read", "the", "data", "from", "a", "listview", "from", "another", "process", "."], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [17]}]}, {"sentence": ["The", "listview", "class", "is", "SysListView32", "and", "has", "following", "styles", "set", "LVS_OWNERDRAWFIXED"], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [1]}, {"text": ["SysListView32"], "entity-type": "Variable", "index": [4]}, {"text": ["LVS_OWNERDRAWFIXED"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Generally", "I", "am", "able", "to", "read", "the", "text", "from", "listview", "using", "the", "following", "procedure"], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Allocate", "memory", "in", "the", "memory", "space", "of", "other", "process"], "golden-entity-mentions": []}, {"sentence": ["Send", "message", "to", "listview", "to", "read", "the", "text", "with", "the", "pointer", "of", "buffer", "allocated", "in", "that", "process"], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [3]}, {"text": ["pointer"], "entity-type": "Data_Type", "index": [10]}, {"text": ["buffer"], "entity-type": "Data_Structure", "index": [12]}]}, {"sentence": ["Read", "the", "buffer"], "golden-entity-mentions": []}, {"sentence": ["It", "works", "fine", "when", "the", "listview", "is", "not", "ownerdrawn", "but", "in", "this", "case", ",", "the", "listview", "appears", "to", "be", "drawn", "by", "the", "owner", ",", "i.e", ".", "the", "listitem", "has", "no", "data", "."], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [5]}, {"text": ["listview"], "entity-type": "Class", "index": [15]}, {"text": ["listitem"], "entity-type": "Class", "index": [27]}]}, {"sentence": ["Is", "it", "possible", "to", "read", "the", "text", "from", "such", "a", "listview", "either", "by", "the", "method", "I", "have", "discussed", "or", "by", "any", "method", "or", "by", "hooking", "the", "api", "or", "whatsoever", "method", "?"], "golden-entity-mentions": [{"text": ["listview"], "entity-type": "Class", "index": [10]}, {"text": ["api"], "entity-type": "Library", "index": [26]}]}, {"sentence": ["The", "control", "must", "still", "add", "LVITEMs", "to", "the", "list", "view", "."], "golden-entity-mentions": [{"text": ["LVITEMs"], "entity-type": "Class", "index": [5]}, {"text": ["list", "view"], "entity-type": "Class", "index": [8, 9]}]}, {"sentence": ["But", "of", "course", "there", "'s", "no", "obligation", "to", "put", "anything", "useful", "in", "them", "."], "golden-entity-mentions": []}, {"sentence": ["Specifying", "a", "null", "pszText", "or", "iImage", "would", "work", "just", "fine", "if", "the", "app", "does", "its", "own", "drawing", "."], "golden-entity-mentions": [{"text": ["pszText"], "entity-type": "Variable", "index": [3]}, {"text": ["iImage"], "entity-type": "Variable", "index": [5]}]}, {"sentence": ["It", "will", "implement", "a", "WM_DRAWITEM", "message", "handler", "and", "use", "internal", "data", "to", "render", "the", "item", "."], "golden-entity-mentions": [{"text": ["WM_DRAWITEM"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["There", "is", "no", "way", "to", "find", "out", "where", "that", "data", "is", "stored", "."], "golden-entity-mentions": []}, {"sentence": ["You", "could", "fake", "your", "own", "WM_DRAWITEM", "message", ",", "albeit", "that", "it", "is", "very", "hard", "to", "do", "since", "you", "must", "inject", "code", "to", "create", "the", "HDC", ",", "but", "that", "just", "gets", "you", "pixels", ",", "not", "bytes", "."], "golden-entity-mentions": [{"text": ["WM_DRAWITEM"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["Using", "OCR", "would", "be", "a", "major", "outlier", "solution", "."], "golden-entity-mentions": []}, {"sentence": ["Realistically", "you", "'ll", "need", "to", "throw", "in", "the", "towel", "on", "this", "one", "."], "golden-entity-mentions": []}, {"sentence": ["Guys", "!"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "one", "misunderstanding", "in", "javascript", "."], "golden-entity-mentions": [{"text": ["javascript"], "entity-type": "Language", "index": [6]}]}, {"sentence": ["I", "want", "make", "a", "ajax-request", "with", "function", "foo()", "and", "i", "want", "return", "result", "data", "by", "foo()", "return", ",", "but", "i", "ca", "n't", "return", "something", "in", "callback", "function", "in", "$", ".ajax", "."], "golden-entity-mentions": [{"text": ["ajax-request"], "entity-type": "Function", "index": [4]}, {"text": ["foo()"], "entity-type": "Function", "index": [7]}, {"text": ["foo()"], "entity-type": "Function", "index": [15]}, {"text": ["callback"], "entity-type": "Function", "index": [25]}, {"text": ["$", ".ajax"], "entity-type": "Function", "index": [28, 29]}]}, {"sentence": ["So", "i", "want", "this", ":", "if", "ajax", "reurn", "data", "then", "function", "foo()", "return", "same", "data", "."], "golden-entity-mentions": [{"text": ["ajax"], "entity-type": "Function", "index": [6]}, {"text": ["foo()"], "entity-type": "Function", "index": [11]}]}, {"sentence": ["Use", "as", "below", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "add", "an", "extra", "attribute", "to", "jquery", "dialog", "."], "golden-entity-mentions": [{"text": ["jquery"], "entity-type": "Library", "index": [8]}, {"text": ["dialog"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["how", "to", "add", "an", "attribute", "like", "\"", "dialog-status", "\"", "when", "creating", "dialog", "."], "golden-entity-mentions": [{"text": ["dialog-status"], "entity-type": "Value", "index": [7]}, {"text": ["dialog"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["any", "methods", "to", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Try", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "currently", "have", "the", "following", "line", "in", "my", "Makefile", ":"], "golden-entity-mentions": [{"text": ["Makefile"], "entity-type": "File_Name", "index": [8]}]}, {"sentence": ["Everything", "under", "this", "line", "will", "run", "whenever", "a", ".cpp", "or", ".hpp", "file", "anywhere", "in", "my", "project", "is", "modified", "(", "the", "intended", "behavior", ")", ",", "but", "only", "when", "on", "Windows", "machines", "."], "golden-entity-mentions": [{"text": [".cpp"], "entity-type": "File_Type", "index": [8]}, {"text": [".hpp"], "entity-type": "File_Type", "index": [10]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [28]}]}, {"sentence": ["When", "I", "run", "the", "Makefile", "on", "my", "Linux", "machine", ",", "a", "warning", "is", "output", "(", "***", "mixed", "implicit", "and", "normal", "rules", ":", "deprecated", "syntax", ")", "and", "the", "code", "wo", "n't", "run", "when", "the", "files", "are", "modified", "."], "golden-entity-mentions": [{"text": ["Makefile"], "entity-type": "File_Name", "index": [4]}, {"text": ["Linux"], "entity-type": "Operating_System", "index": [7]}, {"text": ["***", "mixed", "implicit", "and", "normal", "rules", ":", "deprecated", "syntax"], "entity-type": "Output_Block", "index": [15, 16, 17, 18, 19, 20, 21, 22, 23]}]}, {"sentence": ["I", "'m", "very", "curious", "as", "to", "why", "this", "is", "functioning", "fine", "on", "Windows", "but", "not", "Linux", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [12]}, {"text": ["Linux"], "entity-type": "Operating_System", "index": [15]}]}, {"sentence": ["Thanks", "."], "golden-entity-mentions": []}, {"sentence": ["Windows", ":", "GNU", "Make", "4.1", "(", "Built", "for", "i686-w64-mingw32", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [0]}, {"text": ["GNU", "Make"], "entity-type": "Application", "index": [2, 3]}, {"text": ["4.1"], "entity-type": "Version", "index": [4]}, {"text": ["i686-w64-mingw32"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["Linux", ":", "GNU", "Make", "4.1", "(", "Built", "for", "x86_64-pc-linux-gnu", ")"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [0]}, {"text": ["GNU", "Make"], "entity-type": "Application", "index": [2, 3]}, {"text": ["4.1"], "entity-type": "Version", "index": [4]}, {"text": ["x86_64-pc-linux-gnu"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["I", "'ve", "got", "an", "Ubuntu", "VM", "in", "VirtualBox", "(", "v4.2.0-r80737", ")", "running", "on", "my", "Windows", "7", "box", "that", "'s", "hosting", "a", "git", "repo", ",", "website", ",", "and", "a", "few", "other", "dev", "tools", "."], "golden-entity-mentions": [{"text": ["Ubuntu"], "entity-type": "Operating_System", "index": [4]}, {"text": ["VM"], "entity-type": "Application", "index": [5]}, {"text": ["VirtualBox"], "entity-type": "Application", "index": [7]}, {"text": ["v4.2.0-r80737"], "entity-type": "Version", "index": [9]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [14]}, {"text": ["7"], "entity-type": "Version", "index": [15]}, {"text": ["git"], "entity-type": "Application", "index": [21]}]}, {"sentence": ["It", "is", "easily", "accessible", "from", "other", "machines", ",", "and", "on", "the", "host", "machine", "via", "proxies", ",", "but", "I", "am", "unable", "to", "access", "the", "site/repo", "directly", "on", "the", "host", "machine", "."], "golden-entity-mentions": []}, {"sentence": ["The", "network", "setup", "in", "VirtualBox", "for", "the", "VM", "is", "as", "follows", ":"], "golden-entity-mentions": [{"text": ["VirtualBox"], "entity-type": "Application", "index": [4]}, {"text": ["VM"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["Attached", "to", ":", "Bridged", "Adapter"], "golden-entity-mentions": [{"text": ["Bridged", "Adapter"], "entity-type": "Device", "index": [3, 4]}]}, {"sentence": ["Adapter", "Type", ":", "Intel", "PRO/1000MT", "Desktop"], "golden-entity-mentions": [{"text": ["Adapter"], "entity-type": "Device", "index": [0]}, {"text": ["Intel", "PRO/1000MT", "Desktop"], "entity-type": "Device", "index": [3, 4, 5]}]}, {"sentence": ["Promiscuous", "Mode", ":", "Deny"], "golden-entity-mentions": []}, {"sentence": ["Cable", "Connected"], "golden-entity-mentions": []}, {"sentence": ["My", "guess", "would", "be", "that", "the", "host", "is", "trying", "to", "connect", "to", "the", "webpage", "via", "the", "LAN", ",", "rather", "than", "the", "wider", "Internet", ",", "and", "is", "being", "blocked", "for", "some", "reason", "."], "golden-entity-mentions": []}, {"sentence": ["What", "I", "do", "n't", "know", "is", "why", ",", "or", "how", "to", "fix", "it", ",", "so", "any", "help", "there", "would", "be", "awesome", "."], "golden-entity-mentions": []}, {"sentence": ["The", "set", "up", "you", "have", "should", "work", "(", "you", "might", "want", "to", "add", "an", "entry", "to", "the", "hosts", "file", "on", "either", "side", "to", "make", "life", "easier", ",", "but", "not", "necessary", ")", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "the", "same", "set", "up", "and", "it", "works", "."], "golden-entity-mentions": []}, {"sentence": ["Usually", ",", "it", "needs", "to", "completely", "shutdown", "the", "VM", "and", "boot", "it", "up", "again", "."], "golden-entity-mentions": [{"text": ["VM"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["Have", "you", "tried", "an", "host-only", "adapter", "."], "golden-entity-mentions": [{"text": ["host-only", "adapter"], "entity-type": "Device", "index": [4, 5]}]}, {"sentence": ["I", "had", "this", "problem", "with", "a", "custom", "server", "solution", "I", "was", "working", "on", "and", "it", "seemed", "to", "fix", "it", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Device", "index": [7]}]}, {"sentence": ["I", "do", "n't", "know", "why", "but", "its", "worth", "a", "shot", "."], "golden-entity-mentions": []}, {"sentence": ["Tell", "me", "if", "it", "work", "for", "you", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "use", "apache", "math", "with", "scala", "but", "I", "am", "not", "able", "to", "run", "the", "examples", "from", "the", "documentation", "http://commons.apache.org/proper/commons-math/userguide/random.html"], "golden-entity-mentions": [{"text": ["apache", "math"], "entity-type": "Library", "index": [5, 6]}, {"text": ["scala"], "entity-type": "Language", "index": [8]}]}, {"sentence": ["I", "am", "new", "to", "scala", "and", "java", "so", "please", "provide", "a", "detailed", "answer", "."], "golden-entity-mentions": [{"text": ["scala"], "entity-type": "Language", "index": [4]}, {"text": ["java"], "entity-type": "Language", "index": [6]}]}, {"sentence": ["EDIT", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "created", "a", "new", "folder", "with", "the", "build.sbt", "."], "golden-entity-mentions": [{"text": ["build.sbt"], "entity-type": "File_Name", "index": [8]}]}, {"sentence": ["If", "I", "run", "the", "command", "sbt", "console", "in", "that", "folder", "than", "the", "code", "seems", "to", "be", "working", "in", "the", "console", "."], "golden-entity-mentions": [{"text": ["sbt", "console"], "entity-type": "Code_Block", "index": [5, 6]}, {"text": ["console"], "entity-type": "Application", "index": [19]}]}, {"sentence": ["But", "now", "how", "can", "I", "can", "run", "the", "code", "on", "eclipse", "?"], "golden-entity-mentions": [{"text": ["eclipse"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["?"], "golden-entity-mentions": []}, {"sentence": ["First", "of", "all", ",", "you", "might", "want", "to", "look", "up", "Scala", "'s", "general", "syntactic", "rules", ",", "unlike", "Java", "for", "example", ",", "Scala", "does", "n't", "start", "its", "variables", "with", "the", "type", ",", "nor", "is", "a", "semicolon", "required", "."], "golden-entity-mentions": [{"text": ["Scala"], "entity-type": "Language", "index": [10]}, {"text": ["Java"], "entity-type": "Language", "index": [17]}, {"text": ["Scala"], "entity-type": "Language", "index": [21]}, {"text": ["semicolon"], "entity-type": "Value", "index": [34]}]}, {"sentence": ["So", "in", "case", "of", "your", "\"", "problem", "\"", ",", "the", "solution", "is", "really", "just"], "golden-entity-mentions": []}, {"sentence": ["That", ",", "and", "your", "import", "might", "be", "wrong", ",", "since", "RandomDataGenerator", "is", "under", "org.apache.commons.math3.random.RandomDataGenerator", ",", "not", "math"], "golden-entity-mentions": [{"text": ["RandomDataGenerator"], "entity-type": "Class", "index": [10]}, {"text": ["org.apache.commons.math3.random.RandomDataGenerator"], "entity-type": "Class", "index": [13]}, {"text": ["math"], "entity-type": "Library", "index": [16]}]}, {"sentence": ["Apache", "project", "documentation", "tends", "to", "be", "terrible", "about", "explaining", "how", "to", "get", "started", "."], "golden-entity-mentions": [{"text": ["Apache"], "entity-type": "Application", "index": [0]}]}, {"sentence": ["For", "example", ",", "you", "'ll", "see", "\"", "Download", "\"", "links", "everywhere", "that", "show", "you", "how", "to", "get", "the", "project", "code", "and", "jars", "."], "golden-entity-mentions": [{"text": ["jars"], "entity-type": "File_Type", "index": [21]}]}, {"sentence": ["Do", "n't", "do", "this", "!"], "golden-entity-mentions": []}, {"sentence": ["Use", "a", "proper", "build", "system", "that", "will", "manage", "your", "dependencies", "for", "you", "."], "golden-entity-mentions": []}, {"sentence": ["For", "this", "example", "I", "'ll", "use", "SBT", ",", "but", "Maven", "would", "work", "just", "as", "well", "(", "although", "with", "a", "lot", "more", "verbosity", ")", "."], "golden-entity-mentions": [{"text": ["SBT"], "entity-type": "Application", "index": [6]}, {"text": ["Maven"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["Once", "you", "'ve", "got", "SBT", "installed", "you", "can", "search", "Maven", "Central", "for", "\"", "commons-math", "\"", ",", "which", "will", "take", "you", "here", "."], "golden-entity-mentions": [{"text": ["SBT"], "entity-type": "Application", "index": [4]}, {"text": ["Maven"], "entity-type": "Application", "index": [9]}, {"text": ["commons-math"], "entity-type": "Library", "index": [13]}]}, {"sentence": ["You", "'ll", "see", "a", "\"", "Scala", "SBT", "\"", "button", "on", "the", "side", ";", "click", "it", "and", "copy", "the", "text", "to", "a", "file", "called", "build.sbt", ":"], "golden-entity-mentions": [{"text": ["Scala"], "entity-type": "Language", "index": [5]}, {"text": ["SBT"], "entity-type": "Application", "index": [6]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["build.sbt"], "entity-type": "File_Name", "index": [23]}]}, {"sentence": ["Okay", ",", "now", "you", "can", "start", "an", "SBT", "console", "with", "sbt", "console", "."], "golden-entity-mentions": [{"text": ["SBT", "console"], "entity-type": "Application", "index": [7, 8]}, {"text": ["sbt", "console"], "entity-type": "Code_Block", "index": [10, 11]}]}, {"sentence": ["Now", "you", "need", "to", "know", "the", "full", "path", "to", "the", "class", "you", "want", ",", "which", "of", "course", "is", "nowhere", "to", "be", "found", "in", "the", "Apache", "documentation", ",", "because", "that", "would", "be", "too", "convenient", "."], "golden-entity-mentions": [{"text": ["Apache"], "entity-type": "Application", "index": [24]}]}, {"sentence": ["With", "a", "little", "bit", "of", "Googling", "you", "'ll", "find", "the", "following", ":"], "golden-entity-mentions": []}, {"sentence": ["And", "now", "you", "can", "create", "an", "instance", ":"], "golden-entity-mentions": []}, {"sentence": ["And", "you", "'re", "done", "!"], "golden-entity-mentions": []}, {"sentence": ["Now", "any", "good", "Scala", "resource", "will", "give", "you", "an", "idea", "of", "how", "to", "accomplish", "whatever", "you", "want", "to", "do", "next", "."], "golden-entity-mentions": [{"text": ["Scala"], "entity-type": "Language", "index": [3]}]}, {"sentence": ["I", "'m", "looking", "for", "a", "formula", "to", "convert", "IPV6", "address", "to", "IP", "number", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "required", "to", "map", "with", "geoip", "location", "information", "we", "have", "."], "golden-entity-mentions": []}, {"sentence": ["Input", "IPV6", "address", ":", "2001:0db8:0000:0000:0000:ff00:0042:8329"], "golden-entity-mentions": [{"text": ["2001:0db8:0000:0000:0000:ff00:0042:8329"], "entity-type": "Value", "index": [4]}]}, {"sentence": ["Output", "IP", "Number", "converted", ":", "42540766411282592856904265327123268393"], "golden-entity-mentions": [{"text": ["42540766411282592856904265327123268393"], "entity-type": "Value", "index": [5]}]}, {"sentence": ["Thanks.", "."], "golden-entity-mentions": []}, {"sentence": ["Below", "are", "the", "sample", "codes", "in", "multiple", "languages", "to", "convert", "IPv6", "address", "to", "number", "taken", "from", "http://lite.ip2location.com/faqs"], "golden-entity-mentions": []}, {"sentence": ["PHP"], "golden-entity-mentions": [{"text": ["PHP"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["Java"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["C#"], "golden-entity-mentions": [{"text": ["C#"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["VB.NET"], "golden-entity-mentions": [{"text": ["VB.NET"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["Please", "consider", "this", "(", "non-homework", ")", "exercise", "of", "converting", "a", "slash-notation", "(", "e.g", ".", "24", ",", "30", ")", "to", "a", "subnet", "mask", "."], "golden-entity-mentions": []}, {"sentence": ["When", "I", "copy", "a", "BitArray", "to", "byte[]", ",", "the", "internal", "ordering", "of", "the", "BitArray", "leads", "to", "incorrect", "output", "."], "golden-entity-mentions": [{"text": ["BitArray"], "entity-type": "Class", "index": [4]}, {"text": ["byte[]"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["BitArray"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["For", "instance", ",", "with", "an", "input", "of", "numberOfSetBits", "=", "24", ",", "ToString()", "should", "return", "255.255.255.0", "(", "this", "works", "because", "the", "bits", "are", "symmetrical", ")", "."], "golden-entity-mentions": [{"text": ["numberOfSetBits", "=", "24"], "entity-type": "Code_Block", "index": [7, 8, 9]}, {"text": ["ToString()"], "entity-type": "Function", "index": [11]}, {"text": ["255.255.255.0"], "entity-type": "Value", "index": [14]}]}, {"sentence": ["However", ",", "an", "input", "of", "30", "results", "in", "255.255.255.63", "instead", "of", "the", "expected", "255.255.255.252", "."], "golden-entity-mentions": [{"text": ["30"], "entity-type": "Value", "index": [5]}, {"text": ["255.255.255.63"], "entity-type": "Value", "index": [8]}, {"text": ["255.255.255.252"], "entity-type": "Value", "index": [13]}]}, {"sentence": ["Yes", ",", "I", "realize", "that", "that", "'s", "just", "the", "way", "a", "BitArray", "handles", "it", "'s", "children", "(", "there", "'s", "an", "old", "discussion", "about", "the", "issue", ",", "unfortunately", "without", "a", "solution", ",", "just", "a", "never-ending", "argument", "over", "why", "one", "ordering", "would", "be", "better", ")", "."], "golden-entity-mentions": [{"text": ["BitArray"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["But", "how", ",", "for", "the", "love", "of", "god", ",", "can", "I", "get", "this", "code", "to", "treat", "1111", "1100", "(=", "25", "2)", "for", "what", "it", "is", "instead", "of", "mangling", "it", "to", "0011", "1111", "(=", "6", "3)", "?"], "golden-entity-mentions": [{"text": ["1111", "1100", "(=", "25", "2)"], "entity-type": "Value", "index": [16, 17, 18, 19, 20]}, {"text": ["0011", "1111", "(=", "6", "3)"], "entity-type": "Value", "index": [30, 31, 32, 33, 34]}]}, {"sentence": ["I", "believe", "I", "'ll", "have", "to", "change", "the", "order", "in", "which", "I", "'m", "adding", "the", "bits", "in", "the", "first", "place", ",", "but", "I", "ca", "n't", "get", "it", "to", "work", "."], "golden-entity-mentions": []}, {"sentence": ["Thank", "you", "."], "golden-entity-mentions": []}, {"sentence": ["You", "do", "n't", "need", "a", "BitArray", ",", "you", "can", "create", "the", "mask", "from", "shifting", "an", "integer", ",", "and", "use", "BitConverter.GetBytes", "to", "get", "it", "as", "bytes", ":"], "golden-entity-mentions": [{"text": ["BitArray"], "entity-type": "Class", "index": [5]}, {"text": ["integer"], "entity-type": "Data_Type", "index": [15]}, {"text": ["BitConverter.GetBytes"], "entity-type": "Function", "index": [19]}, {"text": ["bytes"], "entity-type": "Data_Type", "index": [24]}]}, {"sentence": ["Would", "n't", "this", "just", "be", "fixed", "by", "doing", ":"], "golden-entity-mentions": []}, {"sentence": ["This", "sets", "the", "high-order", "bits", "(", "rather", "than", "the", "low-order", "bits", ")", "."], "golden-entity-mentions": []}, {"sentence": ["The", "reasoning", "here", "is", "precisely", "what", "is", "mentioned", "in", "the", "answer", "you", "linked", "-", "BitArray", "stores", "the", "least-significant", "digits", "in", "the", "lowest", "index", ",", "so", "the", "bit", "array", "11111000000000", "below", "is", "[", "indexed", "]", "thus", ":"], "golden-entity-mentions": [{"text": ["BitArray"], "entity-type": "Class", "index": [14]}, {"text": ["bit", "array"], "entity-type": "Class", "index": [26, 27]}, {"text": ["11111000000000"], "entity-type": "Value", "index": [28]}]}, {"sentence": ["I", "am", "using", "spring-data-mongodb", "."], "golden-entity-mentions": [{"text": ["spring-data-mongodb"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["Here", "is", "my", "controller", "method", ":"], "golden-entity-mentions": []}, {"sentence": ["Controller", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", "I", "am", "passing", "list", "of", "string", "as", "a", "request", "parameter", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [4]}, {"text": ["string"], "entity-type": "Data_Type", "index": [6]}]}, {"sentence": ["My", "service", "method", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["Repository", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", ",", "my", "query", "in", "repository", "always", "returns", "empty", "array", "[", "]", "."], "golden-entity-mentions": [{"text": ["array"], "entity-type": "Data_Structure", "index": [9]}]}, {"sentence": ["I", "am", "not", "getting", "what", "is", "wrong", "with", "this", "query", "."], "golden-entity-mentions": []}, {"sentence": ["My", "request", "URL", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["i", "think", "the", "problem", "is", "in", "your", "url", "."], "golden-entity-mentions": []}, {"sentence": ["try", "to", "remove", "the", "quotes", "."], "golden-entity-mentions": []}, {"sentence": ["http://localhost:8080/document/getByCategory?categories=category1&categories=category2"], "golden-entity-mentions": [{"text": ["http://localhost:8080/document/getByCategory?categories=category1&categories=category2"], "entity-type": "Value", "index": [0]}]}, {"sentence": ["VB2010", "I", "have", "a", "user", "form", "where", "the", "user", "inputs", "a", "number", "format", "."], "golden-entity-mentions": [{"text": ["VB2010"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["The", "routine", "then", "cycles", "through", "a", "list", "of", "number", "pairs", "and", "displays", "them", "in", "a", "list", "of", "categories", ":"], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [15]}]}, {"sentence": ["What", "I", "am", "trying", "to", "do", "is", "to", "increment", "the", "first", "value", "by", "one", "digit", "so", "there", "is", "no", "overlap", "."], "golden-entity-mentions": []}, {"sentence": ["something", "like", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "make", "it", "so", "it", "works", "with", "any", "number", "format", "the", "user", "inputs", "like", "\"", "0.000", "\"", "or", "\"", "0.0", "\"", "."], "golden-entity-mentions": [{"text": ["\"", "0.000", "\""], "entity-type": "Value", "index": [17, 18, 19]}, {"text": ["\"", "0.0", "\""], "entity-type": "Value", "index": [21, 22, 23]}]}, {"sentence": ["What", "I", "currently", "have", "is", "(", "example", "for", "value", "164.04", ")"], "golden-entity-mentions": [{"text": ["164.04"], "entity-type": "Value", "index": [9]}]}, {"sentence": ["Seemed", "to", "work", "in", "my", "VB6", "program", "but", "wanted", "to", "see", "if", "anyone", "had", "any", "better", "ideas", "."], "golden-entity-mentions": [{"text": ["VB6"], "entity-type": "Language", "index": [5]}]}, {"sentence": ["I", "also", "do", "n't", "think", "i", "accounted", "for", "the", "last", "digit", "being", "a", "9", "."], "golden-entity-mentions": [{"text": ["9"], "entity-type": "Value", "index": [13]}]}, {"sentence": ["Update", ":", "based", "on", "the", "suggestions", "below", "what", "ended", "up", "working", "for", "positive", "and", "negative", "numbers", "and", "integers", "and", "floats", "was", "the", "following", ":"], "golden-entity-mentions": [{"text": ["integers"], "entity-type": "Data_Type", "index": [17]}, {"text": ["floats"], "entity-type": "Data_Type", "index": [19]}]}, {"sentence": ["Here", "is", "the", "algorithm", ":"], "golden-entity-mentions": []}, {"sentence": ["1.Find", "decimal", "points", "(", "p", ")"], "golden-entity-mentions": [{"text": ["p"], "entity-type": "Variable", "index": [4]}]}, {"sentence": ["2.multiply", "the", "number", "by", "10^p", ",", "increase", "it", "by", "one", ",", "divide", "it", "back", "by", "10^p"], "golden-entity-mentions": [{"text": ["10^p"], "entity-type": "Value", "index": [4]}, {"text": ["10^p"], "entity-type": "Value", "index": [15]}]}, {"sentence": ["I", "'ve", "created", "somewhat", "of", "a", "complicated", "slider", "with", "jquery", "Cycle", "."], "golden-entity-mentions": [{"text": ["slider"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["jquery"], "entity-type": "Library", "index": [9]}, {"text": ["Cycle"], "entity-type": "Function", "index": [10]}]}, {"sentence": ["You", "can", "see", "it", "running", "perfectly", "here"], "golden-entity-mentions": []}, {"sentence": ["However", ",", "when", "you", "click", "it", "a", "bunch", "of", "times", "(", "before", "the", "slide", "has", "finished", "its", "transition", ")", ",", "it", "starts", "to", "go", "wacky", "and", "even", "hides", "the", "text.", "."], "golden-entity-mentions": [{"text": ["text."], "entity-type": "User_Interface_Element", "index": [29]}]}, {"sentence": ["Here", "is", "my", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Any", "ideas", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "thought", ".stop()", "would", "remedy", "this", ",", "but", "it", "didnt.", "."], "golden-entity-mentions": [{"text": [".stop()"], "entity-type": "Function", "index": [2]}]}, {"sentence": ["Figured", "it", "out", "."], "golden-entity-mentions": []}, {"sentence": ["Had", "to", "set", "the", ".slideUp", "and", ".slidedown", "to", "happen", "on", "the", "callback", "of", ".animate()"], "golden-entity-mentions": [{"text": [".slideUp"], "entity-type": "Function", "index": [4]}, {"text": [".slidedown"], "entity-type": "Function", "index": [6]}, {"text": [".animate()"], "entity-type": "Function", "index": [13]}]}, {"sentence": ["How", "do", "i", "get", "an", "IGrouping", "result", "to", "map", "to", "the", "view", "?"], "golden-entity-mentions": [{"text": ["IGrouping"], "entity-type": "Class", "index": [5]}, {"text": ["view"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["I", "have", "this", "query", ":"], "golden-entity-mentions": []}, {"sentence": ["What", "is", "the", "proper", "mapping", "for", "the", "ViewPage", "declaration", "?"], "golden-entity-mentions": [{"text": ["ViewPage"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["In", "the", "instance", "of", "helping", "others", "out", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "what", "I", "was", "attempting", "to", "accomplish", "."], "golden-entity-mentions": []}, {"sentence": ["The", "action", "code"], "golden-entity-mentions": []}, {"sentence": ["The", "View"], "golden-entity-mentions": [{"text": ["View"], "entity-type": "Class", "index": [1]}]}, {"sentence": ["IGrouping", "is", "a", "list", "of", "lists", "so", "to", "speak", "."], "golden-entity-mentions": [{"text": ["IGrouping"], "entity-type": "Class", "index": [0]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [3]}, {"text": ["lists"], "entity-type": "Data_Structure", "index": [5]}]}, {"sentence": ["With", "the", "\"", "Key", "\"", "being", "the", "grouped", "property", "in", "the", "source", "list", "."], "golden-entity-mentions": [{"text": ["Key"], "entity-type": "Variable", "index": [3]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [12]}]}, {"sentence": ["The", "view", "must", "be", "the", "same", "type", "of", "the", "page", "."], "golden-entity-mentions": [{"text": ["view"], "entity-type": "Class", "index": [1]}]}, {"sentence": ["You", "would", "have", "to", "convert", "the", "output", "to", "the", "same", "type", "used", "by", "your", "view", "page", "."], "golden-entity-mentions": [{"text": ["view"], "entity-type": "Class", "index": [14]}]}, {"sentence": ["You", "could", "also", "use", "a", "ViewData[\"Products\"]", "to", "set", "the", "collection", "information", "you", "want", "to", "be", "visible", "on", "your", "View", "aspx", "page", "."], "golden-entity-mentions": [{"text": ["ViewData[\"Products\"]"], "entity-type": "Code_Block", "index": [5]}, {"text": ["View"], "entity-type": "Class", "index": [18]}, {"text": ["aspx"], "entity-type": "File_Type", "index": [19]}]}, {"sentence": ["We", "are", "trying", "to", "rewrite", "an", "IIS", "web", "server", "handler", "for", "JBoss", "5", "app", "server", ",", "but", "I", "could", "not", "find", "the", "similar", "concept", "for", "JBoss", "."], "golden-entity-mentions": [{"text": ["IIS", "web", "server"], "entity-type": "Application", "index": [6, 7, 8]}, {"text": ["handler"], "entity-type": "Class", "index": [9]}, {"text": ["JBoss"], "entity-type": "Application", "index": [11]}, {"text": ["5"], "entity-type": "Version", "index": [12]}, {"text": ["app", "server"], "entity-type": "Application", "index": [13, 14]}, {"text": ["JBoss"], "entity-type": "Application", "index": [25]}]}, {"sentence": ["Could", "you", ",", "please", ",", "give", "some", "advice", "or", "direction", "how", "we", "should", "implement", "the", "handler", ",", "or", "what", "should", "we", "google", "for", "?"], "golden-entity-mentions": [{"text": ["handler"], "entity-type": "Class", "index": [15]}]}, {"sentence": ["To", "be", "clear", ",", "the", "final", "goal", "is", "to", "have", "an", "application", "which", "does", "not", "need", "a", "name", "in", "url", "in", "order", "to", "be", "invoked", "and", "runs", "every", "time", "I", "access", "just", "the", "IP", "address", "or", "server", "name", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [36]}]}, {"sentence": ["e.g", ".", "http://13.10.15.48"], "golden-entity-mentions": []}, {"sentence": ["The", "application", "(", "handler", ")", "should", "grab", "the", "request", ",", "process", "it", "and", "pass", "over", "to", "other", "default", "handlers", "or", "web", "server", "."], "golden-entity-mentions": [{"text": ["handler"], "entity-type": "Class", "index": [3]}, {"text": ["handlers"], "entity-type": "Class", "index": [18]}, {"text": ["server"], "entity-type": "Application", "index": [21]}]}, {"sentence": ["Should", "I", "search", "for", "Tomcat", "handlers", "instead", "?"], "golden-entity-mentions": [{"text": ["Tomcat"], "entity-type": "Application", "index": [4]}, {"text": ["handlers"], "entity-type": "Class", "index": [5]}]}, {"sentence": ["Thanks", "in", "advance", "."], "golden-entity-mentions": []}, {"sentence": ["By", "default", "JBoss", "has", "a", "the", "root", "context", "point", "to", "a", "default", "app", "."], "golden-entity-mentions": [{"text": ["JBoss"], "entity-type": "Application", "index": [2]}]}, {"sentence": ["In", "order", "to", "point", "you", "application", "to", "the", "root", "context", "you", "need", "to", "do", "the", "following"], "golden-entity-mentions": []}, {"sentence": ["If", "you", "are", "deploying", "you", "application", "as", "a", "WAR", "file", ",", "the", "add", "the", "following", "content", "to", "your", "/WEB-INF/jboss", "-web.xml", "(", "if", "it", "does", "not", "already", "exist", ")"], "golden-entity-mentions": [{"text": ["WAR"], "entity-type": "File_Type", "index": [8]}, {"text": ["/WEB-INF/jboss", "-web.xml"], "entity-type": "File_Name", "index": [18, 19]}]}, {"sentence": ["If", "you", "are", "deploying", "your", "application", "as", "an", "EAR", "file", ",", "then", "you", "need", "to", "set", "the", "context-root", "in", "your", "/META-INF/application.xml", "file", "as", "follows"], "golden-entity-mentions": [{"text": ["EAR"], "entity-type": "File_Type", "index": [8]}, {"text": ["context-root"], "entity-type": "Code_Block", "index": [17]}, {"text": ["/META-INF/application.xml"], "entity-type": "File_Name", "index": [20]}]}, {"sentence": ["For", "more", "information", "please", "refer", "[", "1", "]"], "golden-entity-mentions": []}, {"sentence": ["Hope", "this", "helps", "."], "golden-entity-mentions": []}, {"sentence": ["Good", "luck", "!"], "golden-entity-mentions": []}, {"sentence": ["[", "1", "]", "https://community.jboss.org/wiki/HowDoIOverrideTheWebContextRoot"], "golden-entity-mentions": []}, {"sentence": ["You", "'d", "do", "this", "by", "creating", "an", "application", "(", "a", "WAR", "is", "fine", ")", "with", "context-root", "set", "to", "/", "."], "golden-entity-mentions": [{"text": ["WAR"], "entity-type": "File_Type", "index": [10]}, {"text": ["context-root"], "entity-type": "Code_Block", "index": [15]}, {"text": ["/"], "entity-type": "Value", "index": [18]}]}, {"sentence": ["I", "have", "a", "simple", "application", "consisting", "of", "a", "Window", "containing", "a", "Canvas", "(", "rootCanvas", ")", "."], "golden-entity-mentions": [{"text": ["Window"], "entity-type": "Class", "index": [8]}, {"text": ["Canvas"], "entity-type": "Class", "index": [11]}, {"text": ["rootCanvas"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["I", "am", "trying", "to", "add", "another", "Canvas", "(", "test", ")", "to", "this", "and", "apply", "different", "Transforms", "to", "the", "child", "canvas", "'s", "LayoutTransform", "."], "golden-entity-mentions": [{"text": ["Canvas"], "entity-type": "Class", "index": [6]}, {"text": ["test"], "entity-type": "Variable", "index": [8]}, {"text": ["Transforms"], "entity-type": "Class", "index": [15]}, {"text": ["canvas"], "entity-type": "Class", "index": [19]}, {"text": ["LayoutTransform"], "entity-type": "Variable", "index": [21]}]}, {"sentence": ["This", "is", "all", "being", "done", "programmatically", "rather", "than", "using", "XAML", "."], "golden-entity-mentions": [{"text": ["XAML"], "entity-type": "Language", "index": [9]}]}, {"sentence": ["Some", "transforms", "are", "working", ",", "whilst", "others", "are", "not", "as", "follows", ":"], "golden-entity-mentions": [{"text": ["transforms"], "entity-type": "Class", "index": [1]}]}, {"sentence": ["When", "the", "LayoutTranform", "is", "set", "to", "a", "RotateTransform", "it", "works", "as"], "golden-entity-mentions": [{"text": ["LayoutTranform"], "entity-type": "Variable", "index": [2]}, {"text": ["RotateTransform"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["expected", "."], "golden-entity-mentions": []}, {"sentence": ["When", "it", "is", "set", "to", "a", "TranslateTransform", "the", "translation", "does", "not", "appear"], "golden-entity-mentions": [{"text": ["TranslateTransform"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["to", "be", "applied", ",", "and", "the", "test", "Canvas", "is", "still", "located", "in", "the", "top", "corner", "of"], "golden-entity-mentions": [{"text": ["Canvas"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["rootCanvas"], "golden-entity-mentions": [{"text": ["rootCanvas"], "entity-type": "Variable", "index": [0]}]}, {"sentence": ["When", "it", "is", "set", "to", "a", "MatrixTransform", "that", "has", "been", "constructed", "by", "applying", "a", "rotation", "and", "then", "a", "translation", ",", "only", "the", "rotation", "appears", "to", "be", "applied", "."], "golden-entity-mentions": [{"text": ["MatrixTransform"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["The", "code", "is", "given", "below", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "would", "be", "extremely", "grateful", "if", "someone", "could", "explain", "what", "I", "am", "doing", "wrong", "here", ",", "as", "I", "do", "not", "understand", "why", "translations", "do", "not", "seem", "to", "be", "working", "as", "I", "would", "expect", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks", "in", "advance", ","], "golden-entity-mentions": []}, {"sentence": ["Wibbs"], "golden-entity-mentions": [{"text": ["Wibbs"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["Please", "read", "the", "remarks", "in", "FrameworkElement.LayoutTransform", "Property", "."], "golden-entity-mentions": [{"text": ["FrameworkElement.LayoutTransform"], "entity-type": "Variable", "index": [5]}]}, {"sentence": ["Use", "UIElement.RenderTransform", "Property", "for", "applying", "a", "TranslateTransform", "."], "golden-entity-mentions": [{"text": ["UIElement.RenderTransform"], "entity-type": "Variable", "index": [1]}, {"text": ["TranslateTransform"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["i", "read", "some", "questions", "here", "about", "UIGestureRecognizer", "but", "i", "am", "not", "sure", "how", "to", "accomplish", "the", "following", "task", ":"], "golden-entity-mentions": [{"text": ["UIGestureRecognizer"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["I", "would", "like", "to", "create", "something", "like", "the", "unlock", "slider", "of", "the", "iphone", ",", "but", "sliding", "a", "button", "around", "a", "circle", "."], "golden-entity-mentions": [{"text": ["slider"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["iphone"], "entity-type": "Device", "index": [12]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [17]}, {"text": ["circle"], "entity-type": "User_Interface_Element", "index": [20]}]}, {"sentence": ["In", "this", "case", "i", "do", "n't", "need", "to", "look", "into", "the", "UIGestureRecognizer", "class", ",", "do", "i", "?"], "golden-entity-mentions": [{"text": ["UIGestureRecognizer"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["I", "need", "an", "animation", "class", "or", "something", "...", "If", "you", "gave", "me", "some", "key-words", "to", "start", "with", "i", "would", "be", "really", "happy", ":)"], "golden-entity-mentions": []}, {"sentence": ["maxi"], "golden-entity-mentions": [{"text": ["maxi"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["Here", "'s", "another", "one", ":"], "golden-entity-mentions": []}, {"sentence": ["https://github.com/iosdeveloper/SlideToCancel"], "golden-entity-mentions": []}, {"sentence": ["You", "might", "try", "this", "page", "as", "a", "starting", "point"], "golden-entity-mentions": []}, {"sentence": ["http://denizdemir.com/2011/03/07/animated-slider-iphones-cool-first-impression/"], "golden-entity-mentions": []}, {"sentence": ["To", "do", "the", "circle", "version", "will", "involve", "a", "fair", "bit", "more", "work", "I", "'d", "say", "as", "not", "only", "do", "you", "need", "to", "read", "the", "circle", "gesture", "you", "also", "need", "your", "lock", "to", "move", "around", "the", "circle", "..", "."], "golden-entity-mentions": [{"text": ["circle"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["circle"], "entity-type": "User_Interface_Element", "index": [24]}, {"text": ["circle"], "entity-type": "User_Interface_Element", "index": [35]}]}, {"sentence": ["http://iphonedevelopment.blogspot.com/2009/04/detecting-circle-gesture.html"], "golden-entity-mentions": []}, {"sentence": ["http://forum.unity3d.com/threads/13494-Messing-around-with-gestures"], "golden-entity-mentions": []}, {"sentence": ["Could", "be", "there", "is", "a", "far", "simpler", "way", "to", "do", "this", "now", "but", "I", "'m", "not", "aware", "of", "it", "."], "golden-entity-mentions": []}, {"sentence": ["Good", "Luck", "!"], "golden-entity-mentions": []}, {"sentence": ["My", "excel", "spreadsheet", "contains"], "golden-entity-mentions": [{"text": ["excel"], "entity-type": "Application", "index": [1]}, {"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [2]}]}, {"sentence": ["I", "used", "freeze", "panel", "and", "other", "formatting", "things", "."], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "create", "separate", "Spreadsheets", "that", "would", "contains", "only", "one", "name", "."], "golden-entity-mentions": [{"text": ["Spreadsheets"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["Example", ":"], "golden-entity-mentions": []}, {"sentence": ["Spreadsheet_paul.xls"], "golden-entity-mentions": [{"text": ["Spreadsheet_paul.xls"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["Spreadsheet_Nick.xls"], "golden-entity-mentions": [{"text": ["Spreadsheet_Nick.xls"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["........", "."], "golden-entity-mentions": []}, {"sentence": ["I", "need", "to", "create", "separate", "files", ",", "with", "the", "number", "of", "files", "at", "the", "end", "equal", "to", "the", "number", "of", "names", "in", "the", "original", "spreadsheet", ",", "each", "containing", "the", "corresponding", "subset", "of", "the", "original", "data", "."], "golden-entity-mentions": [{"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [24]}]}, {"sentence": ["How", "can", "I", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Try", "this", "code", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "commented", "it", "in", "details", "."], "golden-entity-mentions": []}, {"sentence": ["But", "if", "you", "have", "some", "quesions", ",", "ask", "in", "comments", ":", ")", "."], "golden-entity-mentions": []}, {"sentence": ["Code", "saves", "new", "wokrbooks", "in", "the", "folder", "where", "your", "current", "workbook", "is", "saved", "."], "golden-entity-mentions": [{"text": ["wokrbooks"], "entity-type": "Variable", "index": [3]}, {"text": ["workbook"], "entity-type": "Variable", "index": [10]}]}, {"sentence": ["@dmitry", "-pavliv", "can", "you", "modify", "your", "code", "and", "add", "a", "functionality", "to", "copy", "specific", "Sheets", "and", "add", "them", "the", "final", "file", "?"], "golden-entity-mentions": [{"text": ["@dmitry", "-pavliv"], "entity-type": "User_Name", "index": [0, 1]}, {"text": ["Sheets"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["I", "'m", "learning", "list", "comprehensions", "in", "Python", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [3]}, {"text": ["Python"], "entity-type": "Language", "index": [6]}]}, {"sentence": ["I", "was", "to", "append", "letters", "from", "a", "list", "of", "words", "and", "form", "a", "new", "list", "but", "without", "duplicates", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [7]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [14]}]}, {"sentence": ["This", "is", "what", "I", "'m", "trying", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "getting", "the", "following", "error", ":"], "golden-entity-mentions": []}, {"sentence": ["What", "am", "I", "doing", "wrong", "?"], "golden-entity-mentions": []}, {"sentence": ["If", "you", "simply", "want", "to", "get", "rid", "of", "duplicates", ",", "you", "might", "want", "to", "utilize", "set()", "."], "golden-entity-mentions": [{"text": ["set()"], "entity-type": "Function", "index": [15]}]}, {"sentence": ["letterlist", "is", "not", "defined", "until", "the", "list", "comprehension", "is", "finished", "."], "golden-entity-mentions": [{"text": ["letterlist"], "entity-type": "Variable", "index": [0]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [6]}]}, {"sentence": ["Therefore", ",", "you", "ca", "n't", "reference", "it", "inside", "itself", "."], "golden-entity-mentions": []}, {"sentence": ["A", "function", "can", "reference", "itself", "only", "because", "the", "function", "is", "not", "called", "until", "after", "it", "'s", "defined", ",", "but", "a", "list", "comprehension", "is", "being", "executed", "as", "part", "of", "the", "definition", ",", "so", "it", "ca", "n't", "reference", "itself", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [20]}]}, {"sentence": ["A", "possible", "way", "to", "do", "it", "would", "be", "to", "define", "the", "list", "without", "the", "test", ",", "and", "then", "remove", "the", "duplicates", ":"], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [11]}]}, {"sentence": ["Using", "set()", "makes", "it", "a", "list", "(", "which", "removes", "the", "duplicates", ")", ",", "and", "using", "list", "converts", "it", "back", "to", "a", "list", "."], "golden-entity-mentions": [{"text": ["set()"], "entity-type": "Function", "index": [1]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["list"], "entity-type": "Function", "index": [15]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [21]}]}, {"sentence": ["If", "you", "really", "do", "n't", "want", "to", "use", "a", "set", ",", "then", "using", "a", "list", "comprehension", "is", "probably", "not", "the", "best", "way", "to", "go", "."], "golden-entity-mentions": [{"text": ["set"], "entity-type": "Data_Structure", "index": [9]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [14]}]}, {"sentence": ["You", "could", "use", "a", "for", "loop", "like", "this", ":"], "golden-entity-mentions": [{"text": ["for"], "entity-type": "Code_Block", "index": [4]}]}, {"sentence": ["Gives", "the", "following", "error", ":", "(", "try", "it", ")", "."], "golden-entity-mentions": []}, {"sentence": ["An", "inline", "definition", "does", "not", "suffer", "from", "this", "error", "."], "golden-entity-mentions": []}, {"sentence": ["Could", "someone", "please", "explain", "why", "the", "compiler", "can", "not", "resolve", "a", "in", "this", "case", ",", "andhow", "I", "can", "make", "this", "code", "work", "."], "golden-entity-mentions": [{"text": ["compiler"], "entity-type": "Application", "index": [6]}, {"text": ["a"], "entity-type": "Variable", "index": [10]}]}, {"sentence": ["I", "would", "like", "to", "not", "resolve", "all", "the", "names", "explicitly", "like"], "golden-entity-mentions": []}, {"sentence": ["As", "it", "would", "decrease", "readability", "."], "golden-entity-mentions": []}, {"sentence": ["If", "C++11", "and", "14", ",", "you", "can", "declare", "your", "function", "auto", "to", "get", "rid", "of", "the", "long", "return", "type", "."], "golden-entity-mentions": [{"text": ["C++11"], "entity-type": "Language", "index": [1]}, {"text": ["14"], "entity-type": "Version", "index": [3]}, {"text": ["long"], "entity-type": "Data_Type", "index": [16]}]}, {"sentence": ["You", "need", "to", "specify", "it", "as", "a", "trailing", "type", "in", "C++11", ",", "but", "this", "allows", "you", "to", "get", "omit", "the", "typename", "B:", ":", "because", "the", "compiler", "already", "knows", "where", "to", "look", "."], "golden-entity-mentions": [{"text": ["C++11"], "entity-type": "Language", "index": [10]}, {"text": ["typename", "B:", ":"], "entity-type": "Code_Block", "index": [20, 21, 22]}, {"text": ["compiler"], "entity-type": "Application", "index": [25]}]}, {"sentence": ["That", "'s", "because", "the", "a", "here", "is", "still", "looking", "in", "global", "scope", ":"], "golden-entity-mentions": [{"text": ["a"], "entity-type": "Variable", "index": [4]}, {"text": ["global"], "entity-type": "Data_Type", "index": [10]}]}, {"sentence": ["You", "'re", "doing", "unqualifed", "lookup", "on", "a", "."], "golden-entity-mentions": [{"text": ["a"], "entity-type": "Variable", "index": [6]}]}, {"sentence": ["Once", "you", "get", "to", "the", "B:", ":", "part", "of", "the", "definition", ",", "that", "scope", "is", "added", "to", "all", "further", "lookup", "."], "golden-entity-mentions": [{"text": ["B:", ":"], "entity-type": "Variable", "index": [5, 6]}]}, {"sentence": ["So", "the", "type", "of", "the", "argument", "b", "will", "be", "looked", "up", "in", "the", "scope", "of", "B", "."], "golden-entity-mentions": [{"text": ["b"], "entity-type": "Variable", "index": [6]}, {"text": ["B"], "entity-type": "Variable", "index": [15]}]}, {"sentence": ["You", "simply", "need", "to", "qualify", "it", "the", "return", "type", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "relevant", "rules", "is", "for", "why", "the", "argument", "type", "a", "can", "be", "found", "is", "in", "[basic.lookup.unqual]/8", ":"], "golden-entity-mentions": [{"text": ["a"], "entity-type": "Variable", "index": [9]}, {"text": ["[basic.lookup.unqual]/8"], "entity-type": "Code_Block", "index": [15]}]}, {"sentence": ["The", "return", "type", "a", "does", "not", "match", "the", "bolded", "text", "(", "or", "any", "of", "the", "text", "above", ")", ",", "but", "the", "argument", "type", "a", "does", "."], "golden-entity-mentions": [{"text": ["a"], "entity-type": "Variable", "index": [3]}, {"text": ["a"], "entity-type": "Variable", "index": [23]}]}, {"sentence": ["I", "am", "trying", "to", "make", "a", "PDF", "file", "accessible", ",", "and", "I", "am", "using", "Adobe", "Acrobat", "to", "check", "for", "accessibility", "."], "golden-entity-mentions": [{"text": ["PDF"], "entity-type": "File_Type", "index": [6]}, {"text": ["Adobe", "Acrobat"], "entity-type": "Application", "index": [14, 15]}]}, {"sentence": ["I", "am", "using", "JasperReports", "version", "6.3.1", "."], "golden-entity-mentions": [{"text": ["JasperReports"], "entity-type": "Application", "index": [3]}, {"text": ["6.3.1"], "entity-type": "Version", "index": [5]}]}, {"sentence": ["How", "do", "I", "set", "the", "primary", "language", "and", "title", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "used", "the", "following", "code", "to", "add", "a", "title", ",", "but", "it", "did", "not", "work", "."], "golden-entity-mentions": []}, {"sentence": ["What", "do", "I", "need", "to", "add", "in", "the", "JRXML", "file", "?"], "golden-entity-mentions": [{"text": ["JRXML"], "entity-type": "File_Type", "index": [8]}]}, {"sentence": ["How", "do", "I", "set", "the", "tab", "order", "for", "elements", "on", "a", "page", "(", "table", ",", "text", "fields", ",", "etc", ".", ")", "?"], "golden-entity-mentions": [{"text": ["tab"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["page"], "entity-type": "User_Interface_Element", "index": [11]}, {"text": ["table"], "entity-type": "User_Interface_Element", "index": [13]}, {"text": ["text", "fields"], "entity-type": "User_Interface_Element", "index": [15, 16]}]}, {"sentence": ["I", "have", "a", "script", "that", "downloads", "ps1", "files", "to", "run", "on", "new", "machine", "start", "up", "."], "golden-entity-mentions": [{"text": ["ps1"], "entity-type": "File_Type", "index": [6]}]}, {"sentence": ["I", "do", "n't", "want", "to", "install", "any", "powershell", "add", "in", "or", "extension", "methods", "."], "golden-entity-mentions": [{"text": ["powershell"], "entity-type": "Library", "index": [7]}]}, {"sentence": ["I", "just", "want", "to", "unblock", "the", "files", "and", "run", "them", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "suggestions", "?"], "golden-entity-mentions": []}, {"sentence": ["This", "post", "from", "Scott", "Hanselman", "explains", "how", "the", "zone", "information", "is", "embedded", "in", "an", "alternate", "data", "stream", ",", "you", "can", "use", "that", "knowledge", "to", "unblock", "your", "files", "."], "golden-entity-mentions": [{"text": ["Scott", "Hanselman"], "entity-type": "User_Name", "index": [3, 4]}]}, {"sentence": ["If", "you", "are", "able", "to", "use", "an", "external", "tool", ",", "the", "easiest", "way", "is", "to", "use", "streams.exe", "from", "SysInternals", ":"], "golden-entity-mentions": [{"text": ["streams.exe"], "entity-type": "File_Name", "index": [16]}, {"text": ["SysInternals"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["Got", "the", "answer", "on", "another", "forum", ":", "Not", "that", "@driis", "was", "n't", "on", "target", "but", "this", "is", "more", "powershelly"], "golden-entity-mentions": [{"text": ["@driis"], "entity-type": "User_Name", "index": [9]}, {"text": ["powershelly"], "entity-type": "Library", "index": [18]}]}, {"sentence": ["http://social.technet.microsoft.com/Forums/en/winserverpowershell/thread/0b5f1fa6-981e-4696-84bc-b8046564ec8b"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "test", "performance", "of", "my", "code", "on", "both", "jvm", "types", "-client", "and", "-server"], "golden-entity-mentions": [{"text": ["jvm"], "entity-type": "Application", "index": [10]}, {"text": ["-client"], "entity-type": "Code_Block", "index": [12]}, {"text": ["-server"], "entity-type": "Code_Block", "index": [14]}]}, {"sentence": ["How", "can", "i", "switch", "among", "both", "jvm", "types", "in", "eclipse", "?"], "golden-entity-mentions": [{"text": ["jvm"], "entity-type": "Application", "index": [6]}, {"text": ["eclipse"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["The", "same", "way", "you", "would", "run", "your", "application", "with", "any", "command-line", "switches", "(", "such", "as", "-Xmx256m", ")", "."], "golden-entity-mentions": [{"text": ["command-line"], "entity-type": "Application", "index": [10]}, {"text": ["-Xmx256m"], "entity-type": "Code_Block", "index": [15]}]}, {"sentence": ["Just", "add", "it", "to", "the", "Command", "Line", "Options", "to", "the", "Run", "Configuration", "(", "you", "could", "create", "2", "configurations", ",", "one", "for", "each", "setting", ")", "."], "golden-entity-mentions": [{"text": ["Command", "Line"], "entity-type": "Application", "index": [5, 6]}, {"text": ["Run"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["To", "be", "more", "specific", ":"], "golden-entity-mentions": []}, {"sentence": ["Go", "to", "your", "application", "'s", "main", "class"], "golden-entity-mentions": [{"text": ["main"], "entity-type": "Class", "index": [5]}]}, {"sentence": ["Run", "it"], "golden-entity-mentions": []}, {"sentence": ["This", "should", "create", "a", "Run", "(", "or", "Launch", ")", "Configuration"], "golden-entity-mentions": [{"text": ["Run"], "entity-type": "Application", "index": [4]}, {"text": ["Launch"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["Edit", "this", "configuration"], "golden-entity-mentions": []}, {"sentence": ["Add", "-client", "or", "-server", "in", "the", "command-line", "switches"], "golden-entity-mentions": [{"text": ["-client"], "entity-type": "Code_Block", "index": [1]}, {"text": ["-server"], "entity-type": "Code_Block", "index": [3]}, {"text": ["command-line"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["More", "information", "is", "available", "in", "the", "Eclipse", "Help"], "golden-entity-mentions": [{"text": ["Eclipse"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["I", "'ve", "got", "PhoneGap", "Android", "app", "that", "is", "exactly", "480", "pixel", "width", "and", "I", "want", "to", "set", "viewport", "size", "to", "this", "size", "on", "every", "possible", "Android", "'s", "device"], "golden-entity-mentions": [{"text": ["PhoneGap"], "entity-type": "Application", "index": [3]}, {"text": ["Android"], "entity-type": "Operating_System", "index": [4]}, {"text": ["480", "pixel"], "entity-type": "Value", "index": [9, 10]}, {"text": ["viewport"], "entity-type": "User_Interface_Element", "index": [17]}, {"text": ["Android"], "entity-type": "Operating_System", "index": [25]}]}, {"sentence": ["I", "'ve", "tried", "this", "tag", ":"], "golden-entity-mentions": []}, {"sentence": ["But", "it", "was", "ignored", "by", "all", "devices", "and", "emulators", "I", "tested", "with", "."], "golden-entity-mentions": [{"text": ["emulators"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["Then", "I", "tried", ":"], "golden-entity-mentions": []}, {"sentence": ["And", "this", "worked", ",", "but", "only", "on", "some", "(", "smaller", ")", "devices", "."], "golden-entity-mentions": []}, {"sentence": ["On", "mu", "Samsung", "GT", "it", "gives", "correct", "480", "pixel", "width", "viewport", ",", "but", "when", "launched", "on", "tablet", "it", "gives", "800", "pixel", "width", "viewport", "."], "golden-entity-mentions": [{"text": ["Samsung", "GT"], "entity-type": "Device", "index": [2, 3]}, {"text": ["480", "pixel"], "entity-type": "Value", "index": [7, 8]}, {"text": ["tablet"], "entity-type": "Device", "index": [16]}, {"text": ["800", "pixel"], "entity-type": "Value", "index": [19, 20]}, {"text": ["viewport"], "entity-type": "User_Interface_Element", "index": [22]}]}, {"sentence": ["Am", "I", "missing", "something", "obvious", "?"], "golden-entity-mentions": []}, {"sentence": ["After", "several", "hours", "of", "debugging", "I", "finally", "found", "a", "solution", ":"], "golden-entity-mentions": []}, {"sentence": ["WebView", "will", "ignore", "width", "of", "the", "viewport", "unless", "it", "is", "explicty", "told", "to", "be", "loaded", "in", "OverviewMode", "."], "golden-entity-mentions": [{"text": ["WebView"], "entity-type": "Class", "index": [0]}, {"text": ["width"], "entity-type": "Variable", "index": [3]}, {"text": ["viewport"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["OverviewMode"], "entity-type": "Value", "index": [16]}]}, {"sentence": ["So", "if", "anyone", "come", "here", "from", "Google", ",", "here", "'s", "the", "solution", ":"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "Website", "index": [6]}]}, {"sentence": ["Add", "to", "your", "Java", "source", ":"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [3]}]}, {"sentence": ["Not", "sure", "why", ",", "but", "I", "had", "to", "remove", ",", "target-densityDpi", "=", "device-dpi", "from", "the", "viewport", "tag", "to", "get", "this", "to", "work", "-", "the", "accepted", "answer", "did", "n't", "help", "me", "."], "golden-entity-mentions": [{"text": [",", "target-densityDpi", "=", "device-dpi"], "entity-type": "Code_Block", "index": [9, 10, 11, 12]}, {"text": ["viewport"], "entity-type": "User_Interface_Element", "index": [15]}]}, {"sentence": ["using", "a", "Samsung", "Galaxy", "Nexus"], "golden-entity-mentions": [{"text": ["Samsung", "Galaxy", "Nexus"], "entity-type": "Device", "index": [2, 3, 4]}]}, {"sentence": ["I", "have", "a", "web", "application", "in", "which", "we", "use", "JSF", "framework", "."], "golden-entity-mentions": [{"text": ["JSF"], "entity-type": "Library", "index": [9]}]}, {"sentence": ["I", "have", "been", "diving", "deep", "into", "the", "security", "part", "for", "web", "application", "and", "hence", "I", "was", "looking", "to", "generate", "my", "own", "unique", "session", "ID", "(", "using", "encryption", "algorithm", "and", "assign", "it", "to", "every", "new", "session", "which", "gets", "created", "once", "user", "logs", "in", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "anyone", "please", "guide", "me", "on", "how", "to", "set", "manual", "generated", "session", "id", "in", "session", "and", "ensure", "with", "each", "request", "that", "session", "id", "is", "transmitted", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks", "."], "golden-entity-mentions": []}, {"sentence": ["Attempting", "to", "do", "this", "at", "the", "JSF", "application", "layer", "is", "unlikely", "to", "be", "successful", ";", "I", "would", "perform", "this", "task", "at", "a", "lower", "level", "API", "."], "golden-entity-mentions": [{"text": ["JSF"], "entity-type": "Library", "index": [6]}]}, {"sentence": ["I", "am", "assuming", "a", "servlet", "container", "."], "golden-entity-mentions": [{"text": ["servlet"], "entity-type": "Class", "index": [4]}]}, {"sentence": ["I", "can", "think", "of", "two", "approaches", ":"], "golden-entity-mentions": []}, {"sentence": ["do", "this", "at", "a", "container", "level", "via", "a", "server-specific", "SPI", "(", "if", "one", "even", "exists", ")"], "golden-entity-mentions": [{"text": ["server-specific"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["do", "this", "by", "rewriting", "requests/responses", "via", "a", "servlet", "Filter"], "golden-entity-mentions": [{"text": ["servlet", "Filter"], "entity-type": "Class", "index": [7, 8]}]}, {"sentence": ["There", "is", "insufficient", "information", "to", "comment", "on", "the", "viability", "of", "the", "first", "approach", "."], "golden-entity-mentions": []}, {"sentence": ["In", "the", "second", ",", "you", "would", "have", "to", "determine", "the", "name", "of", "the", "session", "cookie", "(", "it", "is", "usually", "JSESSIONID", ",", "but", "does", "not", "have", "to", "be", ")", "."], "golden-entity-mentions": [{"text": ["JSESSIONID"], "entity-type": "Variable", "index": [19]}]}, {"sentence": ["Your", "API", "would", ":"], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [1]}]}, {"sentence": ["map", "the", "filter", "to", "all", "application", "requests"], "golden-entity-mentions": []}, {"sentence": ["maintain", "a", "map", "of", "container", "session", "ids", "to", "\"", "secure", "\"", "ids"], "golden-entity-mentions": []}, {"sentence": ["use", "the", "filter", "to", "rewrite", "any", "session", "cookie", "in", "the", "request", "with", "the", "session", "id"], "golden-entity-mentions": []}, {"sentence": ["use", "the", "filter", "rewrite", "any", "session", "cookie", "in", "the", "response", "with", "the", "secure", "id"], "golden-entity-mentions": []}, {"sentence": ["use", "a", "listener", "to", "remove", "invalid", "sessions", "from", "the", "map", "to", "avoid", "memory", "leaks"], "golden-entity-mentions": []}, {"sentence": ["I", "really", "doubt", "you", "'ll", "generate", "session", "IDs", "that", "are", "more", "secure", "than", "the", "ones", "generated", "by", "the", "container", ",", "but", "here", "'s", "what", "you", "could", "do", ",", "without", "using", "any", "container-specific", "extension", "."], "golden-entity-mentions": []}, {"sentence": ["Create", "a", "servlet", "filter", "which", "intercept", "every", "request", "to", "the", "server", "."], "golden-entity-mentions": [{"text": ["servlet", "filter"], "entity-type": "Class", "index": [2, 3]}]}, {"sentence": ["When", "a", "request", "comes", "in", ",", "check", "if", "a", "session", "already", "exists", "for", "this", "request", "(", "using", "getSession(false))", "."], "golden-entity-mentions": [{"text": ["getSession(false))"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["If", "one", "exists", ",", "then", "extract", "your", "specific", "cookie", "MY_SESSION_ID", "from", "the", "request", ",", "and", "compare", "its", "value", "to", "the", "one", "that", "is", "stored", "in", "the", "session", "."], "golden-entity-mentions": [{"text": ["MY_SESSION_ID"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["If", "they", "do", "n't", "match", ",", "reject", "the", "request", "."], "golden-entity-mentions": []}, {"sentence": ["If", "the", "session", "does", "n't", "exist", ",", "then", "create", "it", "(", "using", "getSession(true))", ",", "generate", "your", "super-secure", "session", "ID", ",", "store", "it", "as", "a", "session", "attribute", "and", "add", "the", "cookie", "MY_SESSION_ID", "to", "the", "response", "."], "golden-entity-mentions": [{"text": ["getSession(true))"], "entity-type": "Function", "index": [12]}, {"text": ["MY_SESSION_ID"], "entity-type": "Variable", "index": [30]}]}, {"sentence": ["This", "has", "the", "disadvantage", "of", "creating", "a", "session", "automatically", ",", "even", "if", "it", "'s", "not", "strictly", "needed", "."], "golden-entity-mentions": []}, {"sentence": ["But", "that", "'s", "the", "case", "most", "of", "the", "time", "when", "using", "JSPs", "of", "component", "frameworks", "."], "golden-entity-mentions": [{"text": ["JSPs"], "entity-type": "Library", "index": [11]}]}, {"sentence": ["I", "have", "a", "large", "form", "that", "has", "already", "been", "made", ",", "there", "are", "many", "different", "objects", "in", "the", "form", "including", "drop", "downs", "and", "check", "boxes", "."], "golden-entity-mentions": [{"text": ["form"], "entity-type": "User_Interface_Element", "index": [4]}, {"text": ["form"], "entity-type": "User_Interface_Element", "index": [18]}, {"text": ["drop", "downs"], "entity-type": "User_Interface_Element", "index": [20, 21]}, {"text": ["check", "boxes"], "entity-type": "User_Interface_Element", "index": [23, 24]}]}, {"sentence": ["The", "majority", "of", "the", "objects", "are", "check", "boxes", "."], "golden-entity-mentions": [{"text": ["check", "boxes"], "entity-type": "User_Interface_Element", "index": [6, 7]}]}, {"sentence": ["I", "need", "the", "boxes", "to", "turn", "red", "if", "they", "are", "changed", "from", "the", "default", "."], "golden-entity-mentions": [{"text": ["boxes"], "entity-type": "User_Interface_Element", "index": [3]}]}, {"sentence": ["Some", "defaults", "are", "\"", "on", "\"", "others", "are", "\"", "off", "\"", "I", "can", "do", "this", "item", "by", "item", ",", "but", "it", "'s", "very", "time", "consuming", "."], "golden-entity-mentions": [{"text": ["\"", "on", "\""], "entity-type": "Value", "index": [3, 4, 5]}, {"text": ["\"", "off", "\""], "entity-type": "Value", "index": [8, 9, 10]}]}, {"sentence": ["Is", "there", "a", "way", "to", "make", "it", "a", "standard", "for", "the", "form", "?"], "golden-entity-mentions": [{"text": ["form"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["The", "other", "issue", "I", "am", "having", "is", ",", "if", "they", "change", "it", "from", "the", "default", "it", "turns", "red", ",", "however", "if", "it", "is", "returned", "to", "the", "default", "it", "stays", "red", ",", "is", "there", "a", "way", "to", "make", "it", "change", "back", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "feel", "like", "this", "should", "be", "something", "simple", "that", "I", "am", "just", "missing", "."], "golden-entity-mentions": []}, {"sentence": ["You", "can", "use", "scripting", "on", "enter", "and", "exit", "events"], "golden-entity-mentions": []}, {"sentence": ["In", "Adobe", "LiveCycle", "Designer", "select", "all", "the", "fields", "you", "want", "to", "change", "the", "highlighting", "and", "add", "the", "following", "scripts", "to", "each", "text", "field", ":"], "golden-entity-mentions": [{"text": ["Adobe", "LiveCycle", "Designer"], "entity-type": "Application", "index": [1, 2, 3]}, {"text": ["text", "field"], "entity-type": "User_Interface_Element", "index": [21, 22]}]}, {"sentence": ["Add", "an", "enter", "event", "to", "the", "fields", "to", "highlight", "in", "red", ":"], "golden-entity-mentions": []}, {"sentence": ["Add", "an", "exit", "event", "to", "the", "fields", "to", "highlight", "in", "black", ":"], "golden-entity-mentions": []}, {"sentence": ["In", "my", "application", "I", "am", "doing", "live", "audio", "streaming", "using", "Android", "media", "player", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "Operating_System", "index": [10]}, {"text": ["media", "player"], "entity-type": "Class", "index": [11, 12]}]}, {"sentence": ["I", "want", "to", "capture", "the", "sound", "stream", "played", "by", "MediaPlayer", "."], "golden-entity-mentions": [{"text": ["MediaPlayer"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Is", "there", "is", "way", "to", "record", "using", "Android", "MediaPlayer", "instead", "of", "MediaRecorder", "?"], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "Operating_System", "index": [7]}, {"text": ["MediaPlayer"], "entity-type": "Class", "index": [8]}, {"text": ["MediaRecorder"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["Any", "suggestions", "?"], "golden-entity-mentions": []}, {"sentence": ["While", "it", "is", "a", "non-trivial", "undertaking", ",", "you", "can", "write", "your", "own", "\"", "MediaPlayer", "\"", "that", "implements", "whatever", "streaming", "protocol", "you", "are", "using", "and", "writes", "the", "stream", "to", "a", "file", "instead", "of", "the", "speaker", "."], "golden-entity-mentions": [{"text": ["MediaPlayer"], "entity-type": "Class", "index": [13]}, {"text": ["speaker"], "entity-type": "Device", "index": [33]}]}, {"sentence": ["I", "created", "my", "database", "and", "started", "developing", "a", "web", "application", "in", "c#", "with", "EF5", "and", "the", "DB", "First", "approach", "."], "golden-entity-mentions": [{"text": ["c#"], "entity-type": "Language", "index": [11]}, {"text": ["EF5"], "entity-type": "Application", "index": [13]}, {"text": ["DB", "First", "approach"], "entity-type": "Algorithm", "index": [16, 17, 18]}]}, {"sentence": ["I", "can", "modify", "my", "entities", "on", "their", "own", "data", "fields", "but", "do", "n't", "get", "it", "to", "work", "when", "it", "comes", "to", "updating", "relationships", "."], "golden-entity-mentions": []}, {"sentence": ["A", "simple", "relationship", "example", "is", "Project", "<-", "ProjectCategoryIntersection", "->", "Category"], "golden-entity-mentions": [{"text": ["Project"], "entity-type": "Class", "index": [5]}, {"text": ["ProjectCategoryIntersection"], "entity-type": "Class", "index": [7]}, {"text": ["Category"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Model", ":"], "golden-entity-mentions": []}, {"sentence": ["Save", ":"], "golden-entity-mentions": []}, {"sentence": ["exception", ":"], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [0]}]}, {"sentence": ["I", "also", "receive", "a", "multiple", "instances", "ChangeTracker", "exception", "when", "i", "try", "to", "add", "the", "categories", "directly", "to", "the", "project", "object", ":"], "golden-entity-mentions": [{"text": ["multiple", "instances", "ChangeTracker"], "entity-type": "Error_Name", "index": [4, 5, 6]}, {"text": ["exception"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["Should", "i", "remove", "the", "generated", "table", "object", "from", "my", "model", "?"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [5]}]}, {"sentence": ["Solution"], "golden-entity-mentions": []}, {"sentence": ["I", "ended", "up", "removing", "the", "generated", "table", "object", "public", "TProject", "project", "{", "get", ";", "private", "set", ";", "}", "and", "changed", "my", "code", "to", ":"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["public", "TProject", "project", "{", "get", ";", "private", "set", ";", "}"], "entity-type": "Code_Block", "index": [8, 9, 10, 11, 12, 13, 14, 15, 16, 17]}]}, {"sentence": ["Apperantly", "this", "happens", "when", "you", "use", "reference", "to", "an", "object", "and", "also", "an", "Integer", "for", "the", "ID", "within", "the", "same", "object", "and", "change", "both", "of", "them", "."], "golden-entity-mentions": [{"text": ["Integer"], "entity-type": "Data_Type", "index": [13]}, {"text": ["ID"], "entity-type": "Variable", "index": [16]}]}, {"sentence": ["When", "this", "happens", "EF", "can", "not", "know", "which", "one", "is", "the", "correct", "reference"], "golden-entity-mentions": [{"text": ["EF"], "entity-type": "Library", "index": [3]}]}, {"sentence": ["Try", "setting", "only", "Ids", "and", "set", "null", "for", "references", "like"], "golden-entity-mentions": [{"text": ["Ids"], "entity-type": "Variable", "index": [3]}, {"text": ["null"], "entity-type": "Value", "index": [6]}]}, {"sentence": ["I", "am", "trying", "to", "convert", "yearly", "salary", "to", "weekly", "."], "golden-entity-mentions": []}, {"sentence": ["So", ",", "312,000", "yearly", "salary", "should", "come", "out", "as", "$6000", "weekly", "."], "golden-entity-mentions": [{"text": ["312,000"], "entity-type": "Value", "index": [2]}, {"text": ["$6000"], "entity-type": "Value", "index": [9]}]}, {"sentence": ["Here", "is", "my", "formula", "which", "is", "not", "giving", "the", "desired", "result", ":"], "golden-entity-mentions": []}, {"sentence": ["Also", ",", "how", "can", "I", "convert", "yearly", "to", "hourly", "!"], "golden-entity-mentions": []}, {"sentence": ["There", "are", "52", "weeks", "in", "a", "year", ",", "so", "weeklySalary", "=", "yearlySalary", "/", "52", "."], "golden-entity-mentions": [{"text": ["52"], "entity-type": "Value", "index": [2]}, {"text": ["weeklySalary", "=", "yearlySalary", "/", "52"], "entity-type": "Code_Block", "index": [9, 10, 11, 12, 13]}]}, {"sentence": ["If", "you", "want", "hourly", ",", "there", "are", "40", "working", "hours", "in", "a", "week", ",", "so", "hourlySalary", "=", "weeklySalary", "/", "40", "."], "golden-entity-mentions": [{"text": ["40"], "entity-type": "Value", "index": [7]}, {"text": ["hourlySalary", "=", "weeklySalary", "/", "40"], "entity-type": "Code_Block", "index": [15, 16, 17, 18, 19]}]}, {"sentence": ["i", "need", "to", "find", "the", "possible", "paths", "between", "source", "and", "target", "in", "a", "2*D", "grid", "under", "some", "defined", "constraints", "like"], "golden-entity-mentions": [{"text": ["grid"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["ex", ":", "we", "have", "a", "grid", "(", "5", "*", "9", ")", "and", "we", "have", "2", "source", "and", "2", "targets", ",", "i.e", "."], "golden-entity-mentions": [{"text": ["grid"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["source1", "(", "2", ",", "2)", "target1", "(", "4", ",", "9", ")"], "golden-entity-mentions": [{"text": ["source1"], "entity-type": "Variable", "index": [0]}, {"text": ["(", "2", ",", "2)"], "entity-type": "Value", "index": [1, 2, 3, 4]}, {"text": ["target1"], "entity-type": "Variable", "index": [5]}, {"text": ["(", "4", ",", "9", ")"], "entity-type": "Value", "index": [6, 7, 8, 9, 10]}]}, {"sentence": ["source2", "(", "2", ",", "7", ")", "target2", "(", "4", ",", "3)"], "golden-entity-mentions": [{"text": ["source2"], "entity-type": "Variable", "index": [0]}, {"text": ["(", "2", ",", "7", ")"], "entity-type": "Value", "index": [1, 2, 3, 4, 5]}, {"text": ["target2"], "entity-type": "Variable", "index": [6]}, {"text": ["(", "4", ",", "3)"], "entity-type": "Value", "index": [7, 8, 9, 10]}]}, {"sentence": ["Now", "i", "have", "to", "find", "possible", "shortest", "paths", "combinations", "between", "source1", "and", "target1", "which", "donot", "intersect", "the", "path", "between", "source2", "and", "target2", "with", "minimum", "time", "complexity", ".", "?"], "golden-entity-mentions": [{"text": ["source1"], "entity-type": "Variable", "index": [10]}, {"text": ["target1"], "entity-type": "Variable", "index": [12]}, {"text": ["source2"], "entity-type": "Variable", "index": [19]}, {"text": ["target2"], "entity-type": "Variable", "index": [21]}]}, {"sentence": ["Can", "i", "apply", "Genetic", "Algorithm", "for", "this", "problem", "or", "keep", "comparing", "each", "path", "of", "source1-target1", "with", "all", "paths", "of", "other", "source2-target2", ".", "?"], "golden-entity-mentions": [{"text": ["Genetic", "Algorithm"], "entity-type": "Algorithm", "index": [3, 4]}, {"text": ["source1-target1"], "entity-type": "Variable", "index": [14]}, {"text": ["source2-target2"], "entity-type": "Variable", "index": [20]}]}, {"sentence": ["comparing", "all", "paths", "will", "lead", "to", "more", "time", "complexity", "."], "golden-entity-mentions": []}, {"sentence": ["so", "suggest", "me", "any", "better", "solution", "for", "this", "problem", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "in", "fact", "no", "experience", "with", "genetic", "algorithms", "."], "golden-entity-mentions": [{"text": ["genetic", "algorithms"], "entity-type": "Algorithm", "index": [7, 8]}]}, {"sentence": ["But", "you", "might", "be", "able", "to", "modify", "an", "A*", "search", "algorithm", "and", "let", "one", "path", "block", "off", "the", "other", "path"], "golden-entity-mentions": [{"text": ["A*", "search"], "entity-type": "Algorithm", "index": [8, 9]}]}, {"sentence": ["I", "'", "m", "trying", "to", "switch", "windows", "input", "language", "by", "ALT+SHIFT", "from", "Russian", "to", "English", "but", "it", "does", "n't", "in", "java", "applications", "."], "golden-entity-mentions": [{"text": ["windows"], "entity-type": "Operating_System", "index": [6]}, {"text": ["ALT+SHIFT"], "entity-type": "Keyboard_IP", "index": [10]}, {"text": ["java"], "entity-type": "Language", "index": [20]}]}, {"sentence": ["In", "windows", "it", "works", "fine", "but", "when", "I", "switch", "by", "ALT+TAB", "to", "one", "of", "java", "applications", "it", "does", "n't", "work", "."], "golden-entity-mentions": [{"text": ["windows"], "entity-type": "Operating_System", "index": [1]}, {"text": ["ALT+TAB"], "entity-type": "Keyboard_IP", "index": [10]}, {"text": ["java"], "entity-type": "Language", "index": [14]}]}, {"sentence": ["To", "fix", "it", "I", "have", "to", "restart", "application", ",", "for", "example", "Itellij", "IDEA", "."], "golden-entity-mentions": [{"text": ["Itellij", "IDEA"], "entity-type": "Application", "index": [11, 12]}]}, {"sentence": ["But", "after", "some", "time", "it", "appears", "again", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "Anybody", "describe", "how", "to", "fix", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["Have", "a", "look", "at", "your", "java", "app", "keyboard", "preferences", "if", "it", "has", "its", "own", "shortcut-function", "bound", "to", "the", "ALT+", "SHIFT", "."], "golden-entity-mentions": [{"text": ["java"], "entity-type": "Language", "index": [5]}, {"text": ["ALT+", "SHIFT"], "entity-type": "Keyboard_IP", "index": [18, 19]}]}, {"sentence": ["It", "may", "be", "so", "for", "IntelliJ", "IDEA", "."], "golden-entity-mentions": [{"text": ["IntelliJ", "IDEA"], "entity-type": "Application", "index": [5, 6]}]}, {"sentence": ["AFAIK", ",", "the", "default", "language", "is", "decided", "at", "start-up", ",", "as", "you", "experienced", "."], "golden-entity-mentions": [{"text": ["AFAIK"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["This", "allows", "to", "override", "the", "default", "language", "using", "some", "command", "line", "arguments", "."], "golden-entity-mentions": [{"text": ["command", "line"], "entity-type": "Application", "index": [9, 10]}]}, {"sentence": ["I", "'m", "afraid", ",", "this", "is", "how", "it", "is", "."], "golden-entity-mentions": []}, {"sentence": ["You", "will", "have", "to", "restart", "the", "application", "to", "get", "the", "changed", "default", "language", "from", "the", "OS", "."], "golden-entity-mentions": []}, {"sentence": ["Please", "Help", "!"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "user", "page", "setup", "and", "properly", "linked", "to", "my", "database", "."], "golden-entity-mentions": [{"text": ["page"], "entity-type": "User_Interface_Element", "index": [4]}]}, {"sentence": ["What", "i", "want", "to", "do", "is", "to", "add", "a", "countdown", "timer", "of", "3", "hours", "for", "users", "who", "have", "not", "activated", "their", "account", "."], "golden-entity-mentions": []}, {"sentence": ["I", "want", "that", "timer", "to", "be", "unique", "to", "individual", "users", "which", "will", "start", "counting", "once", "they", "register", "their", "account", "and", "when", "they", "login", "the", "countdown", "will", "be", "displayed", "on", "the", "page", "."], "golden-entity-mentions": [{"text": ["page"], "entity-type": "User_Interface_Element", "index": [30]}]}, {"sentence": ["Please", ",", "can", "anyone", "help", "me", "with", "a", "simple", "code", "to", "implement", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Thanks", "a", "lot", "."], "golden-entity-mentions": []}, {"sentence": ["PS", ":", "I", "am", "a", "dummy", "in", "code", "writing", ",", "so", "I", "use", "Dreamweaver", "to", "help", "me", "with", "code", "generation", "."], "golden-entity-mentions": [{"text": ["Dreamweaver"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["Here", "'s", "my", "page", "code", ":"], "golden-entity-mentions": [{"text": ["page"], "entity-type": "User_Interface_Element", "index": [3]}]}, {"sentence": ["You", "can", "store", "timestamp", "in", "a", "field", "of", "user", "table", "when", "registering", "new", "user", "."], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [9]}]}, {"sentence": ["also", "you", "can", "use", "mysql", "insert", "trigger", "to", "do", "that", "automatically", "for", "you", "."], "golden-entity-mentions": [{"text": ["mysql"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["when", "user", "logged", "in", ",", "you", "can", "subtract", "registered", "timestamp", "from", "current", "timestam", "and", "show", "in", "user", "dashboard", "."], "golden-entity-mentions": [{"text": ["dashboard"], "entity-type": "User_Interface_Element", "index": [17]}]}, {"sentence": ["also", "you", "can", "use", "JavaScript", "to", "continues", "showing", "counting", "down", "timer", "in", "in", "user", "dashboard", "with", "interval", "or", "setTimeout", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [4]}, {"text": ["dashboard"], "entity-type": "User_Interface_Element", "index": [14]}, {"text": ["interval"], "entity-type": "Function", "index": [16]}, {"text": ["setTimeout"], "entity-type": "Function", "index": [18]}]}, {"sentence": ["Edited", ":"], "golden-entity-mentions": []}, {"sentence": ["to", "set", "timestamp", "in", "you", "table", "you", "can", "simply", "Default", "value", "to", "your", "field", ",", "something", "like", "this", ":"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [5]}]}, {"sentence": ["when", "your", "try", "to", "login", "or", "when", "your", "Job", "fired", ",", "you", "can", "check", "time", "and", "delete", "user", "if", "time", "is", "more", "than", "3", "hours", "an", "user", "do", "n't", "finish", "registration", "steps", "."], "golden-entity-mentions": []}, {"sentence": ["something", "like", "below", "php", "code", ":"], "golden-entity-mentions": [{"text": ["php"], "entity-type": "Language", "index": [3]}]}, {"sentence": ["What", "I", "want", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "ListView", "."], "golden-entity-mentions": [{"text": ["ListView"], "entity-type": "Class", "index": [2]}]}, {"sentence": ["Load", "data", "to", "ListView", "in", "fly", "(", "when", "user", "scrolling", "listView", ")", "."], "golden-entity-mentions": [{"text": ["ListView"], "entity-type": "Class", "index": [3]}, {"text": ["listView"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Data", "is", "from", "SQLite", "table", "."], "golden-entity-mentions": [{"text": ["SQLite"], "entity-type": "Library", "index": [3]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [4]}]}, {"sentence": ["But", "when", "SQLite", "table", "end", "-", "get", "new", "data", "from", "GitHub", "API", "in", "JSON", "format", "."], "golden-entity-mentions": [{"text": ["SQLite"], "entity-type": "Library", "index": [2]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [3]}, {"text": ["GitHub", "API"], "entity-type": "Website", "index": [10, 11]}, {"text": ["JSON"], "entity-type": "File_Type", "index": [13]}]}, {"sentence": ["Then", "save", "this", "data", "to", "SQLite", "table", "and", "then", "show", "new", "items", "in", "lisview", "."], "golden-entity-mentions": [{"text": ["SQLite"], "entity-type": "Library", "index": [5]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["lisview"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["How", "can", "I", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Thanks", "in", "advance", "!"], "golden-entity-mentions": []}, {"sentence": ["Your", "custom", "ListView", "class", "."], "golden-entity-mentions": [{"text": ["ListView"], "entity-type": "Class", "index": [2]}]}, {"sentence": ["In", "your", "activity", ",", "implement", "ListView.ListViewListener"], "golden-entity-mentions": [{"text": ["activity"], "entity-type": "Class", "index": [2]}, {"text": ["ListView.ListViewListener"], "entity-type": "Class", "index": [5]}]}, {"sentence": ["I", "'m", "working", "on", "an", "automatic", "summarization", "system", "in", "my", "C++", "class", "and", "have", "a", "question", "regarding", "one", "of", "the", "ASCII", "comparisons", "I", "'m", "doing", "."], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "Language", "index": [10]}]}, {"sentence": ["Here", "'s", "the", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["What", "is", "being", "done", "here", "(", "with", "the", "two", "if", "statements", ")", "is", "checking", "whether", "a", "new", "sentence", "has", "begun", "in", "the", "text", "that", "is", "to", "be", "analyzed", "and", "dealt", "with", "later", "."], "golden-entity-mentions": [{"text": ["sentence"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["The", "conditionals", "work", "but", "only", "because", "we", "discovered", "that", "we", "have", "to", "check", "for", "that", "-1", "as", "well", "."], "golden-entity-mentions": [{"text": ["-1"], "entity-type": "Value", "index": [15]}]}, {"sentence": ["Any", "ideas", "what", "that", "represents", "?"], "golden-entity-mentions": []}, {"sentence": ["As", "an", "ASCII", "character", "-1", "does", "n't", "represent", "anything", "(", "which", "is", "to", "say", "-1", "is", "not", "a", "valid", "ASCII", "value", ")", "."], "golden-entity-mentions": [{"text": ["character"], "entity-type": "Data_Type", "index": [3]}, {"text": ["-1"], "entity-type": "Value", "index": [4]}, {"text": ["-1"], "entity-type": "Value", "index": [14]}]}, {"sentence": ["As", "the", "return", "value", "from", "get()", "it", "means", "that", "the", "read", "operation", "failed", "-", "most", "likely", "due", "to", "the", "end", "of", "file", "being", "reached", "."], "golden-entity-mentions": [{"text": ["get()"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["Note", "that", "the", "eof()", "function", "does", "n't", "return", "true", "if", "the", "next", "call", "to", "get", "will", "fail", "because", "of", "the", "end", "of", "file", "being", "reached", "-", "it", "returns", "true", "if", "the", "previous", "call", "to", "get", "failed", "because", "of", "the", "end", "of", "file", "being", "reached", "."], "golden-entity-mentions": [{"text": ["eof()"], "entity-type": "Function", "index": [3]}, {"text": ["true"], "entity-type": "Value", "index": [8]}, {"text": ["get"], "entity-type": "Function", "index": [14]}, {"text": ["true"], "entity-type": "Value", "index": [28]}, {"text": ["get"], "entity-type": "Function", "index": [34]}]}, {"sentence": ["The", "fact", "that", "checking", "for", "-1", "works", "is", "an", "accident", ",", "and", "has", "nothing", "to", "do", "with", "ASCII", "values", "(", "which", "only", "use", "0", "to", "127", ")", "."], "golden-entity-mentions": [{"text": ["-1"], "entity-type": "Value", "index": [5]}, {"text": ["0"], "entity-type": "Value", "index": [23]}, {"text": ["127"], "entity-type": "Value", "index": [25]}]}, {"sentence": ["Your", "code", "will", "fail", "if", "either", "plain", "char", "is", "unsigned", "(", "compile", "with", "/J", "with", "VC++", ",", "I", "think", ")", ",", "or", "EOF", "is", "n't", "-1", "(", "rare", ",", "but", "all", "that", "'s", "guaranteed", "is", "that", "it", "is", "negative", ")", "."], "golden-entity-mentions": [{"text": ["char"], "entity-type": "Data_Type", "index": [7]}, {"text": ["unsigned"], "entity-type": "Data_Type", "index": [9]}, {"text": ["/J"], "entity-type": "Value", "index": [13]}, {"text": ["VC++"], "entity-type": "Application", "index": [15]}, {"text": ["EOF"], "entity-type": "Value", "index": [22]}, {"text": ["-1"], "entity-type": "Value", "index": [25]}]}, {"sentence": ["You", "'re", "code", "will", "also", "fail", "if", "the", "input", "happens", "to", "be", "Latin-1", ",", "and", "it", "contains", "a", "'", "\u00ff", "'", "."], "golden-entity-mentions": [{"text": ["Latin-1"], "entity-type": "Value", "index": [12]}, {"text": ["'", "\u00ff"], "entity-type": "Value", "index": [18, 19]}, {"text": ["'"], "entity-type": "Value", "index": [20]}]}, {"sentence": ["The", "basic", "problem", "in", "your", "code", "is", "that", "you", "'re", "not", "checking", "for", "end", "of", "file", "correctly", "."], "golden-entity-mentions": []}, {"sentence": ["Putting", "the", "test", "at", "the", "top", "of", "the", "loop", "does", "n't", "work", ";", "you", "need", "to", "test", "for", "failure", "(", "not", "eof())", "after", "input", ",", "before", "using", "the", "value", "read", "."], "golden-entity-mentions": [{"text": ["eof())"], "entity-type": "Function", "index": [21]}]}, {"sentence": ["There", "are", "several", "ways", "of", "doing", "this", ";", "in", "your", "case", ",", "the", "simplest", "is", "probably", "to", "use", ":"], "golden-entity-mentions": []}, {"sentence": ["Alternatively", ",", "you", "can", "make", "ch", "an", "int", ",", "and", "do", ":"], "golden-entity-mentions": [{"text": ["ch"], "entity-type": "Variable", "index": [5]}, {"text": ["int"], "entity-type": "Data_Type", "index": [7]}]}, {"sentence": ["This", "has", "the", "advantage", "that", "the", "following", "call", "to", "tolower", "is", "no", "longer", "undefined", "behavior", "(", "tolower", "takes", "an", "int", ",", "which", "must", "be", "in", "the", "range", "0", "...", "UCHAR_MAX", "or", "EOF", "\u2014", "if", "plain", "char", "is", "signed", ",", "you", "are", "n't", "guaranteeing", "this", ")", "."], "golden-entity-mentions": [{"text": ["tolower"], "entity-type": "Function", "index": [9]}, {"text": ["tolower"], "entity-type": "Function", "index": [16]}, {"text": ["int"], "entity-type": "Data_Type", "index": [19]}, {"text": ["0", "...", "UCHAR_MAX", "or"], "entity-type": "Code_Block", "index": [27, 28, 29, 30]}, {"text": ["EOF", "\u2014", "if"], "entity-type": "Value", "index": [31, 32, 33]}, {"text": ["char", "is"], "entity-type": "Data_Type", "index": [35, 36]}]}, {"sentence": ["On", "the", "other", "hand", ",", "it", "does", "n't", "allow", "chaining", ",", "i.e", ".", "you", "ca", "n't", "write", "the", "equivalent", "of", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "which", "could", "be", "useful", "in", "some", "cases", ")", "."], "golden-entity-mentions": []}, {"sentence": ["FWIW", ":", "the", "technique", "you", "'re", "using", "is", "something", "called", "a", "sliding", "window", "into", "a", "stream", ",", "and", "it", "'s", "worth", "pushing", "it", "off", "into", "a", "separate", "class", "to", "handle", "the", "logic", "of", "keeping", "the", "window", "filled", "and", "up", "to", "date", "."], "golden-entity-mentions": []}, {"sentence": ["Alternatively", ",", "a", "simple", "state", "machine", "could", "be", "used", "for", "your", "problem", "."], "golden-entity-mentions": []}, {"sentence": ["And", "I", "'d", "definitely", "avoid", "using", "magic", "constants", ":", "if", "you", "want", "to", "check", "for", "a", "carriage", "return", ",", "compare", "with", "'", "\\r", "'", "."], "golden-entity-mentions": [{"text": ["'", "\\r"], "entity-type": "Value", "index": [21, 22]}, {"text": ["'"], "entity-type": "Value", "index": [23]}]}, {"sentence": ["Similarly", ",", "newline", "is", "'", "\\n", "'", ",", "and", "in", "the", "outer", "if", ",", "it", "looks", "like", "you", "want", "to", "check", "for", "whitespace", "(", "isspace", "(", "static_cast", "", "(", "sentenceCheck.second", ")", ")", ")", ",", "rather", "than", "comparing", "for", "the", "values", "."], "golden-entity-mentions": [{"text": ["'", "\\n"], "entity-type": "Value", "index": [4, 5]}, {"text": ["'"], "entity-type": "Value", "index": [6]}, {"text": ["if"], "entity-type": "Code_Block", "index": [12]}, {"text": ["isspace", "("], "entity-type": "Code_Block", "index": [24, 25]}, {"text": ["static_cast", "", "(", "sentenceCheck.second", ")"], "entity-type": "Code_Block", "index": [26, 27, 28, 29, 30, 31]}, {"text": [")"], "entity-type": "Code_Block", "index": [32]}]}, {"sentence": ["I", "might", "also", "add", "that", "your", "code", "fails", "to", "correctly", "handle", "sentences", "that", "end", "with", "a", "quote", ",", "like", "This", "is", "the", "\"", "text", "in", "your", "input", ".", "\"", ";", "it", "also", "fails", "for", "abbreviations", "like", "Mr", ".", "Jones", "is", "here.", "."], "golden-entity-mentions": [{"text": ["This", "is", "the", "\"", "text", "in", "your", "input", ".", "\""], "entity-type": "Value", "index": [19, 20, 21, 22, 23, 24, 25, 26, 27, 28]}, {"text": ["Mr", ".", "Jones", "is", "here."], "entity-type": "Value", "index": [36, 37, 38, 39, 40]}]}, {"sentence": ["But", "those", "problems", "may", "be", "beyond", "the", "scope", "of", "your", "assignment", "."], "golden-entity-mentions": []}, {"sentence": ["(", "The", "abbreviations", "one", "is", "probably", "not", "fully", "solvable", ":", "sometimes", "\"", "etc", ".", "\"", "is", "the", "end", "of", "a", "sentence", ",", "and", "sometimes", "it", "'s", "not", ".", ")"], "golden-entity-mentions": [{"text": ["\"", "etc", ".", "\""], "entity-type": "Value", "index": [11, 12, 13, 14]}]}, {"sentence": ["In", "the", "Oracle", "PL/SQL", ",", "how", "to", "debug", "a", "complex", "stored", "proc", "?"], "golden-entity-mentions": [{"text": ["Oracle", "PL/SQL"], "entity-type": "Language", "index": [2, 3]}]}, {"sentence": ["for", "example", ",", "the", "codes", "below", ",", "it", "is", "using", "loop", "+", "correlated", "subquery", "."], "golden-entity-mentions": []}, {"sentence": ["how", "to", "fully", "understand", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "learned", "that", "the", "best", "way", "to", "debug", "is", "divide-and-conquer", ",", "then", "how", "to", "cut", "this", "coding", "into", "small", "pieces", "?"], "golden-entity-mentions": [{"text": ["divide-and-conquer"], "entity-type": "Algorithm", "index": [10]}]}, {"sentence": ["Thanks"], "golden-entity-mentions": []}, {"sentence": ["Try", "commenting", "out", "part", "of", "the", "code", ",", "then", "store", "the", "so-far", "result", "in", "a", "variable", "."], "golden-entity-mentions": []}, {"sentence": ["Then", "you", "can", "just", "select", "it", "like", ":", "SELECT", "@varname", "At", "least", "that", "'s", "how", "MYSQL", "5.x", "handles", "it", "."], "golden-entity-mentions": [{"text": ["SELECT", "@varname"], "entity-type": "Code_Block", "index": [8, 9]}, {"text": ["MYSQL"], "entity-type": "Application", "index": [15]}, {"text": ["5.x"], "entity-type": "Version", "index": [16]}]}, {"sentence": ["You", "do", "n't", "say", "what", "tools", "you", "'re", "using", ",", "but", "if", "you", "get", "Oracle", "SQL", "Developer", ",", "it", "includes", "a", "debugger", "that", "allows", "you", "to", "step", "through", "the", "code", "line", "by", "line", ",", "set", "breakpoints", ",", "and", "so", "forth", "-", "all", "the", "typical", "features", "of", "a", "debugging", "GUI", "."], "golden-entity-mentions": [{"text": ["Oracle", "SQL", "Developer"], "entity-type": "Application", "index": [14, 15, 16]}, {"text": ["debugger"], "entity-type": "Application", "index": [21]}]}, {"sentence": ["And", ",", "it", "'s", "free", "."], "golden-entity-mentions": []}, {"sentence": ["Get", "it", "here", "."], "golden-entity-mentions": []}, {"sentence": ["I", "do", "n't", "know", "how", ",", "but", "after", "moving", "two", "of", "my", "UIViews", ",", "they", "are", "moving", "back", "to", "their", "starting", "x/y", "position", "every", "so", "often", "."], "golden-entity-mentions": [{"text": ["UIViews"], "entity-type": "Class", "index": [12]}, {"text": ["x/y"], "entity-type": "Variable", "index": [21]}]}, {"sentence": ["I", "'ve", "checked", "the", "code", "and", "I", "'m", "not", "moving", "them", "back", "to", "their", "starting", "positions", "directly", ",", "but", "they", "are", "going", "back", "there", "somehow", "."], "golden-entity-mentions": []}, {"sentence": ["What", "technique", "would", "you", "suggest", "to", "find", "which", "bit", "of", "code", "is", "moving", "them", "?"], "golden-entity-mentions": []}, {"sentence": ["(", "I", "am", "'", "hiding", "'", "them", "at", "one", "point", "(", "alpha", "=", "0.5", ",", "userInteractionEnabled", "=", "NO", ")", "and", "then", "re-showing", "them", "."], "golden-entity-mentions": [{"text": ["alpha", "=", "0.5"], "entity-type": "Code_Block", "index": [11, 12, 13]}, {"text": ["userInteractionEnabled", "=", "NO"], "entity-type": "Code_Block", "index": [15, 16, 17]}]}, {"sentence": ["That", "could", "n't", "be", "it", "could", "it", "?", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "wrote", "a", "simple", "EventMachine", "server", "like", "this", "one", ":"], "golden-entity-mentions": [{"text": ["EventMachine"], "entity-type": "Library", "index": [4]}, {"text": ["server"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["Now", ",", "I", "would", "like", "to", "trigger", "it", "from", "another", "file", "in", "another", "directory", "."], "golden-entity-mentions": []}, {"sentence": ["If", "EventMachine", "would", "be", "a", "simple", "Ruby", "class", "I", "would", "add", "a", "run", "(", "or", "something", ")", "class", "method", "and", "do", "something", "like", ":"], "golden-entity-mentions": [{"text": ["EventMachine"], "entity-type": "Library", "index": [1]}, {"text": ["Ruby"], "entity-type": "Language", "index": [6]}, {"text": ["run"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["Any", "idea", "how", "to", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Thanks", "!"], "golden-entity-mentions": []}, {"sentence": ["You", "already", "had", "the", "solution", ":"], "golden-entity-mentions": []}, {"sentence": ["my_app.rb", ":"], "golden-entity-mentions": [{"text": ["my_app.rb"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["run.rb", ":"], "golden-entity-mentions": [{"text": ["run.rb"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["I", "'m", "using", "the", "Java", "client", "with", "RabbitMQ", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [4]}, {"text": ["RabbitMQ"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["I", "'ve", "seen", "references", "to", "finding", "queue", "size", "with", "a", "Spring", "plugin", ",", "but", "I", "'m", "not", "using", "Spring", "."], "golden-entity-mentions": [{"text": ["queue"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["Spring"], "entity-type": "Application", "index": [10]}, {"text": ["Spring"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["Is", "there", "a", "non-Spring", "way", "to", "get", "the", "size", "of", "a", "queue", "given", "its", "name", "?"], "golden-entity-mentions": [{"text": ["non-Spring"], "entity-type": "Application", "index": [3]}, {"text": ["queue"], "entity-type": "Data_Structure", "index": [11]}]}, {"sentence": ["Right", "now", "I", "'m", "just", "exec'ing", "shell", "commands", "'", "rabbitmqctl", "list_queues", "'", "and", "parsing", "the", "results--not", "great", "."], "golden-entity-mentions": [{"text": ["shell"], "entity-type": "Application", "index": [6]}, {"text": ["rabbitmqctl", "list_queues"], "entity-type": "Code_Block", "index": [9, 10]}]}, {"sentence": ["you", "can", "enable", "the", "http", "management", "plugin", ","], "golden-entity-mentions": [{"text": ["http", "management"], "entity-type": "Application", "index": [4, 5]}]}, {"sentence": ["rabbitmq-plugins", "enable", "rabbitmq_management"], "golden-entity-mentions": [{"text": ["rabbitmq-plugins", "enable", "rabbitmq_management"], "entity-type": "Code_Block", "index": [0, 1, 2]}]}, {"sentence": ["then", "use", "the", "http", "API", "."], "golden-entity-mentions": [{"text": ["http", "API"], "entity-type": "Library", "index": [3, 4]}]}, {"sentence": ["If", "you", "execute", "an", "http", "call", "like", ":"], "golden-entity-mentions": []}, {"sentence": ["you", "have", "all", "information", "about", "the", "queue", ",", "the", "output", "is", "a", "json", "like", ":"], "golden-entity-mentions": [{"text": ["queue"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["json"], "entity-type": "File_Type", "index": [12]}]}, {"sentence": ["What", "I", "want", "to", "do", "is", "to", "write", "a", "piece", "of", "code", "(", "part", "of", "bigger", "web-application", "deployed", "on", "glassfish", ")", "that", "connects", "to", "other", "system", "via", "webservice", "."], "golden-entity-mentions": [{"text": ["glassfish"], "entity-type": "Application", "index": [19]}]}, {"sentence": ["However", "I", "'m", "writing", "client", "only", ",", "so", "I", "assume", "that", "I", "cannot", "change", "WSDL", "or", "modify", "anything", "on", "server", "side", "(", "including", "auth", ",", "that", "is", "probably", "a", "problem", "here", ")", "."], "golden-entity-mentions": [{"text": ["WSDL"], "entity-type": "Language", "index": [14]}, {"text": ["server"], "entity-type": "Application", "index": [19]}]}, {"sentence": ["I", "'m", "new", "to", "webservices", ",", "so", "pretty", "please", "-", "write", "your", "answers", "as", "simple", "as", "they", "can", "be", "."], "golden-entity-mentions": []}, {"sentence": ["I", "was", "able", "to", "generate", "classes", "from", "WSDL", ",", "write", "simple", "command", "line", "application", "that", "connects", "to", "webservice", ",", "adds", "security", "header", "(", "add", "plaintext", "username/password", ",", "more", "below", ")", ",", "calls", "some", "method", "and", "prints", "result", "."], "golden-entity-mentions": [{"text": ["WSDL"], "entity-type": "Language", "index": [7]}]}, {"sentence": ["Everything", "works", "OK", "on", "command", "line", ",", "but", "if", "I", "'ll", "attach", "this", "code", "to", "'", "bigger", "webapp", "'", "(", "deploy", "on", "glassfish", ")", "I", "'m", "getting", "the", "following", "error", ":"], "golden-entity-mentions": [{"text": ["command", "line"], "entity-type": "Application", "index": [4, 5]}, {"text": ["glassfish"], "entity-type": "Application", "index": [22]}]}, {"sentence": ["SP0105", ":", "Either", "SymmetricBinding/AsymmetricBinding/TransportBinding", "assertion", "must", "be", "present", "in", "the", "wsdl", "."], "golden-entity-mentions": [{"text": ["SP0105"], "entity-type": "Error_Name", "index": [0]}, {"text": ["wsdl"], "entity-type": "Language", "index": [10]}]}, {"sentence": ["I", "'m", "not", "getting", "it", "from", "there", "-", "if", "it", "works", "from", "command", "line", "(", "outside", "of", "glassfish", ")", ",", "why", "does", "it", "need", "something", "more", "while", "deployed", "on", "glassfish", "?"], "golden-entity-mentions": [{"text": ["command", "line"], "entity-type": "Application", "index": [12, 13]}, {"text": ["glassfish"], "entity-type": "Application", "index": [17]}, {"text": ["glassfish"], "entity-type": "Application", "index": [29]}]}, {"sentence": ["I", "was", "using", "hints", "from", "this", "page", ":"], "golden-entity-mentions": []}, {"sentence": ["http://www.javadb.com/using-a-message-handler-to-alter-the-soap-header-in-a-web-service-client"], "golden-entity-mentions": []}, {"sentence": ["To", "give", "more", "info", "on", "this", ",", "some", "pieces", "of", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Code", "fragment", "for", "resolving", "endpoint", "and", "calling", "service", "(", "in", "file", "EndpointResolver.java", ")", ":"], "golden-entity-mentions": [{"text": ["EndpointResolver.java"], "entity-type": "File_Name", "index": [11]}]}, {"sentence": ["HeaderHandlerResolver", "(", "implementing", "javax.xml.ws.handler.HandlerResolver", ")", "most", "important", "methid", ":"], "golden-entity-mentions": [{"text": ["HeaderHandlerResolver"], "entity-type": "Class", "index": [0]}, {"text": ["javax.xml.ws.handler.HandlerResolver"], "entity-type": "Class", "index": [3]}]}, {"sentence": ["HeaderHandler", "handle", "method", "(", "auth", "is", "here", ":)", ")"], "golden-entity-mentions": [{"text": ["HeaderHandler"], "entity-type": "Class", "index": [0]}, {"text": ["auth"], "entity-type": "Variable", "index": [4]}]}, {"sentence": ["Thank", "you", "very", "much", "for", "any", "help", "with", "this", "."], "golden-entity-mentions": []}, {"sentence": ["edit", ":"], "golden-entity-mentions": []}, {"sentence": ["Below", "is", "'", "policy", "'", "part", "from", "wsdl", "file", "(", "as", "stated", "before", ",", "I", "cannot", "change", "that", ")", ":"], "golden-entity-mentions": [{"text": ["wsdl"], "entity-type": "File_Type", "index": [7]}]}, {"sentence": ["I", "'ll", "answer", "to", "my", "own", "question", ":"], "golden-entity-mentions": []}, {"sentence": ["There", "were", "two", "things", "required", "to", "fix", "problem", "above", "."], "golden-entity-mentions": []}, {"sentence": ["First", "thing", "that", "was", "required", "was", "to", "update", "metro", "library", "on", "glassfish", "(", "I", "'ve", "updated", "it", "to", "version", "2.1.1", ",", "so", "updated", "libraries", "lib/webservices", "-rt.jar", ",", "lib/webservices", "-tools.jar", ",", "lib/endorsed/webservices", "-api.jar", ")", "."], "golden-entity-mentions": [{"text": ["metro"], "entity-type": "Library", "index": [8]}, {"text": ["glassfish"], "entity-type": "Application", "index": [11]}, {"text": ["2.1.1"], "entity-type": "Version", "index": [19]}, {"text": ["lib/webservices", "-rt.jar"], "entity-type": "File_Name", "index": [24, 25]}, {"text": ["lib/webservices", "-tools.jar"], "entity-type": "File_Name", "index": [27, 28]}, {"text": ["lib/endorsed/webservices", "-api.jar"], "entity-type": "File_Name", "index": [30, 31]}]}, {"sentence": ["That", "solved", "SP0105", "error", ",", "but", "generated", "new", "one", "(", "ClassCastException", "somewhere", "at", "headers", ")", "."], "golden-entity-mentions": [{"text": ["SP0105"], "entity-type": "Error_Name", "index": [2]}, {"text": ["ClassCastException"], "entity-type": "Error_Name", "index": [10]}]}, {"sentence": ["To", "fix", "the", "second", "one", ",", "I", "'ve", "deleted", "HeaderHandler/HeaderHandlerResolver", "classes", "and", "instead", "of", ":"], "golden-entity-mentions": [{"text": ["HeaderHandler/HeaderHandlerResolver"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["called", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", "i", "have", "a", "problem", "with", "redirecting", "the", "URL", "with", "JSP", "Form", "submit", "the", "page", "(", "use", "post", "method", ")", "is", "Changing", "But", "the", "URL", "is", "not", "Changing", "...", "."], "golden-entity-mentions": [{"text": ["JSP"], "entity-type": "Application", "index": [10]}, {"text": ["post"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["the", "page", "sequence", ":"], "golden-entity-mentions": []}, {"sentence": ["index.jsp", "file", "have", "include", "jqm", "js", "and", "css"], "golden-entity-mentions": [{"text": ["index.jsp"], "entity-type": "File_Name", "index": [0]}, {"text": ["jqm"], "entity-type": "Library", "index": [4]}, {"text": ["js"], "entity-type": "Language", "index": [5]}, {"text": ["css"], "entity-type": "Language", "index": [7]}]}, {"sentence": ["here", "is", "my", "mobileinit", "settings", ":"], "golden-entity-mentions": [{"text": ["mobileinit"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["redirect.jsp", "file"], "golden-entity-mentions": [{"text": ["redirect.jsp"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["It", "'s", "strange", "that", "is", "work", "when", "index.jsp", "without", "include", "jqm", "js", "and", "css", "."], "golden-entity-mentions": [{"text": ["index.jsp"], "entity-type": "File_Name", "index": [7]}, {"text": ["jqm"], "entity-type": "Library", "index": [10]}, {"text": ["js"], "entity-type": "Language", "index": [11]}, {"text": ["css"], "entity-type": "Language", "index": [13]}]}, {"sentence": ["I", "have", "a", "ReorderList", "inside", "a", "vertically", "\"", "scrollable", "\"", "DIV", "tag", "which", "does", "not", "work", "when", "the", "scrollbar", "for", "DIV", "tag", "is", "already", "scrolled", "and", "we", "try", "to", "re-order", "visible", "items", "."], "golden-entity-mentions": [{"text": ["ReorderList"], "entity-type": "Class", "index": [3]}, {"text": ["DIV"], "entity-type": "HTML_XML_Tag", "index": [10]}, {"text": ["scrollbar"], "entity-type": "User_Interface_Element", "index": [18]}, {"text": ["DIV"], "entity-type": "HTML_XML_Tag", "index": [20]}]}, {"sentence": ["For", "details", ",", "please", "refer", "http://forums.asp.net/p/1068063/1550532.aspx", "."], "golden-entity-mentions": []}, {"sentence": ["I", "changed", "the", "script", "and", "now", "want", "to", "build", "framework", "3.5", "assembly", "."], "golden-entity-mentions": [{"text": ["3.5"], "entity-type": "Version", "index": [10]}, {"text": ["assembly"], "entity-type": "Language", "index": [11]}]}, {"sentence": ["I", "was", "able", "to", "download", "AjaxControlToolkit", "source", "code", "from", "codeplex", "and", "re-build", "the", "toolkit", ",", "under", "framework", "4.0"], "golden-entity-mentions": [{"text": ["AjaxControlToolkit"], "entity-type": "Application", "index": [5]}, {"text": ["codeplex"], "entity-type": "Website", "index": [9]}, {"text": ["4.0"], "entity-type": "Version", "index": [17]}]}, {"sentence": ["How", "should", "I", "proceed", "to", "build", "it", "so", "that", "it", "is", "compatible", "with", "3.5", "web", "site", "project", "."], "golden-entity-mentions": [{"text": ["3.5"], "entity-type": "Version", "index": [13]}]}, {"sentence": ["Please", "note", "that", "this", "all", "should", "be", "possible", "from", "Visual", "Studio", "2010", "and", "NOT", "2008", "."], "golden-entity-mentions": [{"text": ["Visual", "Studio"], "entity-type": "Application", "index": [9, 10]}, {"text": ["2010"], "entity-type": "Version", "index": [11]}, {"text": ["2008"], "entity-type": "Version", "index": [14]}]}, {"sentence": ["No", "responses", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "had", "to", "open", "ajax", "control", "toolkit", "2008", "solution", "and", "create", "a", "new", "assembly", "from", "there", "."], "golden-entity-mentions": [{"text": ["ajax", "control", "toolkit"], "entity-type": "Application", "index": [4, 5, 6]}, {"text": ["2008"], "entity-type": "Version", "index": [7]}, {"text": ["assembly"], "entity-type": "Language", "index": [13]}]}, {"sentence": ["But", "there", "should", "be", "some", "way", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "would", "like", "to", "trigger", "schedulenotification", "when", "app", "is", "closed", "."], "golden-entity-mentions": [{"text": ["schedulenotification"], "entity-type": "Class", "index": [5]}]}, {"sentence": ["This", "is", "working", "very", "well", "foreground", "and", "background", "."], "golden-entity-mentions": [{"text": ["foreground"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["background"], "entity-type": "User_Interface_Element", "index": [7]}]}, {"sentence": ["But", "i", "want", "to", "show", "when", "app", "is", "killed", "."], "golden-entity-mentions": []}, {"sentence": ["Im", "writing", "a", "program", "in", "java", "that", "takes", "an", "excel", "sheet", "from", "a", "local", "file", "and", "uploads", "the", "values", "given", "into", "the", "program", "for", "some", "calculations", "."], "golden-entity-mentions": [{"text": ["java"], "entity-type": "Language", "index": [5]}, {"text": ["excel"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["When", "I", "compile", "inside", "eclipse", "everything", "works", "exactly", "as", "it", "is", "supposed", "to", ",", "but", "when", "I", "create", "a", "runnable", "jar", "file", ",", "I", "get", "a", "popup", "error", "\"", "A", "Java", "Exception", "has", "Occurred", "\"", "."], "golden-entity-mentions": [{"text": ["eclipse"], "entity-type": "Application", "index": [4]}, {"text": ["jar"], "entity-type": "File_Type", "index": [20]}, {"text": ["Java", "Exception"], "entity-type": "Error_Name", "index": [30, 31]}]}, {"sentence": ["I", "went", "through", "the", "code", ",", "and", "if", "i", "remove", "the", "method", "to", "load", "the", "values", "from", "the", "spreadsheet", "the", "runnable", "jar", "works", "just", "fine", "."], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [21]}]}, {"sentence": ["But", "if", "i", "put", "the", "code", "back", "in", "to", "load", "the", "values", ",", "it", "breaks", "."], "golden-entity-mentions": []}, {"sentence": ["What", "is", "happening", "in", "this", "block", "of", "code", "that", "causes", "the", "whole", "program", "to", "break", "?"], "golden-entity-mentions": []}, {"sentence": ["And", "the", "main", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["EDIT", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "the", "error", "when", "I", "run", "it", "through", "command", "line", "."], "golden-entity-mentions": [{"text": ["command", "line"], "entity-type": "Application", "index": [9, 10]}]}, {"sentence": ["To", "figure", "out", "what", "'s", "wrong", ",", "you", "need", "to", "actually", "see", "the", "exception", "."], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["Just", "double-clicking", "the", "jar", "file", "will", "launch", "it", "using", "\"", "javaw.exe", "\"", ",", "which", "has", "no", "console", "and", "therefore", "only", "reports", "that", "there", "was", "an", "exception", "-", "-", "without", "the", "stack", "trace", "."], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [3]}, {"text": ["javaw.exe"], "entity-type": "File_Name", "index": [10]}, {"text": ["console"], "entity-type": "Application", "index": [16]}, {"text": ["exception"], "entity-type": "Class", "index": [25]}]}, {"sentence": ["Instead", ",", "start", "a", "command", "prompt", "and", "\"", "cd", "\"", "to", "where", "your", "jar", "file", "is", "."], "golden-entity-mentions": [{"text": ["command", "prompt"], "entity-type": "Application", "index": [4, 5]}, {"text": ["cd"], "entity-type": "Code_Block", "index": [8]}, {"text": ["jar"], "entity-type": "File_Type", "index": [13]}]}, {"sentence": ["Then", ",", "supposing", "that", "the", "jar", "name", "is", "\"", "MyJarFile.jar", "\"", ",", "run", "this", ":"], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [5]}, {"text": ["MyJarFile.jar"], "entity-type": "File_Name", "index": [9]}]}, {"sentence": ["When", "run", "with", "\"", "java.exe", "\"", ",", "your", "printStackTrace()", "will", "actually", "have", "a", "console", "in", "which", "to", "print", "the", "stack", "trace", ",", "which", "will", "point", "you", "to", "the", "offending", "line", "of", "code", "and", "state", "the", "type", "of", "problem", "."], "golden-entity-mentions": [{"text": ["java.exe"], "entity-type": "File_Name", "index": [4]}, {"text": ["printStackTrace()"], "entity-type": "Function", "index": [8]}, {"text": ["console"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["UPDATE", "(", "following", "the", "posted", "exception", ")", ":"], "golden-entity-mentions": []}, {"sentence": ["Ah", ",", "since", "you", "require", "a", "third", "party", "dependency", ",", "you", "need", "to", "switch", "to", "something", "like", "this", ",", "running", "your", "main", "class", "explicitly", "and", "specifying", "a", "classpath", "containing", "all", "required", "classes", ":"], "golden-entity-mentions": []}, {"sentence": ["with", "...", "\"", "path", "\\to", "\"", ",", "\"", "ApachePoiJarName", "\"", ",", "\"", "MyAppJarFile", "\"", ",", "\"", "my.main.class.package", "\"", "and", "\"", "MyMainClass", "\"", "replaced", "with", "the", "appropriate", "name", "."], "golden-entity-mentions": [{"text": ["path", "\\to"], "entity-type": "Code_Block", "index": [3, 4]}, {"text": ["ApachePoiJarName"], "entity-type": "Code_Block", "index": [8]}, {"text": ["MyAppJarFile"], "entity-type": "Code_Block", "index": [12]}, {"text": ["my.main.class.package"], "entity-type": "Code_Block", "index": [16]}, {"text": ["MyMainClass"], "entity-type": "Code_Block", "index": [20]}]}, {"sentence": ["If", "the", "POI", "jar", "requires", "in", "turn", "its", "own", "dependencies", ",", "add", "the", "paths", "to", "those", "files", "to", "the", "class", "path", "as", "well", "(", "a", "list", "of", "jar", "paths", "separated", "by", "semicolons", ",", "no", "spaces", "between", "them", ")", "."], "golden-entity-mentions": [{"text": ["POI"], "entity-type": "Library", "index": [2]}, {"text": ["jar"], "entity-type": "File_Type", "index": [3]}, {"text": ["jar"], "entity-type": "File_Type", "index": [27]}]}, {"sentence": ["In", "reply", "to", "\"", "Now", "what", "do", "I", "need", "to", "do", "to", "make", "it", "runnable", "by", "double", "clicking", "the", "jar", "file", ",", "instead", "of", "running", "it", "from", "command", "line", "?", "\""], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [19]}, {"text": ["command", "line"], "entity-type": "Application", "index": [27, 28]}]}, {"sentence": ["(", "Tried", "to", "reply", "in", "a", "comment", "but", "the", "size", "limit", "was", "too", "small", ".", ")"], "golden-entity-mentions": []}, {"sentence": ["In", "Eclipse", ",", "once", "you", "have", "a", "\"", "run", "configuration", "\"", "with", "which", "the", "project", "is", "running", "correctly", ":"], "golden-entity-mentions": [{"text": ["Eclipse"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["Right", "click", "the", "project", "->", "Export", "..", ".", "->", "(", "from", "Java", ")", "->", "Runnable", "JAR", "file"], "golden-entity-mentions": [{"text": ["JAR"], "entity-type": "File_Type", "index": [15]}]}, {"sentence": ["Next"], "golden-entity-mentions": []}, {"sentence": ["Select", "from", "the", "drop-down", "list", "the", "run", "configuration", "that", "launches", "your", "project", "."], "golden-entity-mentions": [{"text": ["drop-down", "list"], "entity-type": "User_Interface_Element", "index": [3, 4]}]}, {"sentence": ["In", "Export", "destination", ",", "browse", "to", "where", "you", "want", "the", "runnable", "jar", "exported", "and", "choose", "a", "jar", "file", "name", "."], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [11]}, {"text": ["jar"], "entity-type": "File_Type", "index": [16]}]}, {"sentence": ["Under", "\"", "Library", "handling", "\"", "select", "\"", "Package", "required", "libraries", "into", "generated", "JAR", "\""], "golden-entity-mentions": [{"text": ["JAR"], "entity-type": "File_Type", "index": [12]}]}, {"sentence": ["Finish"], "golden-entity-mentions": []}, {"sentence": ["Your", "jar", "file", "should", "now", "run", "normally", "."], "golden-entity-mentions": [{"text": ["jar"], "entity-type": "File_Type", "index": [1]}]}, {"sentence": ["Note", "that", "it", "opens", "with", "\"", "javaw", "\"", "by", "default", ",", "which", "does", "not", "show", "a", "console", "."], "golden-entity-mentions": [{"text": ["javaw"], "entity-type": "Library", "index": [6]}, {"text": ["console"], "entity-type": "Application", "index": [16]}]}, {"sentence": ["If", "you", "need", "a", "console", "to", "see", "some", "output", ",", "or", "if", "it", "fails", "and", "you", "want", "to", "see", "the", "exception", ",", "open", "a", "console", "where", "the", "jar", "is", "and", "run", "\"", "java", "-jar", "MyJarName.jar", "\"", "(", "no", "more", "need", "to", "specify", "the", "main", "class", "and", "dependencies", ")", "."], "golden-entity-mentions": [{"text": ["console"], "entity-type": "Application", "index": [4]}, {"text": ["exception"], "entity-type": "Class", "index": [20]}, {"text": ["console"], "entity-type": "Application", "index": [24]}, {"text": ["jar"], "entity-type": "File_Type", "index": [27]}, {"text": ["java", "-jar", "MyJarName.jar"], "entity-type": "Code_Block", "index": [32, 33, 34]}, {"text": ["main"], "entity-type": "Class", "index": [43]}]}, {"sentence": ["I", "'m", "having", "trouble", "to", "working", "with", "a", "libgdx", "project", "on", "two", "computers", "."], "golden-entity-mentions": [{"text": ["libgdx"], "entity-type": "Library", "index": [8]}, {"text": ["computers"], "entity-type": "Device", "index": [12]}]}, {"sentence": ["What", "is", "the", "best", "way", "to", "backup", "in", "one", "computer", "and", "then", "restore", "on", "another", "?"], "golden-entity-mentions": [{"text": ["computer"], "entity-type": "Device", "index": [9]}]}, {"sentence": ["I", "use", "the", "google-play-services", "and", "BaseGameUtils", "and", "have", "to", "re-importing", "all", "time", "."], "golden-entity-mentions": [{"text": ["google-play-services"], "entity-type": "Library", "index": [3]}, {"text": ["BaseGameUtils"], "entity-type": "Library", "index": [5]}]}, {"sentence": ["For", "that", "i", "recommand", "to", "use", "Git", ",", "if", "it", "'s", "new", "to", "you", "here", "are", "the", "main", "steps", "to", "get", "start", ":"], "golden-entity-mentions": [{"text": ["Git"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["1", "-", "Create", "an", "account", "at", "Bitbucket", ":", "you", "can", "put", "your", "code", "in", "private", "mode", "and", "it", "'s", "free"], "golden-entity-mentions": [{"text": ["Bitbucket"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["2", "-", "Download", "and", "Install", "TortoiseGit", "tool", ":", "it", "really", "make", "life", "easier"], "golden-entity-mentions": [{"text": ["TortoiseGit"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["3", "-", "Create", "your", "(", "in", "Server", ")", "repository", "in", "bitbucket"], "golden-entity-mentions": [{"text": ["Server"], "entity-type": "Device", "index": [6]}, {"text": ["bitbucket"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["4", "-", "Create", "your", "repository", "in", "Local"], "golden-entity-mentions": [{"text": ["Local"], "entity-type": "Device", "index": [6]}]}, {"sentence": ["5", "-", "Match", "between", "your", "repositories", "using", "these", "commands", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "now", "pull(download)/push(upload)", "your", "code", "with", "one", "click", "!", "!"], "golden-entity-mentions": []}, {"sentence": ["Hope", "that", "was", "clear", "and", "helpful", "!"], "golden-entity-mentions": []}, {"sentence": ["Good", "luck"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "trying", "to", "do", "it", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["But", "it", "'s", "just", "printing", "\"", "Killed", "\"", "and", "does", "n't", "start", "it", "again", "."], "golden-entity-mentions": [{"text": ["\"", "Killed", "\""], "entity-type": "Output_Block", "index": [5, 6, 7]}]}, {"sentence": ["If", "I", "do", "all", "this", "stuff", "separately", "-", "it", "'s", "working", ",", "but", "for", "all", "together", "-", "not", "..", "."], "golden-entity-mentions": []}, {"sentence": ["\u0414\u043e\u043f\u043e\u043c\u043e\u0436\u0456\u0442\u044c", "\u0445\u0442\u043e", "\u0437\u043c\u043e\u0436\u0435", "..", "."], "golden-entity-mentions": [{"text": ["\u0414\u043e\u043f\u043e\u043c\u043e\u0436\u0456\u0442\u044c", "\u0445\u0442\u043e", "\u0437\u043c\u043e\u0436\u0435"], "entity-type": "User_Name", "index": [0, 1, 2]}]}, {"sentence": ["The", "script", "from", "which", "you", "execute", "it", ",", "does", "it", "contain", "\"", "service_name", "\"", "in", "its", "name", "?"], "golden-entity-mentions": [{"text": ["service_name"], "entity-type": "Code_Block", "index": [12]}]}, {"sentence": ["Then", "it", "obviously", "fulfills", "the", "criteria", "for", "begin", "killed", "by", "your", "for", "loop", "and", "commits", "suicide", "."], "golden-entity-mentions": [{"text": ["for"], "entity-type": "Code_Block", "index": [11]}]}, {"sentence": ["If", "it", "does", "not", ",", "then", "still", "the", "grep", "service_name", "remains", "which", "fulfills", "the", "kill", "criteria", "(", "has", "service_name", "in", "its", "cmd", "line", ")", "-", "for", "fixed", "strings", "in", "grep", "I", "usually", "write", "them", "grep", "\"s[e]rvice_name\"", ",", "other", "prefer", "to", "put", "another", "|grep", "-v", "grep", "into", "the", "pipe", "before", "the", "awk"], "golden-entity-mentions": [{"text": ["grep", "service_name"], "entity-type": "Code_Block", "index": [8, 9]}, {"text": ["service_name"], "entity-type": "Code_Block", "index": [18]}, {"text": ["cmd"], "entity-type": "Application", "index": [21]}, {"text": ["strings"], "entity-type": "Data_Type", "index": [27]}, {"text": ["grep"], "entity-type": "Code_Block", "index": [29]}, {"text": ["grep", "\"s[e]rvice_name\""], "entity-type": "Code_Block", "index": [34, 35]}, {"text": ["|grep", "-v", "grep"], "entity-type": "Code_Block", "index": [42, 43, 44]}, {"text": ["awk"], "entity-type": "Language", "index": [50]}]}, {"sentence": ["How", "do", "I", "sync", "all", "the", "code", "in", "the", "SVN", "repository", "(", "for", "development", "purposes", ")", "with", "the", "live", "code", "I", "have", "running", "in", "/home/site/public_html/", ",", "as", "in", "overwrite", "whatever", "is", "in", "live", "with", "the", "new", "code", "from", "the", "SVN", "repo", "(", "assume", "the", "SVN", "repo", "location", "is", "in", "/usr/bin/svn/project", ",", "just", "for", "the", "sake", "of", "the", "argument", ",", "even", "though", "it", "'s", "probably", "far", "from", "that", ")", "?"], "golden-entity-mentions": [{"text": ["SVN"], "entity-type": "Application", "index": [9]}, {"text": ["SVN"], "entity-type": "Application", "index": [39]}, {"text": ["SVN"], "entity-type": "Application", "index": [44]}, {"text": ["/usr/bin/svn/project"], "entity-type": "File_Name", "index": [49]}]}, {"sentence": ["Just", "do", "an", "svn", "checkout", "or", "svn", "export", "in", "/home/site/public_html", "."], "golden-entity-mentions": [{"text": ["svn", "checkout"], "entity-type": "Code_Block", "index": [3, 4]}, {"text": ["svn", "export"], "entity-type": "Code_Block", "index": [6, 7]}]}, {"sentence": ["Personally", "I", "have", "a", "checked", "out", "copy", "on", "my", "web", "server", ",", "and", "the", "repository", "is", "on", "the", "same", "machine", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["I", "then", "have", "a", "hook", "so", "that", "on", "a", "commit", ",", "I", "perform", "an", "svn", "update", "in", "the", "live", "directory", ",", "so", "that", "committing", "to", "the", "repository", "immediately", "makes", "the", "change", "live", "."], "golden-entity-mentions": [{"text": ["svn", "update"], "entity-type": "Code_Block", "index": [14, 15]}]}, {"sentence": ["I", "'m", "looking", "for", "some", "way", "to", "effectively", "hide", "inherited", "members", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "library", "of", "classes", "which", "inherit", "from", "common", "base", "classes", "."], "golden-entity-mentions": []}, {"sentence": ["Some", "of", "the", "more", "recent", "descendant", "classes", "inherit", "dependency", "properties", "which", "have", "become", "vestigial", "and", "can", "be", "a", "little", "confusing", "when", "using", "IntelliSense", "or", "using", "the", "classes", "in", "a", "visual", "designer", "."], "golden-entity-mentions": [{"text": ["IntelliSense"], "entity-type": "Application", "index": [22]}, {"text": ["visual", "designer"], "entity-type": "Application", "index": [29, 30]}]}, {"sentence": ["These", "classes", "are", "all", "controls", "that", "are", "written", "to", "be", "compiled", "for", "either", "WPF", "or", "Silverlight", "2.0", "."], "golden-entity-mentions": [{"text": ["WPF"], "entity-type": "Library", "index": [13]}, {"text": ["Silverlight"], "entity-type": "Library", "index": [15]}, {"text": ["2.0"], "entity-type": "Version", "index": [16]}]}, {"sentence": ["I", "know", "about", "ICustomTypeDescriptor", "and", "ICustomPropertyProvider", ",", "but", "I", "'m", "pretty", "certain", "those", "ca", "n't", "be", "used", "in", "Silverlight", "."], "golden-entity-mentions": [{"text": ["ICustomTypeDescriptor"], "entity-type": "Class", "index": [3]}, {"text": ["ICustomPropertyProvider"], "entity-type": "Class", "index": [5]}, {"text": ["Silverlight"], "entity-type": "Library", "index": [18]}]}, {"sentence": ["It", "'s", "not", "as", "much", "a", "functional", "issue", "as", "a", "usability", "issue", "."], "golden-entity-mentions": []}, {"sentence": ["What", "should", "I", "do", "?"], "golden-entity-mentions": []}, {"sentence": ["Update"], "golden-entity-mentions": []}, {"sentence": ["Some", "of", "the", "properties", "that", "I", "would", "really", "like", "to", "hide", "come", "from", "ancestors", "that", "are", "not", "my", "own", "and", "because", "of", "a", "specific", "tool", "I", "'m", "designing", "for", ",", "I", "ca", "n't", "do", "member", "hiding", "with", "the", "new", "operator", "."], "golden-entity-mentions": [{"text": ["new"], "entity-type": "Code_Block", "index": [38]}]}, {"sentence": ["(", "I", "know", ",", "it", "'s", "ridiculous", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "think", "you", "'re", "best", "least", "hackish", "way", "is", "to", "consider", "composition", "as", "opposed", "to", "inheritance", "."], "golden-entity-mentions": []}, {"sentence": ["Or", ",", "you", "could", "create", "an", "interface", "that", "has", "the", "members", "you", "want", ",", "have", "your", "derived", "class", "implement", "that", "interface", ",", "and", "program", "against", "the", "interface", "."], "golden-entity-mentions": []}, {"sentence": ["I", "know", "there", "'s", "been", "several", "answers", "to", "this", ",", "and", "it", "'s", "quite", "old", "now", ",", "but", "the", "simplest", "method", "to", "do", "this", "is", "just", "declare", "them", "as", "new", "private", "."], "golden-entity-mentions": [{"text": ["new", "private"], "entity-type": "Code_Block", "index": [29, 30]}]}, {"sentence": ["Consider", "an", "example", "I", "am", "currently", "working", "on", ",", "where", "I", "have", "an", "API", "that", "makes", "available", "every", "method", "in", "a", "3rd", "party", "DLL", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [13]}, {"text": ["DLL"], "entity-type": "File_Type", "index": [23]}]}, {"sentence": ["I", "have", "to", "take", "their", "methods", ",", "but", "I", "want", "to", "use", "a", ".Net", "property", ",", "instead", "of", "a", "\"", "getThisValue", "\"", "and", "\"", "setThisValue", "\"", "method", "."], "golden-entity-mentions": [{"text": [".Net"], "entity-type": "Library", "index": [13]}, {"text": ["getThisValue"], "entity-type": "Function", "index": [20]}, {"text": ["setThisValue"], "entity-type": "Function", "index": [24]}]}, {"sentence": ["So", ",", "I", "build", "a", "second", "class", ",", "inherit", "the", "first", ",", "make", "a", "property", "that", "uses", "the", "get", "and", "set", "methods", ",", "and", "then", "override", "the", "original", "get", "and", "set", "methods", "as", "private", "."], "golden-entity-mentions": [{"text": ["get"], "entity-type": "Function", "index": [18]}, {"text": ["set"], "entity-type": "Function", "index": [20]}, {"text": ["get"], "entity-type": "Function", "index": [28]}, {"text": ["set"], "entity-type": "Function", "index": [30]}]}, {"sentence": ["They", "'re", "still", "available", "to", "anyone", "wanting", "to", "build", "something", "different", "on", "them", ",", "but", "if", "they", "just", "want", "to", "use", "the", "engine", "I", "'m", "building", ",", "then", "they", "'ll", "be", "able", "to", "use", "properties", "instead", "of", "methods", "."], "golden-entity-mentions": []}, {"sentence": ["Using", "the", "double", "class", "method", "gets", "rid", "of", "any", "restrictions", "on", "being", "unable", "to", "use", "the", "new", "declaration", "to", "hide", "the", "members", "."], "golden-entity-mentions": [{"text": ["new"], "entity-type": "Code_Block", "index": [16]}]}, {"sentence": ["You", "simply", "ca", "n't", "use", "override", "if", "the", "members", "are", "marked", "as", "virtual", "."], "golden-entity-mentions": [{"text": ["override"], "entity-type": "Code_Block", "index": [5]}, {"text": ["virtual"], "entity-type": "Code_Block", "index": [12]}]}, {"sentence": ["Now", "valueEnum", "is", "available", "to", "both", "classes", ",", "but", "only", "the", "property", "is", "visible", "in", "the", "APIUsageClass", "class", "."], "golden-entity-mentions": [{"text": ["valueEnum"], "entity-type": "Variable", "index": [1]}, {"text": ["APIUsageClass"], "entity-type": "Class", "index": [16]}]}, {"sentence": ["The", "APIClass", "class", "is", "still", "available", "for", "people", "who", "want", "to", "extend", "the", "original", "API", "or", "use", "it", "in", "a", "different", "way", ",", "and", "the", "APIUsageClass", "is", "available", "for", "those", "who", "want", "something", "more", "simple", "."], "golden-entity-mentions": [{"text": ["APIClass"], "entity-type": "Class", "index": [1]}, {"text": ["API"], "entity-type": "Library", "index": [14]}, {"text": ["APIUsageClass"], "entity-type": "Class", "index": [25]}]}, {"sentence": ["Ultimately", ",", "what", "I", "'ll", "be", "doing", "is", "making", "the", "APIClass", "internal", ",", "and", "only", "expose", "my", "inherited", "class", "."], "golden-entity-mentions": [{"text": ["APIClass"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["I", "am", "trying", "to", "create", "a", "table", "with", "the", "following", ":"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [6]}]}, {"sentence": ["It", "fails", "due", "to", "column", "length", "not", "being", "large", "enough", "."], "golden-entity-mentions": [{"text": ["column"], "entity-type": "Data_Structure", "index": [4]}]}, {"sentence": ["It", "would", "help", "if", "the", "SQL", "statement", "was", "syntactically", "valid", "and", "if", "you", "provided", "the", "exact", "error", "message", "."], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "Language", "index": [5]}]}, {"sentence": ["When", "reformatted", "and", "syntax", "corrected", ",", "the", "statement", "looks", "like", ":"], "golden-entity-mentions": []}, {"sentence": ["And", ",", "when", "that", "is", "run", "on", "a", "system", "with", "2KB", "pages", ",", "the", "error", "message", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "standard", "way", "of", "getting", "a", "brief", "explanation", "of", "an", "error", "message", "is", "finderr", ";", "it", "says", ":"], "golden-entity-mentions": [{"text": ["finderr"], "entity-type": "Code_Block", "index": [13]}]}, {"sentence": ["The", "'", "a", "total", "of", "120", "bytes", "'", "should", "be", "'", "a", "total", "of", "at", "least", "120", "bytes", "'", ";", "that", "lower-bound", "applies", "to", "Informix", "SE", "."], "golden-entity-mentions": [{"text": ["Informix"], "entity-type": "Application", "index": [24]}, {"text": ["SE"], "entity-type": "Version", "index": [25]}]}, {"sentence": ["In", "IDS", "(", "Informix", "Dynamic", "Server", ")", ",", "the", "lower-bound", "is", "255", "bytes", ",", "but", "it", "is", "bigger", "in", "more", "recent", "systems", ",", "and", "also", "bigger", "when", "the", "page", "size", "is", "bigger", "."], "golden-entity-mentions": [{"text": ["IDS"], "entity-type": "Application", "index": [1]}, {"text": ["Informix", "Dynamic", "Server"], "entity-type": "Application", "index": [3, 4, 5]}]}, {"sentence": ["You", "have", "a", "variety", "of", "options", "."], "golden-entity-mentions": []}, {"sentence": ["You", "can", "consider", "why", "your", "names", "need", "to", "be", "255", "characters", "each", "-", "is", "that", "sensible", "(", "would", ",", "say", ",", "64", "be", "sufficient", ")", "?"], "golden-entity-mentions": []}, {"sentence": ["If", "your", "server", "version", "is", "recent", "enough", "(", "10.00", "or", "later", ",", "I", "believe", ")", ",", "you", "could", "create", "the", "table", "in", "a", "dbspace", "with", "a", "larger", "page", "size", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [2]}, {"text": ["10.00"], "entity-type": "Version", "index": [8]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [20]}]}, {"sentence": ["Since", "the", "key", "is", "a", "maximum", "of", "3*255+(20/2+1)", "=", "776", "bytes", ",", "and", "the", "rule", "of", "thumb", "is", "you", "need", "to", "be", "able", "to", "store", "5", "maximum-length", "key", "values", "+", "ROWID/FRAGID", "overhead", "(", "8", "bytes", ")", "per", "page", ",", "you", "would", "need", "a", "4", "KB", "page", "size", "."], "golden-entity-mentions": []}, {"sentence": ["(", "Had", "you", "been", "running", "on", "AIX", ",", "you", "probably", "would", "n't", "have", "noticed", "the", "issue", ".", ")"], "golden-entity-mentions": [{"text": ["AIX"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["Also", ",", "you", "should", "not", "be", "storing", "date", "values", "in", "VARCHAR(255)", ";", "you", "should", "use", "DATE", "or", "perhaps", "DATETIME", "YEAR", "TO", "DAY", "(", "a", "weird", "way", "of", "spelling", "DATE", "-", "though", "the", "underlying", "format", "is", "different", ",", "using", "5", "bytes", "on", "disk", "instead", "of", "4", "for", "a", "plain", "DATE", ")", ",", "or", "perhaps", "DATETIME", "YEAR", "TO", "SECOND", "(", "a", "funny", "way", "of", "spelling", "TIMESTAMP", ")", ",", "or", "..", "."], "golden-entity-mentions": [{"text": ["VARCHAR(255)"], "entity-type": "Data_Type", "index": [10]}, {"text": ["DATE"], "entity-type": "Data_Type", "index": [15]}, {"text": ["DATETIME", "YEAR", "TO", "DAY"], "entity-type": "Data_Type", "index": [18, 19, 20, 21]}, {"text": ["DATE"], "entity-type": "Data_Type", "index": [28]}, {"text": ["disk"], "entity-type": "Device", "index": [41]}, {"text": ["DATE"], "entity-type": "Data_Type", "index": [48]}, {"text": ["DATETIME", "YEAR", "TO", "SECOND"], "entity-type": "Data_Type", "index": [53, 54, 55, 56]}, {"text": ["TIMESTAMP"], "entity-type": "Data_Type", "index": [63]}]}, {"sentence": ["The", "'", "num0", ",", "num1", ",", "num2", "'", "fields", "are", "also", "dubious", ",", "too", ";", "if", "they", "are", "meant", "to", "store", "numbers", ",", "use", "NUMERIC", "or", "DECIMAL", "-", "-", "DECIMAL(20)", "in", "most", "IDS", "databases", "means", "a", "20-digit", "floating", "point", "decimal", "number", "."], "golden-entity-mentions": [{"text": ["num0"], "entity-type": "Variable", "index": [2]}, {"text": ["num1"], "entity-type": "Variable", "index": [4]}, {"text": ["num2"], "entity-type": "Variable", "index": [6]}, {"text": ["NUMERIC"], "entity-type": "Data_Type", "index": [24]}, {"text": ["DECIMAL"], "entity-type": "Data_Type", "index": [26]}, {"text": ["DECIMAL(20)"], "entity-type": "Data_Type", "index": [29]}, {"text": ["IDS"], "entity-type": "Application", "index": [32]}]}, {"sentence": ["Edited", "to", "add", ":"], "golden-entity-mentions": []}, {"sentence": ["And", ",", "to", "answer", "the", "direct", "question", ",", "VARCHAR", "columns", "can", "only", "be", "up", "to", "255", "bytes", "long", ";", "LVARCHAR", "columns", "can", "be", "up", "to", "about", "32", "KB", ";", "CHAR", "columns", "can", "be", "up", "to", "32", "KB", ";", "TEXT", "columns", "can", "be", "up", "to", "2", "GB", ",", "and", "CLOB", "columns", "can", "be", "even", "larger", "."], "golden-entity-mentions": [{"text": ["VARCHAR"], "entity-type": "Data_Type", "index": [8]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [9]}, {"text": ["LVARCHAR"], "entity-type": "Data_Type", "index": [19]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [20]}, {"text": ["CHAR"], "entity-type": "Data_Type", "index": [29]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [30]}, {"text": ["TEXT"], "entity-type": "Data_Type", "index": [38]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [39]}, {"text": ["CLOB"], "entity-type": "Data_Type", "index": [48]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [49]}]}, {"sentence": ["The", "total", "length", "of", "a", "row", "is", "limited", "to", "about", "32", "KB", "(", "but", "BYTE", ",", "TEXT", ",", "BLOB", "and", "CLOB", "columns", "count", "as", "a", "fixed", "size", "descriptor", "towards", "that", "32", "KB", "total", "-", "the", "actual", "data", "is", "stored", "outside", "the", "row", ")", "."], "golden-entity-mentions": [{"text": ["row"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["BYTE"], "entity-type": "Data_Type", "index": [14]}, {"text": ["TEXT"], "entity-type": "Data_Type", "index": [16]}, {"text": ["BLOB"], "entity-type": "Data_Type", "index": [18]}, {"text": ["CLOB"], "entity-type": "Data_Type", "index": [20]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [21]}, {"text": ["row"], "entity-type": "Data_Structure", "index": [41]}]}, {"sentence": ["There", "are", "some", "version", "dependencies", "that", "I", "'m", "not", "bringing", "out", "-", "if", "you", "are", "using", "IDS", "10.00", "or", "later", ",", "this", "is", "accurate", "."], "golden-entity-mentions": [{"text": ["IDS"], "entity-type": "Application", "index": [16]}, {"text": ["10.00"], "entity-type": "Version", "index": [17]}]}, {"sentence": ["I", "'ve", "got", "a", "strange", "bug", "whereby", "two", "UIButtons", "inside", "a", "UIView", ",", "which", "is", "in", "turn", "inside", "a", "UIScrollView", "view", "are", "not", "clickable", "on", "iOS", "5", ",", "but", "work", "perfectly", "fine", "on", "iOS", "6", "(", "screenshot", "shows", "scroller", "and", "map", "underneath", ")"], "golden-entity-mentions": [{"text": ["UIButtons"], "entity-type": "Class", "index": [8]}, {"text": ["UIView"], "entity-type": "Class", "index": [11]}, {"text": ["UIScrollView"], "entity-type": "Class", "index": [19]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [25]}, {"text": ["5"], "entity-type": "Version", "index": [26]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [33]}, {"text": ["6"], "entity-type": "Version", "index": [34]}, {"text": ["scroller"], "entity-type": "User_Interface_Element", "index": [38]}, {"text": ["map"], "entity-type": "User_Interface_Element", "index": [40]}]}, {"sentence": ["The", "only", "other", "detail", "is", "the", "scroller", "view", "'", "slides", "up", "'", "to", "reveal", "buttons", "when", "a", "station", "is", "selected", "."], "golden-entity-mentions": [{"text": ["scroller"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["buttons"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["I", "'ve", "tried", "selecting", "the", "buttons", "on", "iOS", "5", ",", "and", "they", "do", "get", "hit", "(", "visually", ")", ",", "but", "the", "event", "is", "n't", "fired", "."], "golden-entity-mentions": [{"text": ["buttons"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [7]}, {"text": ["5"], "entity-type": "Version", "index": [8]}]}, {"sentence": ["Edit", ":", "If", "I", "tap", "and", "hold", "on", "the", "button", "in", "the", "simulator", ",", "then", "move", "the", "cursor", "up", "the", "screen", "and", "release", "(", "e.g", ".", "to", "the", "part", "of", "the", "UIView", "that", "was", "always", "visible", ")", ",", "the", "event", "fires", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["simulator"], "entity-type": "Application", "index": [12]}, {"text": ["cursor"], "entity-type": "User_Interface_Element", "index": [17]}, {"text": ["screen"], "entity-type": "User_Interface_Element", "index": [20]}, {"text": ["UIView"], "entity-type": "Class", "index": [31]}]}, {"sentence": ["The", "scroll", "view", "itself", "has", "the", "following", "settings", ",", "the", "latter", "two", "have", "only", "been", "added", "in", "order", "to", "try", "and", "make", "the", "buttons", "work", "on", "iOS", "5", "(", "tried", "various", "combinations", ")", ":"], "golden-entity-mentions": [{"text": ["scroll", "view"], "entity-type": "Class", "index": [1, 2]}, {"text": ["buttons"], "entity-type": "User_Interface_Element", "index": [23]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [26]}, {"text": ["5"], "entity-type": "Version", "index": [27]}]}, {"sentence": ["The", "button", "events", "are", "all", "wired", "up", "correctly", ",", "with", "suitable", "targets", "etc", ":"], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [1]}]}, {"sentence": ["And", "handlers", "(", "here", "'s", "one", "as", "a", "sample", ")", ":"], "golden-entity-mentions": []}, {"sentence": ["Any", "help", "would", "be", "great", "!"], "golden-entity-mentions": []}, {"sentence": ["Found", "the", "culprit", "-", "a", "misconfigured", "UITapGestureRecognizer", "on", "the", "UIView", "the", "UIButtons", "sit", "on", ":"], "golden-entity-mentions": [{"text": ["UITapGestureRecognizer"], "entity-type": "Class", "index": [6]}, {"text": ["UIView"], "entity-type": "Class", "index": [9]}, {"text": ["UIButtons"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["Simply", "adding", "the", "following", "after", "init", "of", "'", "tap", "'", "solves", "the", "issue", "in", "iOS", "5", ":"], "golden-entity-mentions": [{"text": ["init"], "entity-type": "Function", "index": [5]}, {"text": ["tap"], "entity-type": "Variable", "index": [8]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [14]}, {"text": ["5"], "entity-type": "Version", "index": [15]}]}, {"sentence": ["I", "'ve", "encountered", "a", "very", "strange", "problem", "(", "since", "this", "always", "worked", "before", ")", "when", "building", "a", "client-server", "chat", "program", "."], "golden-entity-mentions": []}, {"sentence": ["The", "serversocket", "accepts", "without", "any", "problem", "the", "incoming", "connection", "of", "the", "client", ",", "but", "when", "I", "try", "to", "read", "from", "the", "socket", "'s", "inputstream", "the", "whole", "method", "blocks", "and", "only", "releases", "when", "I", "close", "the", "client", "'s", "socket", "."], "golden-entity-mentions": [{"text": ["serversocket"], "entity-type": "Class", "index": [1]}, {"text": ["client"], "entity-type": "Class", "index": [11]}, {"text": ["socket"], "entity-type": "Class", "index": [21]}, {"text": ["inputstream"], "entity-type": "Class", "index": [23]}, {"text": ["client", "socket"], "entity-type": "Class", "index": [35, 37]}]}, {"sentence": ["I", "'ve", "even", "tried", "it", "with", "the", "sample", "code", "on", "docs.oracle.com", ",", "but", "the", "problem", "remains", "."], "golden-entity-mentions": [{"text": ["docs.oracle.com"], "entity-type": "Website", "index": [10]}]}, {"sentence": ["Can", "anybody", "point", "me", "out", "the", "error", "I", "'m", "obviously", "not", "seeing", "?"], "golden-entity-mentions": []}, {"sentence": ["Server", "code", ":"], "golden-entity-mentions": [{"text": ["Server"], "entity-type": "Class", "index": [0]}]}, {"sentence": ["Client", "code", ":"], "golden-entity-mentions": [{"text": ["Client"], "entity-type": "Class", "index": [0]}]}, {"sentence": ["the", "method", "readLine()", "is", "waiting", "for", "\\n", "character", "to", "appear", "in", "the", "stream", "(", "the", "method", "blocks", "until", "it", "sees", "end", "line", "delimeter", ")", "."], "golden-entity-mentions": [{"text": ["readLine()"], "entity-type": "Function", "index": [2]}, {"text": ["\\n"], "entity-type": "Value", "index": [6]}]}, {"sentence": ["Try", "sending", "\"", "test", "\\\\n", "\"", "from", "the", "client", "and", "see", "what", "happens", "."], "golden-entity-mentions": [{"text": ["\"", "test", "\\\\n"], "entity-type": "Value", "index": [2, 3, 4]}, {"text": ["\""], "entity-type": "Value", "index": [5]}, {"text": ["client"], "entity-type": "Class", "index": [8]}]}, {"sentence": ["And", "remember", "to", "flush()", "the", "output", "stream", "on", "the", "client", "side"], "golden-entity-mentions": [{"text": ["flush()"], "entity-type": "Function", "index": [3]}, {"text": ["output", "stream"], "entity-type": "Class", "index": [5, 6]}, {"text": ["client"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["You", "forgot", "to", "add", "a", "true", "as", "the", "2nd", "parameter", "when", "creating", "the", "printwriter", "printwriter"], "golden-entity-mentions": [{"text": ["printwriter", "printwriter"], "entity-type": "Class", "index": [13, 14]}]}, {"sentence": ["It", "will", "make", "it", "flush", "automatically", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "look", "at", "the", "screenshot", "in", "the", "below", "link", "you", "'ll", "see", "what", "I", "'m", "after", "."], "golden-entity-mentions": []}, {"sentence": ["I", "basically", "want", "people", "to", "be", "able", "to", "click", "a", "service", "down", "the", "left", "hand", "side", "and", "then", "the", "content", "loads", "in", "on", "the", "right", "hand", "side", "."], "golden-entity-mentions": []}, {"sentence": ["Like", "this", "page", "but", "instead", "of", "loading", "below", ",", "it", "loads", "to", "the", "right", ",", "and", "also", ",", "the", "link", "there", "loads", "the", "content", "in", "via", "a", "html", "file", ",", "I", "'d", "like", "to", "avoid", "this", "is", "possible", "."], "golden-entity-mentions": [{"text": ["html"], "entity-type": "File_Type", "index": [27]}]}, {"sentence": ["Screenshot", ":"], "golden-entity-mentions": []}, {"sentence": ["Does", "anyone", "know", "of", "a", "jQuery", "plugin", "or", "ajax", "that", "can", "do", "this", "?"], "golden-entity-mentions": [{"text": ["jQuery"], "entity-type": "Library", "index": [5]}, {"text": ["ajax"], "entity-type": "Function", "index": [8]}]}, {"sentence": ["Use", "jquery", "'s", "ajax", "for", "that", "."], "golden-entity-mentions": [{"text": ["jquery"], "entity-type": "Library", "index": [1]}, {"text": ["ajax"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["Or", "alternatively", "preload", "all", "the", "contents", "and", "use", "jquery", "UI", "'s", "tabs"], "golden-entity-mentions": [{"text": ["jquery"], "entity-type": "Library", "index": [8]}, {"text": ["tabs"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["I", "would", "like", "to", "use", "ImagePlot", "(", "an", "ImageJ", "macro", ")", "to", "visualize", "images", "in", "a", "folder", "."], "golden-entity-mentions": [{"text": ["ImagePlot"], "entity-type": "Application", "index": [5]}, {"text": ["ImageJ", "macro"], "entity-type": "Application", "index": [8, 9]}, {"text": ["images"], "entity-type": "User_Interface_Element", "index": [13]}]}, {"sentence": ["To", "do", "this", ",", "I", "have", "to", "have", "a", "spreadsheet", "that", "I", "load", "into", "an", "ImagePlot", "that", "contains", "average", "color", "saturation", "or", "medium", "brightness", "of", "each", "image", "."], "golden-entity-mentions": [{"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["ImagePlot"], "entity-type": "Application", "index": [15]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [26]}]}, {"sentence": ["Is", "it", "possible", "to", "make", "such", "a", "spreadsheet", "in", "ImageJ", "or", "do", "I", "need", "to", "do", "it", "differently", "?"], "golden-entity-mentions": [{"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["ImageJ"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["Ids", "are", "useful", "in", "automation", "context", "."], "golden-entity-mentions": []}, {"sentence": ["How", "to", "set", "an", "id", "to", "EditText(Android)", "when", "working", "with", "Cordova", "?"], "golden-entity-mentions": [{"text": ["EditText(Android)"], "entity-type": "Class", "index": [6]}, {"text": ["Cordova"], "entity-type": "Library", "index": [10]}]}, {"sentence": ["I", "came", "across", "the", "Dell", "Studio", "One", "19", "on", "the", "web", "the", "other", "day", ",", "and", "wondered", "what", "the", "Dev", "environment", "for", "the", "Multi-Touch", "was", "?"], "golden-entity-mentions": [{"text": ["Dell", "Studio", "One"], "entity-type": "Device", "index": [4, 5, 6]}, {"text": ["19"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["Anyone", "out", "there", "developing", "for", "this", ",", "or", "know", "what", "the", "environment", "is", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "know", "that", "to", "develop", "for", "the", "HP", "TouchSmart", "you", "need", "HP", "'s", "own", "SDK", "....", "and", "it", "does", "n't", "sound", "too", "good", "to", "me", "(", "check", "out", "this", ".NET", "Rocks", "episode", "on", "it", ")"], "golden-entity-mentions": [{"text": ["HP", "TouchSmart"], "entity-type": "Device", "index": [7, 8]}, {"text": ["HP"], "entity-type": "Website", "index": [11]}, {"text": ["SDK"], "entity-type": "Library", "index": [14]}, {"text": [".NET"], "entity-type": "Library", "index": [29]}]}, {"sentence": ["I", "was", "hoping", "the", "new", "Dell", "is", "just", "using", "Windows", "7", "native", "touch", "support", "...", "."], "golden-entity-mentions": [{"text": ["Dell"], "entity-type": "Device", "index": [5]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [9]}, {"text": ["7"], "entity-type": "Version", "index": [10]}]}, {"sentence": ["Ideally", "I", "'d", "like", "to", "see", "a", "subset", "of", "the", "Microsoft", "Surface", "SDK", "brought", "to", "touch-enabled", "screens", "running", "Win", "7", "...", "."], "golden-entity-mentions": [{"text": ["Microsoft", "Surface", "SDK"], "entity-type": "Library", "index": [10, 11, 12]}, {"text": ["touch-enabled", "screens"], "entity-type": "Device", "index": [15, 16]}, {"text": ["Win"], "entity-type": "Operating_System", "index": [18]}, {"text": ["7"], "entity-type": "Version", "index": [19]}]}, {"sentence": ["anyone", "got", "insight", "into", "whats", "happening", "with", "Multi-Touch", "on", "Win", "7", "from", "a", "development", "perspective", "?"], "golden-entity-mentions": [{"text": ["Win"], "entity-type": "Operating_System", "index": [9]}, {"text": ["7"], "entity-type": "Version", "index": [10]}]}, {"sentence": ["While", "this", "may", "not", "apply", "to", "the", "Dell", "Studio", "One", "19", "to", "answer", "your", "question", "at", "the", "end", ",", "\"", "anyone", "got", "insight", "into", "whats", "happening", "with", "Multi-Touch", "on", "Win", "7", "from", "a", "development", "perspective", "?", "\""], "golden-entity-mentions": [{"text": ["Dell", "Studio", "One"], "entity-type": "Device", "index": [7, 8, 9]}, {"text": ["19"], "entity-type": "Version", "index": [10]}, {"text": ["Win"], "entity-type": "Operating_System", "index": [29]}, {"text": ["7"], "entity-type": "Application", "index": [30]}]}, {"sentence": ["I", "can", "say", "that", "it", "seems", "that", "out", "of", "the", "box", "there", "will", "be", "a", "multi-touch", "API", ",", "which", "is", "what", "you", "should", "find", "available", "in", "the", "Win", "7", "RC", "SDK", "linked", "in", "Tim", "J", "'s", "answer", "."], "golden-entity-mentions": [{"text": ["multi-touch", "API"], "entity-type": "Library", "index": [15, 16]}, {"text": ["Win", "7", "RC", "SDK"], "entity-type": "Library", "index": [27, 28, 29, 30]}, {"text": ["Tim", "J"], "entity-type": "User_Name", "index": [33, 34]}]}, {"sentence": ["In", "addition", "WPF", "4.0", "will", "include", "multi-touch", "APIs", "and", "controls", "which", "it", "would", "seem", "that", "the", "Surface", "SDK", "2.0", "will", "extend/build", "upon", "."], "golden-entity-mentions": [{"text": ["WPF"], "entity-type": "Library", "index": [2]}, {"text": ["4.0"], "entity-type": "Version", "index": [3]}, {"text": ["multi-touch", "APIs"], "entity-type": "Library", "index": [6, 7]}, {"text": ["Surface", "SDK"], "entity-type": "Library", "index": [16, 17]}, {"text": ["2.0"], "entity-type": "Version", "index": [18]}]}, {"sentence": ["If", "you", "go", "to", "slide", "7", "of", "the", "following", "presentation", "you", "'ll", "see", "how", "thing", "stack", "together", "."], "golden-entity-mentions": []}, {"sentence": ["Funny", "you", "should", "ask", "this", "I", "am", "just", "starting", "with", "this", "stuff", "this", "week", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "the", "Dell", "XT2", "with", "Windows", "7", "64bit", "(", "runs", "like", "a", "dream", ")", "."], "golden-entity-mentions": [{"text": ["Dell", "XT2"], "entity-type": "Device", "index": [3, 4]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [6]}, {"text": ["7"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["What", "you", "need", "to", "have", "..", "."], "golden-entity-mentions": []}, {"sentence": ["The", "Windows", "7", "RC", "SDK"], "golden-entity-mentions": [{"text": ["Windows", "7", "RC", "SDK"], "entity-type": "Application", "index": [1, 2, 3, 4]}]}, {"sentence": ["and", "you", "also", "must", "have", "the"], "golden-entity-mentions": []}, {"sentence": ["NTrig", "device", "drivers"], "golden-entity-mentions": [{"text": ["NTrig", "device", "drivers"], "entity-type": "Application", "index": [0, 1, 2]}]}, {"sentence": ["What", "'s", "nice", "to", "have", "is", "the", "NTrig", "SDK"], "golden-entity-mentions": [{"text": ["NTrig", "SDK"], "entity-type": "Application", "index": [7, 8]}]}, {"sentence": ["There", "have", "been", "some", "changes", "between", "the", "Windows", "7", "Beta", "and", "the", "RC", ",", "and", "the", "samples", "have", "n't", "been", "updated", "yet", ",", "but", "its", "reasonably", "simple", "to", "work", "out", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [7]}, {"text": ["7", "Beta"], "entity-type": "Version", "index": [8, 9]}, {"text": ["RC"], "entity-type": "Version", "index": [12]}]}, {"sentence": ["Have", "fun", ",", "I", "am", "."], "golden-entity-mentions": []}, {"sentence": ["Hello", "I", "have", "set", "some", "text", "in", "a", "textview", "."], "golden-entity-mentions": [{"text": ["textview"], "entity-type": "Class", "index": [8]}]}, {"sentence": ["Then", "I", "need", "to", "convert", "the", "text", "of", "the", "TextView", "into", "Spannble", "."], "golden-entity-mentions": [{"text": ["TextView"], "entity-type": "Class", "index": [9]}, {"text": ["Spannble"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["So", "I", "did", "this", "like", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "need", "to", "convert", "it", "Spannable", "because", "I", "passed", "the", "TextView", "into", "a", "function", ":"], "golden-entity-mentions": [{"text": ["Spannable"], "entity-type": "Class", "index": [5]}, {"text": ["TextView"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["This", "shows", "no", "error/warning", "."], "golden-entity-mentions": []}, {"sentence": ["But", "throwing", "a", "Runtime", "Error", ":"], "golden-entity-mentions": [{"text": ["Runtime", "Error"], "entity-type": "Error_Name", "index": [3, 4]}]}, {"sentence": ["How", "can", "I", "convert", "the", "SpannedStringt/text", "of", "the", "textview", "into", "Spannble", "?"], "golden-entity-mentions": [{"text": ["SpannedStringt/text"], "entity-type": "Class", "index": [5]}, {"text": ["textview"], "entity-type": "Class", "index": [8]}, {"text": ["Spannble"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Or", "can", "I", "do", "the", "same", "task", "with", "SpannedString", "inside", "the", "function", "?"], "golden-entity-mentions": [{"text": ["SpannedString"], "entity-type": "Class", "index": [8]}]}, {"sentence": ["If", "you", "specify", "BufferType.SPANNABLE", "when", "setting", "the", "TextView", "'s", "text", ",", "then", "when", "getting", "the", "text", "you", "can", "cast", "it", "to", "Spannable"], "golden-entity-mentions": [{"text": ["BufferType.SPANNABLE"], "entity-type": "Variable", "index": [3]}, {"text": ["TextView"], "entity-type": "Class", "index": [7]}, {"text": ["Spannable"], "entity-type": "Class", "index": [21]}]}, {"sentence": ["new", "SpannableString(textView.getText())", "should", "work", "."], "golden-entity-mentions": [{"text": ["new", "SpannableString(textView.getText())"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["Sorry", ",", "but", "removeSpan()", "and", "setSpan()", "are", "methods", "on", "the", "Spannable", "interface", ",", "and", "SpannedString", "does", "not", "implement", "Spannable", "."], "golden-entity-mentions": [{"text": ["removeSpan()"], "entity-type": "Function", "index": [3]}, {"text": ["setSpan()"], "entity-type": "Function", "index": [5]}, {"text": ["Spannable"], "entity-type": "Class", "index": [10]}, {"text": ["SpannedString"], "entity-type": "Class", "index": [14]}, {"text": ["Spannable"], "entity-type": "Class", "index": [18]}]}, {"sentence": ["In", "Safari", "on", "iOS", "if", "I", "open", "my", "login", "page", "it", "shows", "\"", "Scan", "Credit", "Card", "\"", ",", "how", "can", "I", "hide", "this", "as", "this", "is", "not", "relevant", "for", "the", "username", "or", "password", "text", "box", "."], "golden-entity-mentions": [{"text": ["Safari"], "entity-type": "Application", "index": [1]}, {"text": ["iOS"], "entity-type": "Operating_System", "index": [3]}, {"text": ["page"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["\"", "Scan", "Credit", "Card", "\""], "entity-type": "Output_Block", "index": [12, 13, 14, 15, 16]}, {"text": ["text", "box"], "entity-type": "User_Interface_Element", "index": [33, 34]}]}, {"sentence": ["I", "tried", "to", "find", "answer", "here", "How", "to", "disable", "\"", "Scan", "Credit", "Card", "\"", "feature", "on", "iOS", "8", "Safari", "?"], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "Operating_System", "index": [16]}, {"text": ["8"], "entity-type": "Version", "index": [17]}, {"text": ["Safari"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["but", "no", "one", "has", "replied", "to", "it", "yet", "."], "golden-entity-mentions": []}, {"sentence": ["Image", "is", "shown", "below", "as", "reference", ":"], "golden-entity-mentions": [{"text": ["Image"], "entity-type": "User_Interface_Element", "index": [0]}]}, {"sentence": ["I", "'m", "trying", "to", "send", "two", "versions", "of", "the", "same", "email", "to", "two", "recipients", "using", "phpMailer"], "golden-entity-mentions": [{"text": ["phpMailer"], "entity-type": "Library", "index": [15]}]}, {"sentence": ["Depending", "on", "the", "email", "I", "need", "to", "send", "one", "version", "or", "another", "."], "golden-entity-mentions": []}, {"sentence": ["At", "the", "moment", "I", "'m", "able", "to", "send", "only", "the", "same", "version", "to", "both", "email", "address"], "golden-entity-mentions": []}, {"sentence": ["I", "think", "you", "want", "to", "seach", "the", "$maileremail", "inside", "$add", "and", "send", "the", "desired", "email", "."], "golden-entity-mentions": [{"text": ["$maileremail"], "entity-type": "Variable", "index": [7]}, {"text": ["$add"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["EDITED", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "misunderstood", "the", "question", "."], "golden-entity-mentions": []}, {"sentence": ["Brian", "is", "right", "."], "golden-entity-mentions": [{"text": ["Brian"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["If", "you", "'re", "looking", "to", "do", "all", "the", "setup", "once", "for", "minimal", "repetition", ",", "simply", "clone", "your", "$mail", "object", "in", "your", "foreach($add)", "loop", ":"], "golden-entity-mentions": [{"text": ["$mail"], "entity-type": "Variable", "index": [17]}, {"text": ["foreach($add)"], "entity-type": "Code_Block", "index": [21]}]}, {"sentence": ["This", "creates", "a", "separate", "clone", "of", "your", "$mail", "object", "for", "every", "loop", ",", "allowing", "you", "to", "add", "different", "email", "bodies", ",", "subjects", ",", "etc", "."], "golden-entity-mentions": [{"text": ["$mail"], "entity-type": "Variable", "index": [7]}]}, {"sentence": ["without", "having", "to", "rewrite", "all", "connection", "settings", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "somebody", "help", "please", "."], "golden-entity-mentions": []}, {"sentence": ["I", "hav", "n't", "any", "experience", "in", "Angular", "1", "to", "2", "migration", "."], "golden-entity-mentions": [{"text": ["Angular"], "entity-type": "Library", "index": [6]}, {"text": ["1"], "entity-type": "Version", "index": [7]}, {"text": ["2"], "entity-type": "Version", "index": [9]}]}, {"sentence": ["I", "have", "this", "code"], "golden-entity-mentions": []}, {"sentence": ["and", "after", "first", "appers", "this", "error", ":"], "golden-entity-mentions": []}, {"sentence": ["Error", ":", "[", "$injector:nomod", "]", "Module", "'", "app", "'", "is", "not", "available", "!"], "golden-entity-mentions": [{"text": ["[", "$injector:nomod", "]"], "entity-type": "Error_Name", "index": [2, 3, 4]}]}, {"sentence": ["You", "either", "misspelled", "the", "module", "name", "or", "forgot", "to", "load", "it", "."], "golden-entity-mentions": []}, {"sentence": ["If", "registering", "a", "module", "ensure", "that", "you", "specify", "the", "dependencies", "as", "the", "second", "argument", "."], "golden-entity-mentions": []}, {"sentence": ["And", "after", "second", "variany", "this", "one", ":"], "golden-entity-mentions": []}, {"sentence": ["Error", ":", "TypeError", ":", "angular.module", "is", "not", "a", "function"], "golden-entity-mentions": [{"text": ["TypeError"], "entity-type": "Error_Name", "index": [2]}]}, {"sentence": ["app.module.ts"], "golden-entity-mentions": [{"text": ["app.module.ts"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["package.json"], "golden-entity-mentions": [{"text": ["package.json"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["I", "have", "a", "free", "open", "source", "app", "that", "already", "supports", "multiple", "languages", "."], "golden-entity-mentions": []}, {"sentence": ["To", "test", "the", "languages", "I", "switch", "the", "phone", "'s", "setting", "|", "language", "and", "everything", "works", "just", "fine", "."], "golden-entity-mentions": [{"text": ["phone"], "entity-type": "Device", "index": [7]}]}, {"sentence": ["Once", "in", "a", "while", "I", "get", "requests", "from", "people", "that", "want", "to", "translate", "the", "app", "to", "a", "language", "that", "is", "not", "listed", "on", "my", "own", "device", "(", "CM", "7.1", "or", "US", "Nexus", "7", ")", "."], "golden-entity-mentions": [{"text": ["CM"], "entity-type": "Device", "index": [27]}, {"text": ["7.1"], "entity-type": "Version", "index": [28]}, {"text": ["US", "Nexus"], "entity-type": "Device", "index": [30, 31]}, {"text": ["7"], "entity-type": "Version", "index": [32]}]}, {"sentence": ["For", "example", ",", "the", "last", "one", "was", "for", "Albanian", "."], "golden-entity-mentions": []}, {"sentence": ["I", "presume", "that", "the", "language", "code", "is", "'", "sq", "'", "so", "I", "can", "create", "res/values", "-sq", "with", "the", "translation", "they", "provide", "but", "how", "can", "I", "test", "it", "on", "my", "own", "phone", "?"], "golden-entity-mentions": [{"text": ["'", "sq"], "entity-type": "Value", "index": [7, 8]}, {"text": ["'"], "entity-type": "Value", "index": [9]}, {"text": ["res/values", "-sq"], "entity-type": "Code_Block", "index": [14, 15]}, {"text": ["phone"], "entity-type": "Device", "index": [30]}]}, {"sentence": ["Is", "there", "a", "way", "to", "force", "my", "app", "to", "use", "a", "specific", "language", "code", "(", "e.g", ".", "'", "sq'", ")", ",", "even", "if", "it", "is", "not", "listed", "in", "my", "phone", "'s", "settings", "?"], "golden-entity-mentions": [{"text": ["'", "sq'"], "entity-type": "Value", "index": [17, 18]}, {"text": ["phone"], "entity-type": "Device", "index": [29]}]}, {"sentence": ["To", "clarify", ",", "I", "do", "n't", "want", "to", "reinvent", "language", "switching", ",", "just", "to", "influence", "the", "resource", "selector", "to", "use", "res/values", "-sq", "."], "golden-entity-mentions": [{"text": ["res/values", "-sq"], "entity-type": "Code_Block", "index": [20, 21]}]}, {"sentence": ["If", "it", "matters", ",", "the", "app", "uses", "android:minSdkVersion", "=", "\"", "8", "\"", "."], "golden-entity-mentions": [{"text": ["android:minSdkVersion", "=", "\"", "8", "\""], "entity-type": "Code_Block", "index": [7, 8, 9, 10, 11]}]}, {"sentence": ["Your", "phone", "vendor", "chose", "not", "to", "include", "the", "Albanian", "locale", ",", "so", "unfortunately", "you", "wo", "n't", "be", "able", "to", "choose", "it", "."], "golden-entity-mentions": [{"text": ["phone"], "entity-type": "Device", "index": [1]}]}, {"sentence": ["This", "is", "usually", "vendor", "specific", "and", "depends", "greatly", "on", "your", "location", "."], "golden-entity-mentions": []}, {"sentence": ["For", "example", ",", "Samsung", "will", "not", "include", "the", "Albanian", "locale", "in", "an", "Android", "build", "used", "for", "phones", "to", "be", "distributed", "in", "the", "US", "."], "golden-entity-mentions": [{"text": ["Samsung"], "entity-type": "Website", "index": [3]}, {"text": ["Android"], "entity-type": "Operating_System", "index": [12]}, {"text": ["phones"], "entity-type": "Device", "index": [16]}]}, {"sentence": ["As", "for", "forcing", "your", "app", "directly", "to", "choose", "one", "of", "your", "locale", "'s", ",", "it", "is", "not", "doable", "afaik", "."], "golden-entity-mentions": []}, {"sentence": ["The", "best", "you", "could", "do", "(", "in", "case", "you", "want", "to", "test", "your", "resources", ")", "would", "be", "to", "recreate", "the", "project", "and", "remove", "all", "the", "other", "resources", "and", "leave", "the", "Albanian-specific", "ones", "."], "golden-entity-mentions": []}, {"sentence": ["The", "system", "will", "\"", "be", "forced", "\"", "use", "them", "."], "golden-entity-mentions": []}, {"sentence": ["We", "have", "a", "website", "using", "bootstrap", ",", "css", ",", "and", "html", "."], "golden-entity-mentions": [{"text": ["bootstrap"], "entity-type": "Library", "index": [5]}, {"text": ["css"], "entity-type": "Language", "index": [7]}, {"text": ["html"], "entity-type": "Language", "index": [10]}]}, {"sentence": ["we", "have", "a", "piece", "of", "text", "that", "we", "want", "to", "disappear", "when", "on", "mobile", "."], "golden-entity-mentions": [{"text": ["text"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["mobile"], "entity-type": "Device", "index": [13]}]}, {"sentence": ["There", "are", "slightly", "different", "classes", "you", "need", "to", "add", "depending", "on", "the", "version", "of", "Bootstrap", ",", "e.g", ".", "hidden-sm-down", "for", "v4-alpha", "(", "https://v4-alpha.getbootstrap.com/layout/responsive-utilities/", ")"], "golden-entity-mentions": [{"text": ["Bootstrap"], "entity-type": "Library", "index": [14]}, {"text": ["hidden-sm-down"], "entity-type": "Class", "index": [18]}, {"text": ["v4-alpha"], "entity-type": "Version", "index": [20]}]}, {"sentence": ["(", "First", "of", "all", "im", "not", "a", "native", "english", "speaker", "so", "my", "english", "is", "really", "bad", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "been", "working", "on", "a", "android", "APP", "."], "golden-entity-mentions": [{"text": ["android"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["Basically", "I", "need", "to", "connect", "to", "a", "SQL", "Server", "2012", "express", "database", "."], "golden-entity-mentions": [{"text": ["SQL", "Server"], "entity-type": "Application", "index": [7, 8]}, {"text": ["2012"], "entity-type": "Version", "index": [9]}]}, {"sentence": ["All", "works", "fine", "until", "I", "use", "a", "different", "API", "of", "23", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [8]}, {"text": ["23"], "entity-type": "Version", "index": [10]}]}, {"sentence": ["I", "'ve", "found", "this", "error", "on", "other", "topics", "but", "no", "answer", "worked", "for", "me", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "the", "error", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "been", "doing", "some", "research", "on", "the", "code", "and", "the", "error", "log", "and", "it", "seems", "to", "be", "an", "error", "with", "the", "database", "connection", ",", "but", "i", "dont", "really", "found", "out", "what", "can", "be", "."], "golden-entity-mentions": []}, {"sentence": ["The", "thing", "is", ",", "the", "APP", "works", "totally", "fine", "on", "API", "23", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [10]}, {"text": ["23"], "entity-type": "Version", "index": [11]}]}, {"sentence": ["But", "when", "I", "use", "an", "API", "17", "emulator", "device", "this", "error", "just", "appears", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [5]}, {"text": ["17"], "entity-type": "Version", "index": [6]}, {"text": ["emulator"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["I", "started", "the", "project", "on", "API", "17", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [5]}, {"text": ["17"], "entity-type": "Version", "index": [6]}]}, {"sentence": ["I", "'ve", "tried", "to", "create", "an", "API", "10", "project", "and", "it", "did", "n't", "work", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [6]}, {"text": ["10"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["This", "is", "the", "layout", ":"], "golden-entity-mentions": []}, {"sentence": ["This", "is", "the", "database", "connection", "class", ":"], "golden-entity-mentions": [{"text": ["database", "connection"], "entity-type": "Class", "index": [3, 4]}]}, {"sentence": ["And", "here", "is", "the", "main", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Im", "using", "the", "last", "version", "of", "jtds.jdbe", "driver", "."], "golden-entity-mentions": [{"text": ["jtds.jdbe"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["I", "am", "trying", "to", "arrange", "a", "grid", "layout", "."], "golden-entity-mentions": [{"text": ["grid"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["The", "last", "div", "moves", "when", "zooming", "out", "."], "golden-entity-mentions": [{"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [2]}]}, {"sentence": ["Also", "a", "white", "line", "appear", "between", "the", "right", "side", "panel", "and", "last", "content", "div", "when", "I", "zoom", "in", "."], "golden-entity-mentions": [{"text": ["white", "line"], "entity-type": "User_Interface_Element", "index": [2, 3]}, {"text": ["panel"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [13]}]}, {"sentence": ["Am", "I", "doing", "something", "crucially", "wrong", "with", "my", "CSS", "and", "layout", "?"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [8]}]}, {"sentence": ["Cheers", ","], "golden-entity-mentions": []}, {"sentence": ["Owain"], "golden-entity-mentions": [{"text": ["Owain"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["If", "I", "understood", "your", "question", "correctly", ",", "this", "is", "what", "your", "output", "should", "be", "."], "golden-entity-mentions": []}, {"sentence": ["The", "CSS", "shall", "be"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [1]}]}, {"sentence": ["also", ",", "remove", "the", "width", "attribute/property", "from", ".item1", "and", ".item2", "."], "golden-entity-mentions": [{"text": ["width"], "entity-type": "Variable", "index": [4]}, {"text": [".item1"], "entity-type": "Variable", "index": [7]}, {"text": [".item2"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["Adding", "width", "to", "two-item-column", "would", "fix", "it", "."], "golden-entity-mentions": [{"text": ["width"], "entity-type": "Variable", "index": [1]}, {"text": ["two-item-column"], "entity-type": "Variable", "index": [3]}]}, {"sentence": ["And", "there", "is", "no", "need", "to", "make", "its", "position", "relative", "if", "it", "is", "not", "for", "other", "parts", "of", "your", "layout", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "put", "some", "Waypoints", "in", "a", "Map", "."], "golden-entity-mentions": [{"text": ["Waypoints"], "entity-type": "Variable", "index": [5]}, {"text": ["Map"], "entity-type": "Class", "index": [8]}]}, {"sentence": ["The", "problem", "is", "that", "I", "am", "specifying", "the", "travelMode", "but", "the", "Waypoints", "do", "not", "use", "my", "travel", "mode", ",", "apparently", "waypoints", "used", "\"", "driving", "\"", "travel", "mode", ",", "and", "I", "want", "to", "use", "\"", "walking", "\"", "."], "golden-entity-mentions": [{"text": ["travelMode"], "entity-type": "Variable", "index": [8]}, {"text": ["Waypoints"], "entity-type": "Variable", "index": [11]}, {"text": ["travel", "mode"], "entity-type": "Variable", "index": [16, 17]}, {"text": ["waypoints"], "entity-type": "Variable", "index": [20]}, {"text": ["\"", "driving", "\""], "entity-type": "Value", "index": [22, 23, 24]}, {"text": ["travel", "mode"], "entity-type": "Variable", "index": [25, 26]}, {"text": ["\"", "walking", "\""], "entity-type": "Value", "index": [33, 34, 35]}]}, {"sentence": ["As", "you", "can", "see", ",", "the", "route", "is", "not", "the", "best", "route", "to", "walk", "."], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "my", "code", ":"], "golden-entity-mentions": []}, {"sentence": ["Also", "every", "waypoint", "have", ":", "stopover", ":", "true", "."], "golden-entity-mentions": [{"text": ["waypoint"], "entity-type": "Variable", "index": [2]}, {"text": ["stopover", ":", "true"], "entity-type": "Code_Block", "index": [5, 6, 7]}]}, {"sentence": ["And", "idea", "?"], "golden-entity-mentions": []}, {"sentence": ["Thank", "you", "in", "advance", "!"], "golden-entity-mentions": []}, {"sentence": ["In", "gmaps", ",", "by", "default", ",", "the", "travelMode", "is", "walking", ",", "and", "each", "waypoint", "must", "have", "its", "location", "as", "an", "instance", "of", "google.maps.LatLng", ",", "not", "an", "array", "with", "latitude", "and", "longitude", "(", "like", "origin", "or", "destination", ")", "."], "golden-entity-mentions": [{"text": ["gmaps"], "entity-type": "Library", "index": [1]}, {"text": ["travelMode"], "entity-type": "Variable", "index": [7]}, {"text": ["walking"], "entity-type": "Value", "index": [9]}, {"text": ["waypoint"], "entity-type": "Variable", "index": [13]}, {"text": ["location"], "entity-type": "Variable", "index": [17]}, {"text": ["google.maps.LatLng"], "entity-type": "Class", "index": [22]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [26]}, {"text": ["origin"], "entity-type": "Variable", "index": [33]}, {"text": ["destination"], "entity-type": "Variable", "index": [35]}]}, {"sentence": ["Also", ",", "according", "the", "Google", "Maps", "API", "reference", ":"], "golden-entity-mentions": [{"text": ["Google", "Maps", "API"], "entity-type": "Library", "index": [4, 5, 6]}]}, {"sentence": ["The", "string", "'", "walking", "'", "is", "not", "a", "TravelMode"], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [1]}, {"text": ["'", "walking"], "entity-type": "Value", "index": [2, 3]}, {"text": ["'"], "entity-type": "Value", "index": [4]}, {"text": ["TravelMode"], "entity-type": "Variable", "index": [8]}]}, {"sentence": ["I", "have", "this", "example", ":"], "golden-entity-mentions": []}, {"sentence": ["It", "works", "fine", "and", "the", "input", "boxes", "span", "2", ",", "3", ",", "and", "4", "columns", "."], "golden-entity-mentions": [{"text": ["input", "boxes"], "entity-type": "User_Interface_Element", "index": [5, 6]}, {"text": ["2"], "entity-type": "Value", "index": [8]}, {"text": ["3"], "entity-type": "Value", "index": [10]}, {"text": ["4"], "entity-type": "Value", "index": [13]}, {"text": ["columns"], "entity-type": "User_Interface_Element", "index": [14]}]}, {"sentence": ["However", ",", "If", "I", "change", "the", "column", "widths", "to", ":"], "golden-entity-mentions": [{"text": ["column"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["The", "column", "widths", "are", "not", "behaving", "as", "expected", "."], "golden-entity-mentions": [{"text": ["column"], "entity-type": "User_Interface_Element", "index": [1]}]}, {"sentence": ["The", "col-lg-6", "input", "box", "is", "not", "expanding", "6", "columns", "and", "nothing", "seems", "to", "be", "expanding", "past", "4", "columns", "."], "golden-entity-mentions": [{"text": ["col-lg-6"], "entity-type": "HTML_XML_Tag", "index": [1]}, {"text": ["input", "box"], "entity-type": "User_Interface_Element", "index": [2, 3]}, {"text": ["6"], "entity-type": "Value", "index": [7]}, {"text": ["columns"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["4"], "entity-type": "Value", "index": [16]}, {"text": ["columns"], "entity-type": "User_Interface_Element", "index": [17]}]}, {"sentence": ["Is", "something", "prohibiting", "the", "column", "from", "being", "expanded", "past", "a", "width", "of", "4", "by", "default", "?"], "golden-entity-mentions": [{"text": ["column"], "entity-type": "User_Interface_Element", "index": [4]}, {"text": ["4"], "entity-type": "Value", "index": [12]}]}, {"sentence": ["Not", "sure", "what", "could", "be", "going", "on", "here", "."], "golden-entity-mentions": []}, {"sentence": ["Just", "figured", "out", "what", "is", "going", "on", "."], "golden-entity-mentions": []}, {"sentence": ["The", "default", "MVC", "project", "template", "creates", "a", "_ViewStart.cshtml", "that", "references", "a", "_Layout.cshtml", "."], "golden-entity-mentions": [{"text": ["MVC"], "entity-type": "Algorithm", "index": [2]}, {"text": ["_ViewStart.cshtml"], "entity-type": "File_Name", "index": [7]}, {"text": ["_Layout.cshtml"], "entity-type": "File_Name", "index": [11]}]}, {"sentence": ["In", "order", "to", "avoid", "the", "default", "layout", "created", "from", "ViewStart", "I", "added", ":"], "golden-entity-mentions": [{"text": ["ViewStart"], "entity-type": "File_Name", "index": [9]}]}, {"sentence": ["}"], "golden-entity-mentions": [{"text": ["}"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["Recently", ",", "I", "got", "a", "mission", "to", "set", "up", "an", "https", "server", "with", "tomcat", ",", "with", "bidirectional", "authentication", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [11]}, {"text": ["tomcat"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["I", "have", "to", "write", "the", "cert", "into", "the", "trustKeyStoreFile", "."], "golden-entity-mentions": [{"text": ["trustKeyStoreFile"], "entity-type": "Variable", "index": [8]}]}, {"sentence": ["But", "the", "user", "still", "cannot", "visit", "the", "website", "without", "restarting", "tomcat", "."], "golden-entity-mentions": [{"text": ["tomcat"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["I", "think", "it", "is", "because", "tomcat", "reads", "the", "file", "when", "it", "starts", "."], "golden-entity-mentions": [{"text": ["tomcat"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["So", "even", "if", "I", "write", "the", "cert", "into", "the", "trustKeyStoreFile", ",", "the", "cert", "is", "still", "not", "trusted", "."], "golden-entity-mentions": [{"text": ["trustKeyStoreFile"], "entity-type": "Variable", "index": [9]}]}, {"sentence": ["I", "cannot", "restart", "the", "server", "every", "time", "there", "is", "a", "new", "user", ",", "so", "how", "can", "I", "let", "the", "server", "reread", "the", "file", "when", "it", "is", "changed", "?"], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [4]}, {"text": ["server"], "entity-type": "Application", "index": [19]}]}, {"sentence": ["As", "this", "question", "is", "closed", "(", "where", "I", "intended", "to", "answer", "first", ")", "I", "'m", "opening", "this", "one", "."], "golden-entity-mentions": []}, {"sentence": ["On", "some", "machines", "it", "is", "forbidden", "to", "install/download", "binaries", "so", "I", "want", "to", "know", "how", "can", "I", "check", "if", "a", "port", "on", "a", "remote", "machine", "is", "open", "using", "only", "native", "windows", "script", "capabilities", "."], "golden-entity-mentions": [{"text": ["binaries"], "entity-type": "File_Type", "index": [8]}, {"text": ["port"], "entity-type": "Device", "index": [20]}, {"text": ["windows"], "entity-type": "Operating_System", "index": [30]}]}, {"sentence": ["Upsettingly", ",", "Windows", "does", "not", "offer", "simple", "tools", "to", "check", "whether", "port", "is", "open", "on", "a", "remote", "server", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [2]}, {"text": ["port"], "entity-type": "Device", "index": [11]}, {"text": ["server"], "entity-type": "Application", "index": [17]}]}, {"sentence": ["One", "option", "is", "telnet", "but", "it", "cannot", "be", "scripted", "as", "it", "closes", "when", "its", "output", "is", "redirected", "or", "captured", "."], "golden-entity-mentions": [{"text": ["telnet"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["Once", "upon", "a", "time", "there", "was", "a", "MSWinsock.Winsock.1", "COM", "object", "installed", "on", "Windows", "machines", "that", "could", "be", "used", "in", "a", "script", ",", "but", "no", "more", "."], "golden-entity-mentions": [{"text": ["MSWinsock.Winsock.1"], "entity-type": "Class", "index": [7]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [12]}]}, {"sentence": ["PortQry", "and", "PsPing", "are", "a", "wonderful", "tools", "but", "you", "still", "have", "to", "download", "them", "(", "despite", "it", "being", "provided", "by", "Microsoft", ")", "."], "golden-entity-mentions": [{"text": ["PortQry"], "entity-type": "Application", "index": [0]}, {"text": ["PsPing"], "entity-type": "Application", "index": [2]}, {"text": ["Microsoft"], "entity-type": "Website", "index": [20]}]}, {"sentence": ["So", "the", "easiest", "way", "is", "to", "rely", "on", "PowerShell", "."], "golden-entity-mentions": [{"text": ["PowerShell"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["Here", "is", "the", "code", "for", "a", "simple", ".bat", "script", ",", "internally", "using", "Powershell", "to", "get", "the", "job", "done", ":"], "golden-entity-mentions": [{"text": [".bat"], "entity-type": "File_Type", "index": [7]}, {"text": ["Powershell"], "entity-type": "Application", "index": [12]}]}, {"sentence": ["Some", "machines", "have", ".NET", "framework", "without", "PowerShell", "installed", "so", "in", "this", "case", "C#", "code", "can", "be", "embedded", "into", "a", "batch", "script", "using", "msbuild", ":"], "golden-entity-mentions": [{"text": [".NET"], "entity-type": "Library", "index": [3]}, {"text": ["PowerShell"], "entity-type": "Application", "index": [6]}, {"text": ["C#"], "entity-type": "Language", "index": [12]}, {"text": ["batch", "script"], "entity-type": "Language", "index": [19, 20]}, {"text": ["msbuild"], "entity-type": "Application", "index": [22]}]}, {"sentence": ["As", "for", "the", "machines", "without", ".NET", "framework", "I", "do", "n't", "know", "any", "native", "method", "to", "check", "remote", "ports", "."], "golden-entity-mentions": [{"text": [".NET"], "entity-type": "Library", "index": [5]}, {"text": ["ports"], "entity-type": "Device", "index": [17]}]}, {"sentence": ["If", "you", "only", "want", "to", "check", "TCP", "ports", "you", "can", "use", "Test-NetConnection", "."], "golden-entity-mentions": [{"text": ["ports"], "entity-type": "Device", "index": [7]}, {"text": ["Test-NetConnection"], "entity-type": "Code_Block", "index": [11]}]}, {"sentence": ["If", "offers", "a", "-Port", "parameter", "to", "define", "the", "TCP", "port", "."], "golden-entity-mentions": [{"text": ["-Port"], "entity-type": "Code_Block", "index": [3]}, {"text": ["port"], "entity-type": "Device", "index": [9]}]}, {"sentence": ["I", "am", "new", "to", "PHP", "and", "wanted", "to", "make", "sure", "."], "golden-entity-mentions": [{"text": ["PHP"], "entity-type": "Language", "index": [4]}]}, {"sentence": ["If", "i", "use", "mysql_real_escape_string", "for", "user", "generated", "input", "(", "variables", ")", ",", "the", "query", "wo", "n't", "be", "hacked", "?"], "golden-entity-mentions": [{"text": ["mysql_real_escape_string"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["Sample", "script", ":"], "golden-entity-mentions": []}, {"sentence": ["Do", "n't", "use", "straight", "mysql", "."], "golden-entity-mentions": [{"text": ["mysql"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["Use", "the", "mysqli", "(", "notice", "the", "i)", "or", "PDO", "library", "and", "use", "prepared", "statements", "."], "golden-entity-mentions": [{"text": ["mysqli"], "entity-type": "Application", "index": [2]}, {"text": ["PDO"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["Using", "prepared", "statements", "is", "more", "secure", "than", "using", "straight", "queries", "and", "including", "the", "variable", "in", "the", "query", "string", "."], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [17]}]}, {"sentence": ["According", "to", "the", "PHP", "documentation", ",", "mysql", "will", "be", "deprecated", "."], "golden-entity-mentions": [{"text": ["PHP"], "entity-type": "Language", "index": [3]}, {"text": ["mysql"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["It", "is", "no", "longer", "underdevelopment", "and", "the", "mysqli", "and", "PDO", "extensions", "should", "be", "used", "instead", "."], "golden-entity-mentions": [{"text": ["mysqli"], "entity-type": "Application", "index": [7]}, {"text": ["PDO"], "entity-type": "Library", "index": [9]}]}, {"sentence": ["You", "'re", "pretty", "safe", "if", "your", "using", "both", "quotes", "and", "mysql_real_escape_string", "."], "golden-entity-mentions": [{"text": ["mysql_real_escape_string"], "entity-type": "Function", "index": [10]}]}, {"sentence": ["You", "may", "want", "to", "look", "at", "PDO", "or", "at", "least", "mysqli", "for", "other", "reasons", "."], "golden-entity-mentions": [{"text": ["PDO"], "entity-type": "Library", "index": [6]}, {"text": ["mysqli"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["I", "'m", "trying", "to", "create", "a", "custom", "class", "that", "creates", "a", "button", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["I", "'m", "having", "trouble", "adding", "a", "target", "to", "that", "button", "inside", "it", "'s", "class", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [9]}]}, {"sentence": ["This", "is", "my", "code"], "golden-entity-mentions": []}, {"sentence": ["The", "problem", "is", "that", "I", "ca", "n't", "connect", "an", "action", "on", "button", "click", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["This", "works", "if", "it", "'s", "used", "outside", "my", "class", "but", "not", "inside", "."], "golden-entity-mentions": []}, {"sentence": ["Usage", "of", "the", "class"], "golden-entity-mentions": []}, {"sentence": ["Nothing", "is", "holding", "a", "strong", "reference", "to", "your", "SelectButton", "instance", ",", "so", "as", "soon", "as", "the", "function", "that", "creates", "test", "exits", ",", "that", "instance", "is", "released", "."], "golden-entity-mentions": [{"text": ["SelectButton"], "entity-type": "Class", "index": [8]}, {"text": ["test"], "entity-type": "Variable", "index": [19]}]}, {"sentence": ["The", "button", "itself", "is", "retained", "because", "you", "have", "added", "it", "as", "a", "subview", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [1]}, {"text": ["subview"], "entity-type": "Variable", "index": [12]}]}, {"sentence": ["Therefore", ",", "it", "is", "still", "visible", "but", "there", "is", "no", "longer", "an", "object", "to", "respond", "to", "the", "action", "."], "golden-entity-mentions": []}, {"sentence": ["You", "either", "need", "to", "use", "an", "instance", "property", "rather", "than", "a", "local", "variable", "for", "test", ",", "or", ",", "preferably", "have", "SelectButton", "inherit", "directly", "from", "UIButton"], "golden-entity-mentions": [{"text": ["test"], "entity-type": "Variable", "index": [14]}, {"text": ["SelectButton"], "entity-type": "Class", "index": [20]}, {"text": ["UIButton"], "entity-type": "Class", "index": [24]}]}, {"sentence": ["When", "someone", "taps", "the", "button", ",", "usually", "you", "want", "something", "to", "happen", "somewhere", "else", "in", "your", "app", "(", "like", "in", "one", "of", "your", "view", "controllers", "or", "in", "some", "other", "UI", "element", ")", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [4]}]}, {"sentence": ["The", "way", "the", "IBAction", "is", "set", "up", "right", "now", ",", "you", "have", "it", "so", "that", "something", "will", "trigger", "or", "happen", "within", "the", "button", "itself", "when", "someone", "taps", "on", "it", "."], "golden-entity-mentions": [{"text": ["IBAction"], "entity-type": "Class", "index": [3]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [22]}]}, {"sentence": ["If", "you", "want", "to", "handle", "a", "button", "tap", "programmatically", "instead", "of", "ctrl", "dragging", "from", "the", "button", "into", "the", "view", "controller", ",", "you", "can", "do", "it", "this", "way", "if", "you", "prefer", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["ctrl"], "entity-type": "Keyboard_IP", "index": [11]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [15]}]}, {"sentence": ["First", ",", "add", "this", "code", "into", "the", "view", "controller", ":"], "golden-entity-mentions": []}, {"sentence": ["Then", "you", "can", "either", "add", "the", "selector", "programmatically", "by", "adding", "this", "method", "into", "your", "view", "controller", ":"], "golden-entity-mentions": []}, {"sentence": ["Or", "by", "going", "to", "the", "connections", "inspector", "and", "dragging", "from", "the", "touch", "up", "inside", "over", "to", "the", "IBAction", "dot", "in", "your", "view", "controller", "code", "."], "golden-entity-mentions": [{"text": ["IBAction"], "entity-type": "Class", "index": [17]}]}, {"sentence": ["Also", ",", "as", "someone", "else", "pointed", "out", "in", "the", "comments", "you", "should", "make", "your", "button", "inherit", "from", "UIButton", "by", "adding", "this", "to", "your", "class", "declaration", ":"], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [14]}, {"text": ["UIButton"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["how", "can", "I", "capture", "all", "lines", "from", "a", "text", "file", "that", "begin", "with", "the", "character", "\"", "X", "\"", "or", "contain", "the", "word", "\"", "foo", "\"", "?"], "golden-entity-mentions": [{"text": ["text"], "entity-type": "File_Type", "index": [8]}, {"text": ["\"", "X", "\""], "entity-type": "Value", "index": [15, 16, 17]}, {"text": ["\"", "foo", "\""], "entity-type": "Value", "index": [22, 23, 24]}]}, {"sentence": ["This", "works", ":"], "golden-entity-mentions": []}, {"sentence": ["but", "I", "tried", ":"], "golden-entity-mentions": []}, {"sentence": ["and", "variations", "but", "cannot", "find", "the", "right", "syntax", "anywhere", "."], "golden-entity-mentions": []}, {"sentence": ["how", "can", "this", "be", "done", "?"], "golden-entity-mentions": []}, {"sentence": ["thanks", "."], "golden-entity-mentions": []}, {"sentence": ["If", "your", "grep", "implementation", "is", "n't", "POSIX", "compliant", ",", "you", "can", "use", "egrep", "instead", "of", "grep", ":"], "golden-entity-mentions": [{"text": ["grep"], "entity-type": "Code_Block", "index": [2]}, {"text": ["POSIX"], "entity-type": "Operating_System", "index": [6]}, {"text": ["egrep"], "entity-type": "Code_Block", "index": [12]}, {"text": ["grep"], "entity-type": "Code_Block", "index": [15]}]}, {"sentence": ["contains", "the", "word", "\"", "foo", "\"", "is", ":", "(.*", "foo.*", ")", "so", "your", "regex", "would", "become", ":"], "golden-entity-mentions": [{"text": ["\"", "foo", "\""], "entity-type": "Value", "index": [3, 4, 5]}, {"text": ["(.*", "foo.*", ")"], "entity-type": "Code_Block", "index": [8, 9, 10]}]}, {"sentence": ["I", "'m", "having", "problems", "with", "the", "IDE", "since", "it", "keeps", "opening", "when", "I", "tried", "to", "closed", "it", "."], "golden-entity-mentions": [{"text": ["IDE"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["Do", "you", "have", "the", "same", "problem", "and", "solution", "for", "that", "?"], "golden-entity-mentions": []}, {"sentence": ["Edit"], "golden-entity-mentions": []}, {"sentence": ["I", "recently", "install", "hotfixes", ":"], "golden-entity-mentions": [{"text": ["hotfixes"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["[", "crashes", "on", "shutdown", "]", "VS10-KB2275326-x86"], "golden-entity-mentions": [{"text": ["crashes", "on", "shutdown"], "entity-type": "Error_Name", "index": [1, 2, 3]}, {"text": ["VS10-KB2275326-x86"], "entity-type": "Version", "index": [5]}]}, {"sentence": ["[", "insufficient", "memory", "bug", "when", "copy-paste", "]", "VS10-KB2251084-x86"], "golden-entity-mentions": [{"text": ["insufficient", "memory", "bug", "when", "copy-paste"], "entity-type": "Error_Name", "index": [1, 2, 3, 4, 5]}, {"text": ["VS10-KB2251084-x86"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["[", "search", "box", "increased", "size", "bug", "]", "VS10-KB2268081-x86"], "golden-entity-mentions": [{"text": ["search", "box", "increased", "size", "bug"], "entity-type": "Error_Name", "index": [1, 2, 3, 4, 5]}, {"text": ["VS10-KB2268081-x86"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["[", "unnescessarily", "scrolling", "in", "context", "menus", "]", "VS10-KB2345133-x86"], "golden-entity-mentions": [{"text": ["unnescessarily", "scrolling", "in", "context", "menus"], "entity-type": "Error_Name", "index": [1, 2, 3, 4, 5]}, {"text": ["VS10-KB2345133-x86"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["Try", "to", "use", "this", "hotfix", "KB2275326", "\u00e2\u20ac", "\"", "The", "Visual", "Studio", "2010", "development", "environment", "crashes", "on", "shutdown"], "golden-entity-mentions": [{"text": ["hotfix"], "entity-type": "Application", "index": [4]}, {"text": ["KB2275326", "\u00e2\u20ac", "\""], "entity-type": "Value", "index": [5, 6, 7]}, {"text": ["Visual", "Studio"], "entity-type": "Application", "index": [9, 10]}, {"text": ["2010"], "entity-type": "Version", "index": [11]}]}, {"sentence": ["There", "'s", "a", "checkbox", "in", "visual", "studio", "2010", "that", "asks", "if", "it", "should", "restart", "automatically", "when", "it", "crashes", "."], "golden-entity-mentions": [{"text": ["checkbox"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["visual", "studio"], "entity-type": "Application", "index": [5, 6]}, {"text": ["2010"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["So", "if", "its", "crashing", "then", "this", "is", "the", "expected", "behavior", "but", "if", "its", "opening", "after", "you", "click", "the", "exit", "button", "i", "have", "no", "idea", "about", "its", "cause", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [19]}]}, {"sentence": ["I", "recently", "install", "Linux", "Mint", "(", "KDE", "Plasma", ")", "on", "my", "SSD", "(", "30GB", "Partition", ")", "after", "that", "I", "install", "Windows", "10", "on", "remaining", "storage", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [3]}, {"text": ["Mint"], "entity-type": "Version", "index": [4]}, {"text": ["KDE", "Plasma"], "entity-type": "Version", "index": [6, 7]}, {"text": ["SSD"], "entity-type": "Device", "index": [11]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [20]}, {"text": ["10"], "entity-type": "Version", "index": [21]}]}, {"sentence": ["But", "when", "I", "tried", "to", "boot", "in", "Linux", "Mint", "my", "Computer", "automatically", "boot", "Windows", "10", "without", "showing", "Boot", "options", "for", "selecting", "OS", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [7]}, {"text": ["Mint"], "entity-type": "Version", "index": [8]}, {"text": ["Computer"], "entity-type": "Device", "index": [10]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [13]}, {"text": ["10"], "entity-type": "Version", "index": [14]}]}, {"sentence": ["Now", ",", "how", "to", "install", "GRUB", "on", "Master", "Boot", "Record", "(", "MBR", ")", "of", "my", "SSD", "to", "boot", "both", "OS", "."], "golden-entity-mentions": [{"text": ["GRUB"], "entity-type": "Application", "index": [5]}, {"text": ["Master", "Boot", "Record"], "entity-type": "Device", "index": [7, 8, 9]}, {"text": ["SSD"], "entity-type": "Device", "index": [15]}]}, {"sentence": ["First", "live", "boot", "to", "your", "Linux", "Mint", "system", ",", "using", "external", "Live", "CD/USB", "Drive", ",", "then", "follow", "these", "commands", "to", "re-install", "GRUB", "on", "MBR", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [5]}, {"text": ["Mint"], "entity-type": "Version", "index": [6]}, {"text": ["CD/USB", "Drive"], "entity-type": "Device", "index": [12, 13]}, {"text": ["GRUB"], "entity-type": "Application", "index": [21]}, {"text": ["MBR"], "entity-type": "Device", "index": [23]}]}, {"sentence": ["mount", "your", "Linux", "installed", "partition", "to", "some", "mount", "point", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [2]}]}, {"sentence": ["here", "XY", "is", "the", "number", "of", "your", "Linux", "distro", "partition", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Operating_System", "index": [7]}]}, {"sentence": ["sudo", "mount", "", ""], "golden-entity-mentions": [{"text": ["sudo", "mount", "", ""], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5]}]}, {"sentence": ["Now", "bind", "some", "essential", "live", "root", "partition", "directories", "to", "mounted", "root", "partition", "at", "/mnt", "."], "golden-entity-mentions": [{"text": ["/mnt"], "entity-type": "File_Name", "index": [13]}]}, {"sentence": ["sudo", "mount", "--bind", "/dev", "/mnt/dev", "&&", "sudo", "mount", "--bind", "/dev/pts", "/mnt/dev/pts", "&&", "sudo", "mount", "--bind", "/proc", "/mnt/proc", "&&", "sudo", "mount", "--bind", "/sys", "/mnt/sys"], "golden-entity-mentions": [{"text": ["sudo", "mount", "--bind", "/dev", "/mnt/dev", "&&", "sudo", "mount", "--bind", "/dev/pts", "/mnt/dev/pts", "&&", "sudo", "mount", "--bind", "/proc", "/mnt/proc", "&&", "sudo", "mount", "--bind", "/sys", "/mnt/sys"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22]}]}, {"sentence": ["Now", ",", "change", "the", "root", "to", "newly", "mounted", "partition", "directory", "."], "golden-entity-mentions": []}, {"sentence": ["sudo", "chroot", ""], "golden-entity-mentions": [{"text": ["sudo", "chroot", ""], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["Now", ",", "install", "the", "GRUB", "using", "grub-install", "command", "at", "your", "HDD", "MBR", "."], "golden-entity-mentions": [{"text": ["GRUB"], "entity-type": "Application", "index": [4]}, {"text": ["grub-install"], "entity-type": "Code_Block", "index": [6]}, {"text": ["HDD", "MBR"], "entity-type": "Device", "index": [10, 11]}]}, {"sentence": ["grub-install", "/dev/sda"], "golden-entity-mentions": [{"text": ["grub-install", "/dev/sda"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["Finally", "update", "the", "grub", "entries", "to", "show", "newly", "detected", "partition", "operating", "systems", "."], "golden-entity-mentions": [{"text": ["grub"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["update-grub"], "golden-entity-mentions": [{"text": ["update-grub"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["And", "at", "last", "unmount", "all", "the", "binded", "partition", "directories", ",", "and", "then", "reboot", "."], "golden-entity-mentions": []}, {"sentence": ["sudo", "reboot"], "golden-entity-mentions": [{"text": ["sudo", "reboot"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["That", "'s", "it", ",", "hope", "this", "will", "help", "!", "!"], "golden-entity-mentions": []}, {"sentence": ["Windows", "will", "overwrite", "the", "boot", "sector", "whenever", "you", "install", "it", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [0]}]}, {"sentence": ["In", "general", "install", "windows", "first", "then", "linux", "."], "golden-entity-mentions": [{"text": ["windows"], "entity-type": "Operating_System", "index": [3]}, {"text": ["linux"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["You", "can", "repair", "the", "grub", "by", "booting", "from", "a", "live", "disk", "of", "linux", "Mint", "and", "there", "should", "be", "an", "option", "to", "repair-boot", ",", "which", "will", "repair", "your", "grub", "."], "golden-entity-mentions": [{"text": ["grub"], "entity-type": "Application", "index": [4]}, {"text": ["disk"], "entity-type": "Device", "index": [10]}, {"text": ["linux"], "entity-type": "Operating_System", "index": [12]}, {"text": ["Mint"], "entity-type": "Version", "index": [13]}, {"text": ["grub"], "entity-type": "Application", "index": [27]}]}, {"sentence": ["Restart", "it", "and", "now", "you", "should", "be", "able", "to", "see", "both", "the", "OS", "."], "golden-entity-mentions": []}, {"sentence": ["Or", "you", "can", "boot", "from", "a", "live", "cd", "and", "perform", "the", "following", "steps", ":"], "golden-entity-mentions": [{"text": ["cd"], "entity-type": "Device", "index": [7]}]}, {"sentence": ["Boot", "from", "a", "live", "CD", "(", "CD/DVD", "or", "flash", "drive", ")", "."], "golden-entity-mentions": [{"text": ["CD"], "entity-type": "Device", "index": [4]}, {"text": ["CD/DVD"], "entity-type": "Device", "index": [6]}, {"text": ["flash", "drive"], "entity-type": "Device", "index": [8, 9]}]}, {"sentence": ["Become", "root", "or", "use", "sudo", "with", "commands", "below", "."], "golden-entity-mentions": [{"text": ["sudo"], "entity-type": "Code_Block", "index": [4]}]}, {"sentence": ["List", "the", "available", "partitions", "if", "needed", ":", "fdisk", "-l"], "golden-entity-mentions": [{"text": ["fdisk", "-l"], "entity-type": "Code_Block", "index": [7, 8]}]}, {"sentence": ["Windows", "will", "almost", "certainly", "exist", "on", "/dev/sda1", ":", "mount", "/dev/sda1", "/mnt"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [0]}, {"text": ["/dev/sda1", ":", "mount", "/dev/sda1", "/mnt"], "entity-type": "File_Name", "index": [6, 7, 8, 9, 10]}]}, {"sentence": ["Reinstall", "GRUB", "in", "the", "MBR", ":", "grub-install", "--root-directory", "=", "/mnt/", "/dev/sda"], "golden-entity-mentions": [{"text": ["GRUB"], "entity-type": "Application", "index": [1]}, {"text": ["MBR"], "entity-type": "Device", "index": [4]}, {"text": ["grub-install", "--root-directory", "=", "/mnt/", "/dev/sda"], "entity-type": "Code_Block", "index": [6, 7, 8, 9, 10]}]}, {"sentence": ["Reboot", ":", "shutdown", "-r", "now"], "golden-entity-mentions": [{"text": ["shutdown", "-r", "now"], "entity-type": "Code_Block", "index": [2, 3, 4]}]}, {"sentence": ["Restore", "the", "GRUB", "menu", ":", "update-grub"], "golden-entity-mentions": [{"text": ["GRUB"], "entity-type": "Application", "index": [2]}, {"text": ["update-grub"], "entity-type": "Code_Block", "index": [5]}]}, {"sentence": ["Thanks", "to", "@christopher", "for", "the", "above", "answer", "."], "golden-entity-mentions": [{"text": ["@christopher"], "entity-type": "User_Name", "index": [2]}]}, {"sentence": ["I", "am", "writing", "a", "code", "in", "Java", "and", "I", "want", "my", "output", "to", "be", "3", "characters", "from", "a", "to", "z", "and", "2", "numbers", "from", "0", "to", "9", "(", "e.g", ".", "abc0", "1)", "but", "the", "program", "gives", "me", "1", "character", "and", "1", "number", "(", "e.g", ".", "a", "1)", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [6]}, {"text": ["characters"], "entity-type": "Data_Type", "index": [15]}, {"text": ["a"], "entity-type": "Value", "index": [17]}, {"text": ["z"], "entity-type": "Value", "index": [19]}, {"text": ["numbers"], "entity-type": "Data_Type", "index": [22]}, {"text": ["0"], "entity-type": "Value", "index": [24]}, {"text": ["9"], "entity-type": "Value", "index": [26]}, {"text": ["abc0", "1)"], "entity-type": "Value", "index": [30, 31]}, {"text": ["character"], "entity-type": "Data_Type", "index": [38]}, {"text": ["number"], "entity-type": "Data_Type", "index": [41]}, {"text": ["a", "1)"], "entity-type": "Value", "index": [45, 46]}]}, {"sentence": ["Why", "does", "the", "program", "do", "this", "despite", "I", "'ve", "put", "3", "and", "2", "into", "loops", "?"], "golden-entity-mentions": []}, {"sentence": ["From", "all", "I", "know", "the", "first", "loop", "must", "operate", "3", "times", "and", "the", "second", "one", "must", "operate", "2", "times", "."], "golden-entity-mentions": []}, {"sentence": ["So", "at", "the", "end", "my", "output", "have", "to", "be", "3", "characters", "and", "2", "numbers", "."], "golden-entity-mentions": [{"text": ["characters"], "entity-type": "Data_Type", "index": [10]}, {"text": ["numbers"], "entity-type": "Data_Type", "index": [13]}]}, {"sentence": ["Thanks", "!"], "golden-entity-mentions": []}, {"sentence": ["char", "and", "int", "can", "store", "one", "value", "so", "use", "String", "as"], "golden-entity-mentions": [{"text": ["char"], "entity-type": "Data_Type", "index": [0]}, {"text": ["int"], "entity-type": "Data_Type", "index": [2]}, {"text": ["String"], "entity-type": "Data_Type", "index": [9]}]}, {"sentence": ["You", "generate", "your", "random", "items", "correctly", ",", "but", "you", "do", "not", "collect", "the", "results", "in", "a", "proper", "way", "."], "golden-entity-mentions": []}, {"sentence": ["Each", "iteration", "of", "the", "loop", "writes", "over", "the", "results", "of", "prior", "iteration", ",", "leaving", "both", "a", "and", "b", "with", "the", "result", "of", "the", "last", "iteration", "."], "golden-entity-mentions": [{"text": ["a"], "entity-type": "Variable", "index": [15]}, {"text": ["b"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["I", "recommend", "using", "a", "StringBuilder", "to", "store", "characters", "as", "you", "generate", "them", ":"], "golden-entity-mentions": [{"text": ["StringBuilder"], "entity-type": "Class", "index": [4]}, {"text": ["characters"], "entity-type": "Data_Type", "index": [7]}]}, {"sentence": ["Demo", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "attempting", "to", "create", "a", "boot", "loader", "which", "allows", "me", "to", "update", "a", "processor", "'s", "software", "remotely", "."], "golden-entity-mentions": [{"text": ["boot", "loader"], "entity-type": "Application", "index": [6, 7]}, {"text": ["processor"], "entity-type": "Device", "index": [14]}]}, {"sentence": ["I", "am", "using", "keil", "uvision", "compiler", "(", "V5.20.0.0", ")", "."], "golden-entity-mentions": [{"text": ["keil", "uvision", "compiler"], "entity-type": "Application", "index": [3, 4, 5]}, {"text": ["V5.20.0.0"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["Flash.c", ",", "startup_efm32zg.s", ",", "startup_efm32zg.c", "and", "em_dma.c", "configured", "to", "execute", "from", "RAM", "(", "code", ",", "Zero", "init", "data", ",", "other", "data", ")", "via", "their", "options/properties", "tabs", "."], "golden-entity-mentions": [{"text": ["Flash.c"], "entity-type": "File_Name", "index": [0]}, {"text": ["startup_efm32zg.s"], "entity-type": "File_Name", "index": [2]}, {"text": ["startup_efm32zg.c"], "entity-type": "File_Name", "index": [4]}, {"text": ["em_dma.c"], "entity-type": "File_Name", "index": [6]}, {"text": ["RAM"], "entity-type": "Device", "index": [11]}, {"text": ["tabs"], "entity-type": "User_Interface_Element", "index": [25]}]}, {"sentence": ["Stack", "size", "configured", "at", "0x0000", "0800", "via", "the", "startup_efm32zg.s", "Configuration", "Wizard", "tab", "."], "golden-entity-mentions": [{"text": ["Stack"], "entity-type": "Data_Structure", "index": [0]}, {"text": ["0x0000", "0800"], "entity-type": "Value", "index": [4, 5]}, {"text": ["startup_efm32zg.s"], "entity-type": "File_Name", "index": [8]}, {"text": ["tab"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["Using", "Silicon", "Labs", "flash.c", "and", "flash.h", ",", "removed", "RAMFUNC", "as", "this", "is", "redundant", "to", "Keil", "configuration", ",", "above", "."], "golden-entity-mentions": [{"text": ["Silicon", "Labs"], "entity-type": "Website", "index": [1, 2]}, {"text": ["flash.c"], "entity-type": "File_Name", "index": [3]}, {"text": ["flash.h"], "entity-type": "File_Name", "index": [5]}, {"text": ["RAMFUNC"], "entity-type": "Code_Block", "index": [8]}, {"text": ["Keil"], "entity-type": "Application", "index": [14]}]}, {"sentence": ["I", "modified", "the", "flash.c", "code", "slightly", "so", "it", "stays", "in", "the", "FLASH_write", "function", "(", "supposedly", "in", "RAM", ")", "until", "the", "DMA", "is", "done", "doing", "its", "thing", "."], "golden-entity-mentions": [{"text": ["flash.c"], "entity-type": "File_Name", "index": [3]}, {"text": ["FLASH_write"], "entity-type": "Function", "index": [11]}, {"text": ["RAM"], "entity-type": "Device", "index": [16]}]}, {"sentence": ["I", "moved", "the"], "golden-entity-mentions": []}, {"sentence": ["while", "(", "DMA->CHENS", "&", "DMA_CHENS_CH0ENS", ")", ";"], "golden-entity-mentions": [{"text": ["while", "(", "DMA->CHENS", "&", "DMA_CHENS_CH0ENS", ")"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5]}, {"text": [";"], "entity-type": "Code_Block", "index": [6]}]}, {"sentence": ["line", "down", "to", "the", "end", "of", "the", "function", "and", "added", "a", "little", "wrapper", "around", "it", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["/", "*", "Activate", "channel", "0", "*", "/"], "golden-entity-mentions": [{"text": ["/", "*", "Activate", "channel", "0", "*", "/"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5, 6]}]}, {"sentence": ["DMA->CHENS", "=", "DMA_CHENS_CH0ENS", ";"], "golden-entity-mentions": [{"text": ["DMA->CHENS", "=", "DMA_CHENS_CH0ENS", ";"], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["FLASH_init()", "is", "called", "as", "part", "of", "the", "initial", "setup", "prior", "to", "entering", "my", "infinite", "loop", "."], "golden-entity-mentions": [{"text": ["FLASH_init()"], "entity-type": "Function", "index": [0]}]}, {"sentence": ["When", "called", "upon", "to", "update", "the", "flash", "....", "."], "golden-entity-mentions": [{"text": ["flash"], "entity-type": "Device", "index": [6]}]}, {"sentence": ["(", "1)", ":", "I", "disable", "interrupts", "."], "golden-entity-mentions": []}, {"sentence": ["(", "2)", ":", "I", "call", "FLASH_erasePage", "starting", "at", "0x0000", "2400", "."], "golden-entity-mentions": [{"text": ["FLASH_erasePage"], "entity-type": "Function", "index": [5]}, {"text": ["0x0000", "2400"], "entity-type": "Value", "index": [8, 9]}]}, {"sentence": ["This", "works", "."], "golden-entity-mentions": []}, {"sentence": ["(", "3)", ":", "I", "call", "FLASH_write", "."], "golden-entity-mentions": [{"text": ["FLASH_write"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["Where", ":"], "golden-entity-mentions": []}, {"sentence": ["startAddress", "=", "0x00002400", ","], "golden-entity-mentions": [{"text": ["startAddress", "=", "0x00002400"], "entity-type": "Code_Block", "index": [0, 1, 2]}]}, {"sentence": ["flashBuffer", "=", "a", "buffer", "of", "type", "uint8_t", "flashBuffer[256]", ","], "golden-entity-mentions": [{"text": ["flashBuffer", "=", "a", "buffer", "of", "type", "uint8_t", "flashBuffer[256]"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4, 5, 6, 7]}]}, {"sentence": ["#define", "BLOCK_SIZE", "=", "256", "."], "golden-entity-mentions": [{"text": ["#define", "BLOCK_SIZE", "=", "256"], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["It", "gets", "stuck", "here", "in", "the", "function", ":"], "golden-entity-mentions": []}, {"sentence": ["Eventually", "the", "debugger", "execution", "stops", "and", "the", "Call", "Stack", "clears", "to", "be", "left", "with", "0x00000000", "and", "ALL", "of", "memory", "is", "displayed", "as", "0xAA", "."], "golden-entity-mentions": [{"text": ["debugger"], "entity-type": "Application", "index": [2]}, {"text": ["Stack"], "entity-type": "Data_Structure", "index": [8]}, {"text": ["0x00000000"], "entity-type": "Value", "index": [14]}, {"text": ["0xAA"], "entity-type": "Value", "index": [22]}]}, {"sentence": ["I", "have", "set", "aside", "9K", "of", "flash", "for", "the", "bootloader", "."], "golden-entity-mentions": [{"text": ["flash"], "entity-type": "Device", "index": [6]}, {"text": ["bootloader"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["After", "a", "build", "I", "am", "told", ":"], "golden-entity-mentions": []}, {"sentence": ["Target", "Memory", "Options", "for", "Target1", ":"], "golden-entity-mentions": []}, {"sentence": ["IROM1", ":", "Start[0x0]", "Size[0x2400]"], "golden-entity-mentions": [{"text": ["IROM1", ":", "Start[0x0]", "Size[0x2400]"], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["IRAM1", ":", "Start[0x20000000]", "Size:[0x1000]"], "golden-entity-mentions": [{"text": ["IRAM1", ":", "Start[0x20000000]", "Size:[0x1000]"], "entity-type": "Code_Block", "index": [0, 1, 2, 3]}]}, {"sentence": ["So", ".", ".", "what", "on", "earth", "is", "going", "on", "?"], "golden-entity-mentions": []}, {"sentence": ["Any", "help", "?"], "golden-entity-mentions": []}, {"sentence": ["One", "of", "my", "other", "concerns", "is", "that", "it", "is", "supposed", "to", "be", "executing", "from", "RAM", "."], "golden-entity-mentions": [{"text": ["RAM"], "entity-type": "Device", "index": [14]}]}, {"sentence": ["When", "I", "look", "in", "the", "in", "the", "Call", "Stack", "for", "the", "Location/Value", "for", "FLASH_write", "after", "having", "stepped", "into", "the", "FLASH_write", "function", "I", "see", "0x000008A4", "."], "golden-entity-mentions": [{"text": ["Stack"], "entity-type": "Data_Structure", "index": [8]}, {"text": ["FLASH_write"], "entity-type": "Function", "index": [13]}, {"text": ["FLASH_write"], "entity-type": "Function", "index": [19]}, {"text": ["0x000008A4"], "entity-type": "Value", "index": [23]}]}, {"sentence": ["This", "is", "flash!(?)"], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "tried", "the", "whole", "RAM_FUNC", "thing", ",", "too", "with", "the", "same", "results", "."], "golden-entity-mentions": [{"text": ["RAM_FUNC"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["This", "is", "my", "first", "question", "on", "stackoverflow", "."], "golden-entity-mentions": [{"text": ["stackoverflow"], "entity-type": "Website", "index": [6]}]}, {"sentence": ["What", "I", "want", "to", "do", "is", "to", "create", "an", "iframe", "into", "test", "div", "with", "javascript", "and", "add", "html", "code", "in", "it", "."], "golden-entity-mentions": [{"text": ["iframe"], "entity-type": "Variable", "index": [9]}, {"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [12]}, {"text": ["javascript"], "entity-type": "Language", "index": [14]}, {"text": ["html"], "entity-type": "Language", "index": [17]}]}, {"sentence": ["Also", "I", "want", "to", "resize", "iframe", "'s", "height", "dynamically", "."], "golden-entity-mentions": [{"text": ["iframe", "height"], "entity-type": "Variable", "index": [5, 7]}]}, {"sentence": ["The", "code", "below", "works", "good", "for", "me", "only", "if", "I", "set", "dynamic_div", "'s", "height", "more", "than", "150px", "."], "golden-entity-mentions": [{"text": ["dynamic_div"], "entity-type": "Variable", "index": [11]}, {"text": ["height"], "entity-type": "Variable", "index": [13]}, {"text": ["150px"], "entity-type": "Value", "index": [16]}]}, {"sentence": ["If", "the", "height", "of", "the", "dynamic_div", "less", "than", "150", "it", "automatically", "sets", "iframe", "'s", "height", "to", "150", "."], "golden-entity-mentions": [{"text": ["height"], "entity-type": "Variable", "index": [2]}, {"text": ["dynamic_div"], "entity-type": "Variable", "index": [5]}, {"text": ["150"], "entity-type": "Value", "index": [8]}, {"text": ["iframe", "height"], "entity-type": "Variable", "index": [12, 14]}, {"text": ["150"], "entity-type": "Value", "index": [16]}]}, {"sentence": ["How", "can", "I", "fix", "this", "problem", "?"], "golden-entity-mentions": []}, {"sentence": ["P.S", ":", "html", "code", "in", "the", "html", "variable", "is", "dynamic", "."], "golden-entity-mentions": [{"text": ["html"], "entity-type": "Language", "index": [2]}, {"text": ["html"], "entity-type": "Variable", "index": [6]}]}, {"sentence": ["So", "I", "can", "not", "change", "anything", "in", "it", "."], "golden-entity-mentions": []}, {"sentence": ["Many", "Thanks", "."], "golden-entity-mentions": []}, {"sentence": ["Because", "of", "your", ""], "golden-entity-mentions": [{"text": [""], "entity-type": "Code_Block", "index": [3, 4]}]}, {"sentence": ["Automatically", "it", "wont", "be", "as", "tall", "as", "your", "iframe", "."], "golden-entity-mentions": [{"text": ["iframe"], "entity-type": "Variable", "index": [8]}]}, {"sentence": ["Add", "some", "style", "to", "it", "."], "golden-entity-mentions": []}, {"sentence": ["The", "iframe", "gets", "a", "height", "value", "for", "unknown", "reason", "to", "me", ",", "to", "give", "it", "a", "height", "value", "such", "as", "0", "did", "the", "trick", ",", "The", "doc.body.style.cssText", "overwrites", "the", "height", "value", "to", "100%", "anyway", ",", "so", "you", "do", "n't", "need", "to", "worry", "."], "golden-entity-mentions": [{"text": ["iframe"], "entity-type": "Variable", "index": [1]}, {"text": ["height"], "entity-type": "Variable", "index": [4]}, {"text": ["height"], "entity-type": "Variable", "index": [16]}, {"text": ["0"], "entity-type": "Value", "index": [20]}, {"text": ["doc.body.style.cssText"], "entity-type": "Variable", "index": [26]}, {"text": ["height"], "entity-type": "Variable", "index": [29]}, {"text": ["100%"], "entity-type": "Value", "index": [32]}]}, {"sentence": ["Example", "JSFiddle"], "golden-entity-mentions": [{"text": ["JSFiddle"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["FACTS", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "script", "that", "searches", "inbox", "for", "unread", "email", ",", "and", "anything", "that", "is", "n't", "starred", "are", "removed", "from", "inbox", "and", "applied", "label", "."], "golden-entity-mentions": [{"text": ["inbox"], "entity-type": "Application", "index": [6]}, {"text": ["inbox"], "entity-type": "Application", "index": [20]}]}, {"sentence": ["There", "are", "filters", "in", "place", "to", "label", "certain", "email", "addys", "as", "starred", "."], "golden-entity-mentions": []}, {"sentence": ["GOAL", ":"], "golden-entity-mentions": []}, {"sentence": ["To", "move", "everything", "from", "inbox", "to", "a", "folder", "that", "is", "not", "relevant", "."], "golden-entity-mentions": [{"text": ["inbox"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["Except", "the", "items", "that", "are", "starred", "."], "golden-entity-mentions": []}, {"sentence": ["Also", "have", "a", "method", "that", "allows", "for", "manually", "dragging", "back", "to", "inbox", "and", "make", "sure", "they", "stay", "there", "."], "golden-entity-mentions": [{"text": ["inbox"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["PROBLEM", ":"], "golden-entity-mentions": []}, {"sentence": ["Most", "all", "emails", "are", "processed", "as", "needed", "."], "golden-entity-mentions": []}, {"sentence": ["Only", "some", "of", "the", "starred", "emails", "are", "still", "getting", "the", "script", "applied", "to", ",", "and", "are", "thus", "moved", "from", "inbox", "and", "labeled", "\"", "newLabel", "\""], "golden-entity-mentions": [{"text": ["inbox"], "entity-type": "Application", "index": [19]}, {"text": ["\"", "newLabel", "\""], "entity-type": "Value", "index": [22, 23, 24]}]}, {"sentence": ["Thanks", "for", "your", "help", "."], "golden-entity-mentions": []}, {"sentence": ["If", "there", "is", "a", "better", "way", "to", "accomplish", "the", "same", "thing", ",", "I", "'ll", "switch", "it", "up", "."], "golden-entity-mentions": []}, {"sentence": ["I", "used", "this", "link", "for", "part", "of", "this", ":", "Gmail", "Script", ":", "search", "then", "move", "to", "inbox", ",", "remove", "label"], "golden-entity-mentions": [{"text": ["Gmail"], "entity-type": "Application", "index": [9]}, {"text": ["inbox"], "entity-type": "Application", "index": [16]}]}, {"sentence": ["Your", "first", "thread", "is", "not", "picking", "up", "mails", "correctly", "."], "golden-entity-mentions": []}, {"sentence": ["You", "indicated", "that"], "golden-entity-mentions": []}, {"sentence": ["GmailApp.search()", "should", "only", "use", "is:unread", "in:inbox", "for", "what", "you", "want", "."], "golden-entity-mentions": [{"text": ["GmailApp.search()"], "entity-type": "Function", "index": [0]}, {"text": ["is:unread", "in:inbox"], "entity-type": "Code_Block", "index": [4, 5]}]}, {"sentence": ["Also", ",", "using", "the", "search", "query", "parameter", "label", ":", "should", "n't", "have", "a", "dash", "before", "it", "."], "golden-entity-mentions": [{"text": ["label", ":"], "entity-type": "Code_Block", "index": [7, 8]}]}, {"sentence": ["Check", "out", "the", "documentation", "for", "the", "list", "of", "accepted", "search", "query", "parameters", "here"], "golden-entity-mentions": []}, {"sentence": ["This", "question", "is", "about", "Rad", "Beacon", "Dot", "device", "for", "Android", "."], "golden-entity-mentions": [{"text": ["Rad", "Beacon", "Dot"], "entity-type": "Device", "index": [4, 5, 6]}, {"text": ["Android"], "entity-type": "Operating_System", "index": [9]}]}, {"sentence": ["I", "have", "set", "up", "notification", "."], "golden-entity-mentions": []}, {"sentence": ["When", "user", "gets", "it", "on", "his", "phone", ",", "he", "can", "click", "on", "it", "and", "it", "will", "redirect", "him", "to", "my", "website", "."], "golden-entity-mentions": [{"text": ["phone"], "entity-type": "Device", "index": [6]}]}, {"sentence": ["All", "notification", "works", "great", ",", "i", "have", "connected", "it", "with", "Google", "Cloud", "Platform", "."], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [1]}, {"text": ["Google", "Cloud", "Platform"], "entity-type": "Application", "index": [10, 11, 12]}]}, {"sentence": ["Now", ",", "when", "user", "click", "on", "notification", ",", "can", "i", "somehow", "to", "track", "it", "?"], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["Can", "i", "track", "each", "click", "on", "notification", "?"], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["I", "tried", "to", "enable", "Google", "tracking", "API", "on", "the", "Google", "Cloud", "Platform", ",", "and", "added", "credentials", "to", "attachments", "field", "in", "the", "Beacon", "Dashboard", "Panel", ",", "but", "it", "still", "does", "n't", "work", "."], "golden-entity-mentions": [{"text": ["Google", "tracking", "API"], "entity-type": "Application", "index": [4, 5, 6]}, {"text": ["Google", "Cloud", "Platform"], "entity-type": "Application", "index": [9, 10, 11]}, {"text": ["Beacon", "Dashboard", "Panel"], "entity-type": "Application", "index": [21, 22, 23]}]}, {"sentence": ["Do", "you", "have", "a", "link", "or", "advice", "how", "can", "i", "achieve", "that", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "sure", "there", "'s", "should", "be", "a", "better", "solution", ",", "and", "i", "will", "get", "a", "lot", "of", "dislikes", "for", "that", "but", ","], "golden-entity-mentions": []}, {"sentence": ["But", "you", "can", "set", "up", "a", "link", "example", ":", "yourwebsite.com/beacon-track", "and", "place", "some", "tracking", "code", "there", "..", ".", "and", "set", "up", "redirect", "from", "yourwebsite.com/beacon", "to", "your", "website", ",", "so", "when", "user", "click", "on", "notification", "it", "goes", "to", "yourwebsite.com/beacon-track", ",", "add", "as", "click", ",", "and", "redirect", "user", "to", "yourwebsite.com"], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [33]}]}, {"sentence": ["But", ",", "i", "'m", "sure", ",", "there", "'s", "a", "better", "solution"], "golden-entity-mentions": []}, {"sentence": ["I", "need", "to", "pull", "data", "from", "columns", "J-Y", "from", "a", "spreadsheet", "and", "concatenate", "them", "specifically", "for", "each", "horizontal", "row", "in", "those", "ranges", "into", "a", "single", "cell", "."], "golden-entity-mentions": [{"text": ["columns"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["J-Y"], "entity-type": "Variable", "index": [7]}, {"text": ["spreadsheet"], "entity-type": "User_Interface_Element", "index": [10]}, {"text": ["row"], "entity-type": "Data_Structure", "index": [18]}, {"text": ["cell"], "entity-type": "Data_Structure", "index": [25]}]}, {"sentence": ["The", "best", "I", "can", "do", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["=CONCATENATE(IMPORTRANGE(\"123123123\",\"SheetName!J1:Y1\"))"], "golden-entity-mentions": [{"text": ["=CONCATENATE(IMPORTRANGE(\"123123123\",\"SheetName!J1:Y1\"))"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["That", "puts", "everything", "from", "a", "specific", "row", "into", "a", "specific", "cell", "."], "golden-entity-mentions": [{"text": ["row"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["cell"], "entity-type": "Data_Structure", "index": [10]}]}, {"sentence": ["But", "the", "range", "will", "not", "auto", "update", "when", "I", "drag", "the", "lower-right", "box", "down", "the", "column", "."], "golden-entity-mentions": [{"text": ["box"], "entity-type": "User_Interface_Element", "index": [12]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [15]}]}, {"sentence": ["How", "do", "I", "make", "it", "do", "that", "?"], "golden-entity-mentions": []}, {"sentence": ["does", "this", "works", "as", "you", "want", "if", "pasted", "into", "row", "1", "and", "dragged", "down", ":"], "golden-entity-mentions": [{"text": ["row"], "entity-type": "Data_Structure", "index": [9]}]}, {"sentence": ["=CONCATENATE(IMPORTRANGE(\"123123123\",\"SheetName!J\"&ROW()&\":Y\"&ROW()))"], "golden-entity-mentions": [{"text": ["=CONCATENATE(IMPORTRANGE(\"123123123\",\"SheetName!J\"&ROW()&\":Y\"&ROW()))"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["I", "'m", "working", "with", "sailsjs", "and", "mongodb", "."], "golden-entity-mentions": [{"text": ["sailsjs"], "entity-type": "Library", "index": [4]}, {"text": ["mongodb"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["I", "'m", "getting", "the", "error", "\"", "TypeError", ":", "Cannot", "read", "property", "'", "attributes", "'", "of", "undefined", "\"", "."], "golden-entity-mentions": [{"text": ["TypeError"], "entity-type": "Error_Name", "index": [6]}]}, {"sentence": ["This", "are", "the", "models", ":"], "golden-entity-mentions": []}, {"sentence": ["UserInterest.js"], "golden-entity-mentions": [{"text": ["UserInterest.js"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["UserProfile.js"], "golden-entity-mentions": [{"text": ["UserProfile.js"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["I", "'m", "trying", "to", "get", "a", "user", "profile", "loaded", "this", "way", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "error", "happens", "in", "populate", "function", "."], "golden-entity-mentions": [{"text": ["populate"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["Why", "this", "is", "happening", "?"], "golden-entity-mentions": []}, {"sentence": ["After", "struggling", "a", "lot", "with", "this", "problem", ",", "I", "found", "an", "answer", "."], "golden-entity-mentions": []}, {"sentence": ["The", "attribute", "interests", "was", "duplicated", "and", "sails", "was", "having", "problems", "with", "it", "."], "golden-entity-mentions": [{"text": ["sails"], "entity-type": "Library", "index": [6]}]}, {"sentence": ["I", "eliminated", "the", "duplicate", ",", "leaving", "the", "collection", "definition", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "my", "Play", "Framework", "2.1.2", "application", "and", "I", "need", "to", "execute", "clean", "up", "instructions", "after", "the", "user", "logs", "out", "or", "closes", "the", "browser", "."], "golden-entity-mentions": [{"text": ["Play", "Framework"], "entity-type": "Library", "index": [3, 4]}, {"text": ["2.1.2"], "entity-type": "Version", "index": [5]}, {"text": ["browser"], "entity-type": "Application", "index": [23]}]}, {"sentence": ["Since", "in", "my", "other", "question", "I", "asked", "how", "to", "intercept", "the", "closing", "action", "and", "I", "was", "told", "it", "'s", "not", "reliable", "to", "stick", "with", "javascript", "in", "browser", ",", "I", "would", "like", "to", "use", "its", "server", "side", "session", "timeout", "event", "to", "acknowledge", "the", "user", "is", "gone", "."], "golden-entity-mentions": [{"text": ["javascript"], "entity-type": "Language", "index": [24]}, {"text": ["browser"], "entity-type": "Application", "index": [26]}, {"text": ["server"], "entity-type": "Application", "index": [34]}]}, {"sentence": ["So", "the", "flow", "I", "would", "like", "to", "obtain", "is", "similar", "to", "this", "one", ":"], "golden-entity-mentions": []}, {"sentence": ["the", "user", "logs", "in"], "golden-entity-mentions": []}, {"sentence": ["its", "session", "is", "created"], "golden-entity-mentions": []}, {"sentence": ["the", "user", "works", "with", "my", "web", "application"], "golden-entity-mentions": []}, {"sentence": ["the", "user", "logs", "out", "/", "closes", "his", "browser", "--->", "the", "session", "expires"], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["he", "is", "not", "on", "the", "platform", "anymore", "so", "I", "can", "perform", "some", "operations", "on", "the", "db", "about", "what", "he", "has", "done"], "golden-entity-mentions": []}, {"sentence": ["I", "coul", "n't", "find", "any", "method", "to", "override", "when", "the", "session", "expires", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "someone", "point", "me", "towards", "a", "solution", "?"], "golden-entity-mentions": []}, {"sentence": ["Eventually", "another", "acceptable", "solution", "would", "be", "some", "timed", "event", "that", "repeatedly", "checks", "which", "users", "are", "not", "connected", "anymore", "and", "performs", "bulk", "operations", "on", "that", "pool", "of", "users", "no", "longer", "connected", "."], "golden-entity-mentions": []}, {"sentence": ["How", "to", "achieve", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "also", "needed", "a", "session", "timeout", ",", "so", "I", "added", "a", "timestamp", "(", "tick", ")", "to", "the", "session", "and", "updated", "it", "with", "each", "request", "after", "checking", "for", "a", "timeout", "."], "golden-entity-mentions": [{"text": ["timeout"], "entity-type": "Variable", "index": [5]}, {"text": ["timestamp"], "entity-type": "Class", "index": [11]}, {"text": ["timeout"], "entity-type": "Variable", "index": [28]}]}, {"sentence": ["Something", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["http://www.poornerd.com/2014/04/01/how-to-implement-a-session-timeout-in-play-framework-2/"], "golden-entity-mentions": []}, {"sentence": ["On", "what", "good", "serves", "me", "a", "texture", "atlas", "if", "my", "3D", "character", "is", "big", "enough", "and", "fits", "only", "a", "few", "on", "the", "4k*4K", "spritesheet", "?"], "golden-entity-mentions": [{"text": ["character"], "entity-type": "User_Interface_Element", "index": [11]}, {"text": ["spritesheet"], "entity-type": "User_Interface_Element", "index": [23]}]}, {"sentence": ["Seems", "like", "big", "resolution", "(", "420x768px", ")", "graphics", "are", "not", "best", "suited", "for", "such", "textures", "and", "used", "in", "cocos2d", "2", "to", "create", "nice", "animations", "from", "frames", "."], "golden-entity-mentions": [{"text": ["cocos2d"], "entity-type": "Library", "index": [18]}, {"text": ["2"], "entity-type": "Version", "index": [19]}]}, {"sentence": ["So", "is", "a", "3d", "engine", "best", "suited", "for", "heavy", "sprite", "animations", "?"], "golden-entity-mentions": []}, {"sentence": ["Anyone", "encountered", "similar", "limitations", ",", "when", "creating", "a", "heavy", "animation", "game", "in", "cocos2d", "?"], "golden-entity-mentions": [{"text": ["cocos2d"], "entity-type": "Library", "index": [12]}]}, {"sentence": ["Thanks", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "busy", "creating", "validation", "for", "this", "duplicate-able", "fields", ",", "so", "for", "on", "blur", "if", "nothing", "is", "filled", "in", "the", "input", "'", "Name", "'", "and", "also", "'", "Surname", ",", "then", "a", "error", "message", "will", "show", "up", ",", "the", "only", "problem", "is", "that", "the", "error", "shows", "up", "for", "both", "inputs", "'", "Name", "'", "and", "'", "Surname", "'", ",", "instead", "of", "one", "."], "golden-entity-mentions": [{"text": ["Name"], "entity-type": "Variable", "index": [22]}, {"text": ["Surname"], "entity-type": "Variable", "index": [27]}, {"text": ["Name"], "entity-type": "Variable", "index": [50]}, {"text": ["Surname"], "entity-type": "Variable", "index": [54]}]}, {"sentence": ["Keep", "in", "Mind", "that", "the", "the", "bottom", "fields", "are", "duplicate-able", "and", "the", "validation", "has", "to", "work", "for", "them", "to", ",", "hence", "why", "the", "code", "is", "written", "as", "it", "is", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "Help", "Greatly", "Appreciated", "."], "golden-entity-mentions": []}, {"sentence": ["JsFiddle"], "golden-entity-mentions": [{"text": ["JsFiddle"], "entity-type": "Application", "index": [0]}]}, {"sentence": ["And", "the", "Javascript", ":"], "golden-entity-mentions": [{"text": ["Javascript"], "entity-type": "Language", "index": [2]}]}, {"sentence": ["and", "the", "HTML", ":"], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "Language", "index": [2]}]}, {"sentence": ["See", "this", ":", "http://jsfiddle.net/6QTyd/5/"], "golden-entity-mentions": []}, {"sentence": ["Also", "note", "the", "changes", "in", "these", "areas", ":"], "golden-entity-mentions": []}, {"sentence": ["and"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "working", "on", "a", "cordova", "android", "app", "."], "golden-entity-mentions": [{"text": ["cordova"], "entity-type": "Library", "index": [5]}, {"text": ["android"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["My", "Question", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["is", "it", "possible", "to", "run", "a", "part", "of", "my", "app", "in", "background", ",", "so", "that", "the", "user", "can", "continue", "his", "work", "while", "sending", "data", "to", "server", "in", "background", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [25]}]}, {"sentence": ["i", "dont", "want", "my", "user", "to", "wait", "while", "i", "sync", "my", "local", "database", "with", "remote", "database", "."], "golden-entity-mentions": []}, {"sentence": ["I", "dont", "want", "my", "whole", "application", "to", "go", "background", "."], "golden-entity-mentions": []}, {"sentence": ["I", "want", "only", "the", "sync", "process", "to", "work", "in", "background.The", "total", "sync", "process", "is", "taking", "3", "Minutes", "time", "to", "complete", "."], "golden-entity-mentions": []}, {"sentence": ["currently", "i", "am", "showing", "a", "popup", "with", "message", "Sync", "is", "in", "progress", "which", "forces", "the", "user", "to", "wait", "for", "completion", "."], "golden-entity-mentions": [{"text": ["popup"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["Sync", "is", "in", "progress"], "entity-type": "Value", "index": [8, 9, 10, 11]}]}, {"sentence": ["Now", "i", "want", "the", "sync", "process", "to", "work", "in", "background", "without", "disturbing", "the", "user", "."], "golden-entity-mentions": []}, {"sentence": ["i", "used", "https://github.com/katzer/cordova-plugin-background-mode", "but", "this", "is", "working", "when", "my", "whole", "application", "is", "going", "in", "background", "."], "golden-entity-mentions": []}, {"sentence": ["If", "there", "is", "a", "way", "to", "solve", "my", "problem", "using", "this", "plugin", "please", "post", "here", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks", "in", "advance"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "to", "add", "two", "digit", "strings", ",", "meaning", "1234", "12+34", "(", "at", "least", "that", "'s", "what", "i", "gather", ")", "."], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [6]}, {"text": ["1234", "12+34"], "entity-type": "Value", "index": [9, 10]}]}, {"sentence": ["I", "wrote", "a", "program", "that", "does", "this", "expect", "for", "one", "exception", ",", "that", "is", "when", "the", "last", "number", "does", "n't", "have", "a", "pair", "it", "wont", "add", "properly", "."], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "the", "code", "i", "have", ":"], "golden-entity-mentions": []}, {"sentence": ["so", "basically", "if", "i", "have", "123", "the", "program", "does", "12+(30-48)", ",", "instead", "of", "12+", "3", "."], "golden-entity-mentions": [{"text": ["123"], "entity-type": "Value", "index": [5]}, {"text": ["12+(30-48)"], "entity-type": "Value", "index": [9]}, {"text": ["12+", "3"], "entity-type": "Value", "index": [13, 14]}]}, {"sentence": ["Ive", "been", "sitting", "on", "it", "for", "a", "while", ",", "and", "cant", "figure", "out", "how", "to", "fix", "that", "issue", ",", "any", "tips", "or", "advice", "would", "be", "welcomed", "."], "golden-entity-mentions": []}, {"sentence": ["(", "Strings", "like", "1234", "or", "4567", "will", "do", "12+34", "and", "45+67", ")"], "golden-entity-mentions": [{"text": ["Strings"], "entity-type": "Data_Type", "index": [1]}, {"text": ["1234"], "entity-type": "Value", "index": [3]}, {"text": ["4567"], "entity-type": "Value", "index": [5]}, {"text": ["12+34"], "entity-type": "Value", "index": [8]}, {"text": ["45+67"], "entity-type": "Value", "index": [10]}]}, {"sentence": ["I", "'m", "using", "d3", "to", "add", "svg", "circles", "on", "leaflet", "map", "."], "golden-entity-mentions": [{"text": ["d3"], "entity-type": "Library", "index": [3]}, {"text": ["svg"], "entity-type": "File_Type", "index": [6]}, {"text": ["circles"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["leaflet", "map"], "entity-type": "Library", "index": [9, 10]}]}, {"sentence": ["My", "fiddle", "is", "here", "http://jsfiddle.net/nextstopsun/C3U8g/"], "golden-entity-mentions": [{"text": ["fiddle"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["I", "'ve", "added", "a", "reset()", "function", "to", "map", "viewreset", "event", "to", "calculate", "transformation", "for", "svg", "g", "element", "containing", "all", "circles", "."], "golden-entity-mentions": [{"text": ["reset()"], "entity-type": "Function", "index": [4]}, {"text": ["viewreset"], "entity-type": "Function", "index": [8]}, {"text": ["svg"], "entity-type": "File_Type", "index": [14]}, {"text": ["g"], "entity-type": "Variable", "index": [15]}, {"text": ["circles"], "entity-type": "User_Interface_Element", "index": [19]}]}, {"sentence": ["This", "function", "is", "called", "on", "map", "viewreset", "event", "."], "golden-entity-mentions": [{"text": ["viewreset"], "entity-type": "Function", "index": [6]}]}, {"sentence": ["(", "The", "code", "is", "originally", "from", "this", "example", "http://bost.ocks.org/mike/leaflet/", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "can", "see", "that", "the", "transformation", "parameters", "for", "g", "element", "are", "being", "recalculated", ",", "but", "circles", "are", "n't", "repositioned", "(", "or", "they", "are", "repositioned", "wrong", ")", "and", "do", "n't", "align", "with", "the", "map", "tilelayer", "."], "golden-entity-mentions": [{"text": ["g"], "entity-type": "Variable", "index": [8]}, {"text": ["circles"], "entity-type": "User_Interface_Element", "index": [15]}, {"text": ["tilelayer"], "entity-type": "Class", "index": [33]}]}, {"sentence": ["Everything", "is", "ok", "when", "paning", "map", ",", "though", "."], "golden-entity-mentions": [{"text": ["map"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["What", "has", "to", "be", "changed", "for", "proper", "repositioning", "on", "zooming", "?"], "golden-entity-mentions": []}, {"sentence": ["In", "addition", "to", "transforming", "the", "g", "element", "that", "contains", "the", "circles", ",", "you", "also", "need", "to", "reset", "the", "coordinates", "of", "the", "circles", "themselves", ":"], "golden-entity-mentions": [{"text": ["g"], "entity-type": "Variable", "index": [5]}, {"text": ["circles"], "entity-type": "User_Interface_Element", "index": [10]}, {"text": ["circles"], "entity-type": "User_Interface_Element", "index": [21]}]}, {"sentence": ["Updated", "jsfiddle", "here", "."], "golden-entity-mentions": [{"text": ["jsfiddle"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["Good", "morning", "to", "all", ","], "golden-entity-mentions": []}, {"sentence": ["What", "is", "the", "preferred", "way", "to", "embed", "images", "(", "and", "other", "media", "in", "general", ")", "in", "a", "cocoa", "application", "?"], "golden-entity-mentions": [{"text": ["images"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["cocoa"], "entity-type": "Library", "index": [17]}]}, {"sentence": ["Windows", "executables", "have", "a", "resource", "section", "that", "allows", "you", "to", "store", "arbitrary", "data", "and", "extract", "it", "at", "runtime", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "Operating_System", "index": [0]}]}, {"sentence": ["Is", "there", "a", "similar", "mechanism", "on", "Mac", "OS", "X", "?"], "golden-entity-mentions": [{"text": ["Mac", "OS"], "entity-type": "Operating_System", "index": [6, 7]}, {"text": ["X"], "entity-type": "Version", "index": [8]}]}, {"sentence": ["My", "program", "uses", "several", "icons", "and", "images", "(", "statusmenu", "icon", ",", "GUI", "button", "images", "etc", ")", "and", "I", "would", "prefer", "to", "store", "them", "inside", "the", "application", "or", "a", "resource", "library", "rather", "than", "just", "distribute", "them", "as", "plain", "files", "."], "golden-entity-mentions": [{"text": ["icons"], "entity-type": "User_Interface_Element", "index": [4]}, {"text": ["images"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["statusmenu", "icon"], "entity-type": "User_Interface_Element", "index": [8, 9]}, {"text": ["GUI", "button", "images"], "entity-type": "User_Interface_Element", "index": [11, 12, 13]}]}, {"sentence": ["Thank", "you", "very", "much", "!"], "golden-entity-mentions": []}, {"sentence": ["Adding", "them", "to", "the", "resource", "directory", "is", "the", "way", "to", "go", "in", "the", "vast", "majority", "of", "cases", "..", ".", "this", "is", "the", "default", "behavior", "."], "golden-entity-mentions": [{"text": ["resource"], "entity-type": "File_Name", "index": [4]}]}, {"sentence": ["It", "'s", "good", "because", "you", "can", "postpone", "creation", "and", "because", "the", "system", "makes", "immutable", ",", "cached", ",", "reusable", "instances", "for", "you", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "do", "n't", "like", "that", ",", "you", "can", "just", "make", "a", "quick", "tool", "to", "generate", "a", "data", "representation", "and", "emit", "that", "to", "a", "C", "file", "which", "is", "compiled", "into", "your", "program", ",", "then", "use", "that", "as", "an", "input", "to", "an", "image", "creator", "call", "(", "assuming", "you", "want", "an", "NSImage", "or", "CGImage", "representation", "of", "that", ")", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "File_Type", "index": [24]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [41]}, {"text": ["NSImage"], "entity-type": "Class", "index": [49]}, {"text": ["CGImage"], "entity-type": "Class", "index": [51]}]}, {"sentence": ["But", "that", "'s", "a", "bit", "extreme", "-", "perhaps", "you", "would", "favor", "removing", "the", "file", "extension", "(", "or", "just", "changing", "it", "to", "something", "atypical", ")", "and", "then", "copying", "it", "to", "the", "resources", "directory", "?"], "golden-entity-mentions": [{"text": ["resources"], "entity-type": "File_Name", "index": [30]}]}, {"sentence": ["I", "'m", "trying", "to", "create", "list", "item", "in", "Subiste", "using", "SharePoint", "Deigner", "2013", "Call", "HTTP", "action", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["SharePoint", "Deigner"], "entity-type": "Application", "index": [10, 11]}, {"text": ["2013"], "entity-type": "Version", "index": [12]}]}, {"sentence": ["I", "succesfuly", "set", "up", "this", "solution", "using", "this", "tip", ":"], "golden-entity-mentions": []}, {"sentence": ["http://mysharepointinsight.blogspot.com/2013/05/using-sharepoint-rest-services-from.html"], "golden-entity-mentions": []}, {"sentence": ["But", "when", "I", "create", "list", "in", "subsite", "and", "change", "url", "to", "call", "from"], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [4]}]}, {"sentence": ["/SITE/_api/web/lists/getbytitle('Test')/items"], "golden-entity-mentions": []}, {"sentence": ["to"], "golden-entity-mentions": []}, {"sentence": ["/SITE/18/_api/web/lists/getbytitle('Test')/items"], "golden-entity-mentions": []}, {"sentence": ["(", "18", "-", "is", "name", "and", "URL", "of", "my", "subsite", ")"], "golden-entity-mentions": [{"text": ["18"], "entity-type": "Value", "index": [1]}]}, {"sentence": ["Action", "is", "n't", "creating", "item", "."], "golden-entity-mentions": []}, {"sentence": ["In", "both", "scenario", "I", "'m", "using", "SP.Data.TestListItem", "type", "in", "metadata", "."], "golden-entity-mentions": [{"text": ["SP.Data.TestListItem"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["EDIT", ":", "I", "'ve", "found", "solution", "-", "http://msdn.microsoft.com/en-us/library/jj822159.aspx"], "golden-entity-mentions": []}, {"sentence": ["We", "have", "a", "SaaS", "web", "app", "."], "golden-entity-mentions": []}, {"sentence": ["We", "have", "a", "wildcard", "SSL", "cert", "on", "the", "main", "domain", ":", "*", ".webapp.com"], "golden-entity-mentions": [{"text": ["*", ".webapp.com"], "entity-type": "Value", "index": [11, 12]}]}, {"sentence": ["Customers", "can", "add", "a", "custom", "domain", "to", "their", "account", ",", "so", "instead", "of", "client.webapp.com", "they", "can", "setup", "a", "CNAME", "to", "have", ":", "clientdomain.com"], "golden-entity-mentions": [{"text": ["client.webapp.com"], "entity-type": "Value", "index": [13]}, {"text": ["clientdomain.com"], "entity-type": "Value", "index": [22]}]}, {"sentence": ["We", "have", "some", "clients", "that", "want", "to", "add", "a", "SSL", "cert", "to", "their", "custom", "domains", "."], "golden-entity-mentions": [{"text": ["clients"], "entity-type": "Application", "index": [3]}]}, {"sentence": ["Webapp", "already", "runs", "https://client.webapp.com", "but", "they", "want", "https://clientdomain.com"], "golden-entity-mentions": []}, {"sentence": ["We", "are", "using", "apache", "(", "via", "Plesk", ")", "on", "the", "main", "server", "."], "golden-entity-mentions": [{"text": ["apache"], "entity-type": "Application", "index": [3]}, {"text": ["Plesk"], "entity-type": "Application", "index": [6]}, {"text": ["server"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["Is", "it", "possible", "to", "achieve", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "trying", "to", "implement", "procedural", "generation", "in", "my", "game", "."], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "really", "grasp", "and", "understand", "all", "of", "the", "algorithms", "nessecary", "rather", "than", "simply", "copying/pasting", "existing", "code", "."], "golden-entity-mentions": []}, {"sentence": ["In", "order", "to", "do", "this", "I", "'ve", "attempted", "to", "implement", "1D", "midpoint", "displacement", "on", "my", "own", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "used", "the", "information", "here", "to", "write", "and", "guide", "my", "code", "."], "golden-entity-mentions": []}, {"sentence": ["Below", "is", "my", "completed", "code", ",", "it", "does", "n't", "throw", "an", "error", "but", "that", "results", "do", "n't", "appear", "correct", "."], "golden-entity-mentions": []}, {"sentence": ["Where", "exactly", "have", "I", "made", "mistakes", "and", "how", "might", "I", "correct", "them", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "getting", "results", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["But", "I", "was", "expecting", "results", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "answer", "is", "very", "simple", "and", "by", "the", "way", "I", "'m", "impressed", "you", "managed", "to", "debug", "all", "the", "potential", "off-by-one", "errors", "in", "your", "code", "."], "golden-entity-mentions": []}, {"sentence": ["The", "following", "line", "is", "wrong", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "correctly", "compute", "the", "center", "index", "and", "change", "amount", "but", "you", "missed", "that", "the", "change", "should", "be", "applied", "to", "the", "midpoint", "in", "terms", "of", "height", "."], "golden-entity-mentions": [{"text": ["center"], "entity-type": "Variable", "index": [4]}, {"text": ["change"], "entity-type": "Variable", "index": [7]}, {"text": ["change"], "entity-type": "Variable", "index": [14]}]}, {"sentence": ["That", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "sure", "you", "get", "the", "idea", "."], "golden-entity-mentions": []}, {"sentence": ["The", "problem", "seems", "to", "be", "that", "you", "are", "changing", "only", "the", "midpoint", "of", "each", "line", "segment", ",", "rather", "than", "changing", "the", "rest", "of", "the", "line", "segment", "in", "proportion", "to", "its", "distance", "from", "each", "end", "to", "the", "midpoint", "."], "golden-entity-mentions": []}, {"sentence": ["The", "following", "code", "appears", "to", "give", "you", "something", "more", "like", "what", "you", "'re", "looking", "for", ":"], "golden-entity-mentions": []}, {"sentence": ["When", "run", "this", "way", ",", "it", "produces", "the", "following", "result", ":"], "golden-entity-mentions": []}, {"sentence": ["Within", "a", "request", "on", "an", "ApiController", ",", "I", "'m", "tracking", "the", "duration", "of", "awaiting", "the", "Sql", "Connection", "to", "open", "."], "golden-entity-mentions": [{"text": ["ApiController"], "entity-type": "Class", "index": [5]}, {"text": ["Sql", "Connection"], "entity-type": "Class", "index": [15, 16]}]}, {"sentence": ["If", "my", "request", "is", "not", "called", "for", "at", "least", "5", "minutes", ",", "then", "any", "new", "call", "will", "see", "the", "duration", "of", "OpenAsync", "be", "huge", "(", "c", ".", "3s", ")", "instead", "of", "immediate", "."], "golden-entity-mentions": [{"text": ["OpenAsync"], "entity-type": "Function", "index": [21]}]}, {"sentence": ["I", "'d", "like", "to", "understand", "the", "reason", "to", "eradicate", "that", "crazy", "slowness", "."], "golden-entity-mentions": []}, {"sentence": ["UPDATE"], "golden-entity-mentions": []}, {"sentence": ["I", "created", "an", "endpoint", "just", "to", "open", "the", "SqlConnection", "."], "golden-entity-mentions": [{"text": ["SqlConnection"], "entity-type": "Class", "index": [8]}]}, {"sentence": ["If", "I", "wait", "more", "than", "5", "minutes", "then", "call", "that", "OpenConnection", "endpoint", "then", "call", "any", "another", "request", ",", "the", "OpenConnection", "will", "incur", "the", "waiting", "cost", "mentioned", "above", "but", "the", "request", "will", "not", "."], "golden-entity-mentions": [{"text": ["OpenConnection"], "entity-type": "Function", "index": [10]}, {"text": ["OpenConnection"], "entity-type": "Function", "index": [19]}]}, {"sentence": ["Hence", ",", "I", "'ve", "scheduled", "a", "job", "on", "Azure", "to", "run", "every", "minute", "and", "call", "the", "OpenConnection", "endpoint", "."], "golden-entity-mentions": [{"text": ["Azure"], "entity-type": "Application", "index": [8]}, {"text": ["OpenConnection"], "entity-type": "Function", "index": [16]}]}, {"sentence": ["However", ",", "when", "I", "make", "requests", "from", "my", "http", "client", ",", "I", "incur", "the", "waiting", "time", "."], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["As", "if", "opened", "the", "SqlConnection", "was", "somehow", "linked", "to", "the", "http", "client", "ip.", "."], "golden-entity-mentions": [{"text": ["SqlConnection"], "entity-type": "Class", "index": [4]}, {"text": ["client"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["Also", ",", "that", "5", "minutes", "windows", "is", "typical", "of", "DNS", "TTL.", "."], "golden-entity-mentions": []}, {"sentence": ["However", "3s", "for", "a", "DNS", "lookup", "of", "the", "Database", "endpoint", "is", "too", "long", "."], "golden-entity-mentions": []}, {"sentence": ["It", "ca", "n't", "be", "that", "."], "golden-entity-mentions": []}, {"sentence": ["UPDATE", "2"], "golden-entity-mentions": []}, {"sentence": ["Time", "observed", "at", "the", "htt", "client", "level", "seems", "to", "be", "the", "result", "of", "both", "awaiting", "for", "the", "connection", "as", "well", "as", "some", "other", "latencies", "(", "dns", "lookup", "?", ")", "."], "golden-entity-mentions": [{"text": ["client"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["Here", "is", "a", "table", "summarizing", "what", "I", "observe", ":"], "golden-entity-mentions": []}, {"sentence": ["UPDATE", "3"], "golden-entity-mentions": []}, {"sentence": ["The", "difference", "between", "row", "3", "and", "4", "of", "my", "table", "is", "time", "spent", "in", "TCP/IP", "Connect", "and", "HTTPS", "Handshake", "according", "to", "Fiddler", "."], "golden-entity-mentions": [{"text": ["Fiddler"], "entity-type": "Application", "index": [21]}]}, {"sentence": ["Let", "'s", "not", "focus", "on", "it", "on", "that", "post", "but", "only", "on", "the", "time", "spent", "waiting", "for", "the", "SqlConnection", "to", "open", "."], "golden-entity-mentions": [{"text": ["SqlConnection"], "entity-type": "Class", "index": [18]}]}, {"sentence": ["UPDATE", "4"], "golden-entity-mentions": []}, {"sentence": ["Actually", "I", "think", "both", "two", "waiting", "times", "have", "the", "same", "reason", "."], "golden-entity-mentions": []}, {"sentence": ["The", "server", "needs", "to", "\"", "keep", "alive", "\"", "its", "connection", "to", "the", "database", "and", "the", "client", "needs", "to", "\"", "keep", "alive", "\"", "its", "connection", "to", "the", "server", "."], "golden-entity-mentions": [{"text": ["server"], "entity-type": "Application", "index": [1]}, {"text": ["database"], "entity-type": "Application", "index": [12]}, {"text": ["client"], "entity-type": "Application", "index": [15]}, {"text": ["server"], "entity-type": "Application", "index": [26]}]}, {"sentence": ["UPDATE", "5"], "golden-entity-mentions": []}, {"sentence": ["I", "had", "a", "job", "running", "every", "4", "minutes", "to", "open", "the", "SqlConnection", "but", "once", "in", "a", "while", "it", "was", "incurring", "the", "waiting", "cost", "."], "golden-entity-mentions": [{"text": ["SqlConnection"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["So", "I", "think", "the", "inactivity", "time", "is", "4", "minutes", "not", "5", "(", "hence", "I", "updated", "this", "post", "title", ")", "."], "golden-entity-mentions": []}, {"sentence": ["So", "I", "updated", "my", "scheduled", "job", "to", "run", "every", "minute", "."], "golden-entity-mentions": []}, {"sentence": ["then", "I", "realised", "it", "was", "still", "incurring", "the", "waiting", "cost", "but", "regularly", "every", "30", "minutes", "(", "hence", "I", "updated", "this", "post", "title", ")", "."], "golden-entity-mentions": []}, {"sentence": ["These", "two", "times", "strangely", "correlates", "with", "those", "of", "Azure", "Load", "Balancer", "Idle", "Timeout", "."], "golden-entity-mentions": [{"text": ["Azure", "Load", "Balancer"], "entity-type": "Application", "index": [8, 9, 10]}]}, {"sentence": ["I", "want", "to", "make", "my", "admin", "folder", "protected", "with", "htaccess", "file.Here", "is", "my", "htaccess", "file"], "golden-entity-mentions": [{"text": ["htaccess"], "entity-type": "File_Type", "index": [9]}, {"text": ["htaccess"], "entity-type": "File_Type", "index": [13]}]}, {"sentence": ["I", "made", "htpasswd", "file", "and", "had", "password", "encrypted", "."], "golden-entity-mentions": [{"text": ["htpasswd"], "entity-type": "File_Type", "index": [2]}]}, {"sentence": ["When", "i", "try", "to", "access", "the", "folder", "it", "does", "n't", "accept", "my", "password", "and", "opens", "another", "login", ",", "but", "when", "i", "set", "password", "to", "be", "admin", ",", "without", "encryption", ",", "it", "works", "."], "golden-entity-mentions": [{"text": ["folder"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["login"], "entity-type": "User_Interface_Element", "index": [16]}]}, {"sentence": ["Does", "anybody", "have", "idea", "why", "this", "is", "happening", "?"], "golden-entity-mentions": []}, {"sentence": ["And", "if", "it", "is", "important", ",", "here", "is", "my", "apache", "error", "log"], "golden-entity-mentions": [{"text": ["apache"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["I", "am", "still", "struggling", "with", "R", "plots", "and", "colors", "-", "-", "some", "results", "are", "as", "I", "expected", ",", "some", "not", "."], "golden-entity-mentions": [{"text": ["R"], "entity-type": "Language", "index": [5]}, {"text": ["plots"], "entity-type": "Function", "index": [6]}]}, {"sentence": ["I", "have", "a", "2-million", "point", "data", "set", ",", "generated", "by", "a", "simulation", "process", "."], "golden-entity-mentions": []}, {"sentence": ["There", "are", "several", "variables", "on", "the", "dataset", ",", "but", "I", "am", "interested", "on", "three", "and", "on", "a", "factor", "that", "describe", "the", "class", "for", "that", "data", "point", "."], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "a", "short", "snippet", "of", "code", "that", "reads", "the", "points", "and", "get", "some", "basic", "statistics", "on", "it", ":"], "golden-entity-mentions": []}, {"sentence": ["That", "gives", "me"], "golden-entity-mentions": []}, {"sentence": ["(", "the", "input", "file", "is", "quite", "large", ",", "cannot", "add", "it", "as", "a", "link", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "see", "these", "points", "in", "a", "scatterplot", "matrix", ",", "so", "I", "use", "the", "code"], "golden-entity-mentions": [{"text": ["matrix"], "entity-type": "Data_Structure", "index": [9]}]}, {"sentence": ["Here", "is", "the", "result", "."], "golden-entity-mentions": []}, {"sentence": ["As", "expected", ",", "points", "from", "class", "E", "are", "in", "vast", "majority", ",", "so", "I", "cannot", "see", "points", "of", "other", "classes", "."], "golden-entity-mentions": [{"text": ["E"], "entity-type": "Variable", "index": [6]}]}, {"sentence": ["The", "problem", "is", "that", "I", "expected", "the", "points", "to", "be", "plotted", "in", "magenta", "(", "classes", "are", "A", ",", "B", ",", "C", ",", "D", ",", "E", ",", "N", ";", "colors", "are", "red", ",", "green", ",", "blue", ",", "cyan", ",", "magenta", ",", "yellow", ")", "."], "golden-entity-mentions": [{"text": ["A"], "entity-type": "Class", "index": [16]}, {"text": ["B"], "entity-type": "Class", "index": [18]}, {"text": ["C"], "entity-type": "Class", "index": [20]}, {"text": ["D"], "entity-type": "Class", "index": [22]}, {"text": ["E"], "entity-type": "Class", "index": [24]}, {"text": ["N"], "entity-type": "Class", "index": [26]}, {"text": ["red"], "entity-type": "Value", "index": [30]}, {"text": ["green"], "entity-type": "Value", "index": [32]}, {"text": ["blue"], "entity-type": "Value", "index": [34]}, {"text": ["cyan"], "entity-type": "Value", "index": [36]}, {"text": ["magenta"], "entity-type": "Value", "index": [38]}, {"text": ["yellow"], "entity-type": "Value", "index": [40]}]}, {"sentence": ["When", "I", "do", "the", "plot", "class", "by", "class", "it", "works", "as", "expected", ",", "see", "two", "examples", ":"], "golden-entity-mentions": []}, {"sentence": ["gives", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["And", "this", "snippet", "of", "code"], "golden-entity-mentions": []}, {"sentence": ["gives", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["This", "also", "seems", "as", "expected", ":", "a", "plot", "of", "points", "of", "all", "classes", "except", "E", "."], "golden-entity-mentions": [{"text": ["plot"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["E"], "entity-type": "Class", "index": [14]}]}, {"sentence": ["The", "question", "is", ",", "why", "on", "the", "first", "plot", "the", "points", "are", "blue", "instead", "of", "magenta", "?"], "golden-entity-mentions": [{"text": ["plot"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["blue"], "entity-type": "Variable", "index": [12]}, {"text": ["magenta"], "entity-type": "Variable", "index": [15]}]}, {"sentence": ["This", "question", "is", "somehow", "similar", "to", "Color", "gradient", "for", "elevation", "data", "in", "a", "XYZ", "plot", "with", "R", "and", "Lattice", "but", "now", "I", "am", "using", "factors", "to", "determine", "colors", "on", "the", "scatterplot", "."], "golden-entity-mentions": [{"text": ["R"], "entity-type": "Language", "index": [16]}, {"text": ["Lattice"], "entity-type": "Library", "index": [18]}]}, {"sentence": ["I", "'ve", "also", "read", "Changing", "default", "colours", "of", "a", "lattice", "plot", "by", "factor", "-", "-", "grouping", "plots", "by", "a", "factor", "(", "using", "the", "parameter", "groups.factor", "=", "myData$Class", ")", "does", "not", "solve", "my", "problem", ",", "plots", "are", "still", "in", "blue", "but", "separated", "by", "class", "."], "golden-entity-mentions": [{"text": ["groups.factor", "=", "myData$Class"], "entity-type": "Code_Block", "index": [24, 25, 26]}, {"text": ["plots"], "entity-type": "User_Interface_Element", "index": [34]}]}, {"sentence": ["Edited", "to", "add", "more", "information", ":", "this", "fake", "data", "set", "can", "be", "used", "for", "tests", "."], "golden-entity-mentions": []}, {"sentence": ["When", "I", "plot", "it", "with"], "golden-entity-mentions": []}, {"sentence": ["I", "get", "the", "plot", "below", "."], "golden-entity-mentions": [{"text": ["plot"], "entity-type": "User_Interface_Element", "index": [3]}]}, {"sentence": ["All", "points", "are", "in", "blue", "."], "golden-entity-mentions": [{"text": ["blue"], "entity-type": "Value", "index": [4]}]}, {"sentence": ["JeremyCG", "found", "the", "problem", "."], "golden-entity-mentions": [{"text": ["JeremyCG"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["Here", "is", "the", "complete", "code", "that", "works", ",", "for", "future", "reference", "."], "golden-entity-mentions": []}, {"sentence": ["That", "showed", "the", "issue", ":"], "golden-entity-mentions": []}, {"sentence": ["Class", "must", "be", "a", "factor", "."], "golden-entity-mentions": []}, {"sentence": ["This", "solved", "it", ":"], "golden-entity-mentions": []}, {"sentence": ["Then", "plot", "it", ":"], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "the", "result", ":"], "golden-entity-mentions": []}, {"sentence": ["Thanks", "@jeremycg", "!"], "golden-entity-mentions": [{"text": ["@jeremycg"], "entity-type": "User_Name", "index": [1]}]}, {"sentence": ["I", "'m", "on", "Ubuntu", "14.04", "with", "cuda", "toolkit", "6.5", ",", "nvidia", "driver", "version", "340.29", "."], "golden-entity-mentions": [{"text": ["Ubuntu"], "entity-type": "Operating_System", "index": [3]}, {"text": ["14.04"], "entity-type": "Version", "index": [4]}, {"text": ["cuda", "toolkit"], "entity-type": "Application", "index": [6, 7]}, {"text": ["6.5"], "entity-type": "Version", "index": [8]}, {"text": ["nvidia", "driver"], "entity-type": "Application", "index": [10, 11]}, {"text": ["340.29"], "entity-type": "Version", "index": [13]}]}, {"sentence": ["My", "application", "registers", "a", "pixel", "buffer", "from", "openGL", "and", "writes", "an", "image", "to", "the", "buffer", "every", "loop", ",", "copies", "the", "PBO", "to", "a", "texture", "using", "glTexSubImage2D", ",", "and", "draws", "the", "texture", "."], "golden-entity-mentions": [{"text": ["openGL"], "entity-type": "Library", "index": [7]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [11]}, {"text": ["glTexSubImage2D"], "entity-type": "Class", "index": [25]}]}, {"sentence": ["This", "all", "works", "properly", "until", "I", "change", "my", "image-generation", "kernel", ",", "then", "I", "gdb", "reports", "a", "segmentation", "fault", "in", "cudaGraphicsGLRegisterBuffer", "."], "golden-entity-mentions": [{"text": ["image-generation", "kernel"], "entity-type": "Application", "index": [8, 9]}, {"text": ["gdb"], "entity-type": "Application", "index": [13]}, {"text": ["segmentation", "fault"], "entity-type": "Error_Name", "index": [16, 17]}, {"text": ["cudaGraphicsGLRegisterBuffer"], "entity-type": "Class", "index": [19]}]}, {"sentence": ["My", "guess", "is", "this", "is", "a", "bug", ",", "because", "the", "cuda", "kernel", "is", "completely", "unrelated", "to", "cudaGraphicsGLRegisterBuffer", ",", "which", "is", "called", "before", "any", "processing", "."], "golden-entity-mentions": [{"text": ["cuda"], "entity-type": "Library", "index": [10]}, {"text": ["kernel"], "entity-type": "Application", "index": [11]}, {"text": ["cudaGraphicsGLRegisterBuffer"], "entity-type": "Class", "index": [16]}]}, {"sentence": ["Makefile"], "golden-entity-mentions": [{"text": ["Makefile"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["main.cu"], "golden-entity-mentions": [{"text": ["main.cu"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["GLdisplay.cu"], "golden-entity-mentions": [{"text": ["GLdisplay.cu"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["GLdisplay.h"], "golden-entity-mentions": [{"text": ["GLdisplay.h"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["vert.glsl"], "golden-entity-mentions": [{"text": ["vert.glsl"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["frag.glsl"], "golden-entity-mentions": [{"text": ["frag.glsl"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["Updating", "to", "nvidia", "display", "driver", "346.47", "solved", "my", "problem", "completely", "."], "golden-entity-mentions": [{"text": ["nvidia", "display", "driver"], "entity-type": "Application", "index": [2, 3, 4]}, {"text": ["346.47"], "entity-type": "Version", "index": [5]}]}, {"sentence": ["For", "the", "unsure", ",", "run", "nvidia-smi", "in", "a", "terminal", "window", ",", "and", "if", "you", "do", "n't", "see", "NVIDIA-SMI", "346.xx", "(", "xx", "being", "an", "arbitrary", "number", ")", ",", "update", "with", "the", "newest", "driver", "available", "from", "nvidia", "."], "golden-entity-mentions": [{"text": ["nvidia-smi"], "entity-type": "Code_Block", "index": [5]}, {"text": ["terminal"], "entity-type": "Application", "index": [8]}, {"text": ["NVIDIA-SMI", "346.xx"], "entity-type": "Value", "index": [17, 18]}, {"text": ["xx"], "entity-type": "Value", "index": [20]}, {"text": ["nvidia"], "entity-type": "Website", "index": [34]}]}, {"sentence": ["At", "the", "time", "of", "writing", "this", ",", "CUDA", "toolkit", "6.5", "ships", "with", "an", "outdated", "graphics", "driver", "."], "golden-entity-mentions": [{"text": ["CUDA", "toolkit"], "entity-type": "Application", "index": [7, 8]}, {"text": ["6.5"], "entity-type": "Version", "index": [9]}, {"text": ["graphics", "driver"], "entity-type": "Application", "index": [14, 15]}]}, {"sentence": ["Your", "code", "lacks", "error", "condition", "checking", "."], "golden-entity-mentions": []}, {"sentence": ["First", "and", "foremost", "I", "suggest", "you", "check", "the", "error", "code", "status", "after", "each", "and", "every", "OpenGL", "and", "CUDA", "call", "."], "golden-entity-mentions": [{"text": ["OpenGL"], "entity-type": "Library", "index": [15]}, {"text": ["CUDA"], "entity-type": "Library", "index": [17]}]}, {"sentence": ["I", "'ve", "got", "a", "very", "strong", "hunch", "what", "the", "problem", "is", "and", "adding", "the", "error", "checking", "will", "tell", "if", "this", "is", "the", "case", "."], "golden-entity-mentions": []}, {"sentence": ["So", ":", "I", "see", "that", "you", "never", "properly", "unbind", "the", "PBO", "from", "OpenGL", "before", "trying", "to", "map", "it", "to", "a", "CUDA", "pointer", "."], "golden-entity-mentions": [{"text": ["OpenGL"], "entity-type": "Library", "index": [12]}, {"text": ["CUDA"], "entity-type": "Library", "index": [20]}, {"text": ["pointer"], "entity-type": "Data_Type", "index": [21]}]}, {"sentence": ["Depending", "on", "the", "path", "your", "program", "takes", "this", "may", "result", "in", "the", "PBO", "actually", "not", "getting", "mapped", ",", "hence", "giving", "you", "an", "invalid", "pointer", "that", "if", "accessed", ",", "from", "the", "CUDA", "kernel", "or", "the", "host", ",", "will", "result", "in", "a", "segfault", "."], "golden-entity-mentions": [{"text": ["pointer"], "entity-type": "Data_Type", "index": [23]}, {"text": ["CUDA"], "entity-type": "Library", "index": [30]}, {"text": ["kernel"], "entity-type": "Application", "index": [31]}, {"text": ["segfault"], "entity-type": "Error_Name", "index": [40]}]}, {"sentence": ["To", "pin", "down", "the", "problem", "check", "the", "error", "status", "of", "every", "OpenGL", "and", "CUDA", "operation", "."], "golden-entity-mentions": [{"text": ["OpenGL"], "entity-type": "Library", "index": [11]}, {"text": ["CUDA"], "entity-type": "Library", "index": [13]}]}, {"sentence": ["CUDA", "will", "tell", "you", "if", "it", "ca", "n't", "map", "a", "OpenGL", "resource", ",", "for", "whatever", "reason", "(", "like", "the", "resource", "still", "being", "bound", "to", "a", "OpenGL", "functional", "unit", ")", "."], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "Library", "index": [0]}, {"text": ["OpenGL"], "entity-type": "Library", "index": [10]}, {"text": ["OpenGL"], "entity-type": "Library", "index": [25]}]}, {"sentence": ["I", "am", "new", "to", "gwt", "and", "in", "my", "application", "I", "have", "to", "display", "a", "svg", "file", "which", "I", "get", "from", "server", "."], "golden-entity-mentions": [{"text": ["gwt"], "entity-type": "Application", "index": [4]}, {"text": ["svg"], "entity-type": "File_Type", "index": [14]}, {"text": ["server"], "entity-type": "Application", "index": [20]}]}, {"sentence": ["The", "question", "is", "I", "am", "able", "to", "get", "the", "svg", "file", "from", "server", "side", "and", "display", "using", "HTMLPanel", "."], "golden-entity-mentions": [{"text": ["svg"], "entity-type": "File_Type", "index": [9]}, {"text": ["server"], "entity-type": "Application", "index": [12]}, {"text": ["HTMLPanel"], "entity-type": "Class", "index": [17]}]}, {"sentence": ["But", "events", "are", "not", "getting", "fired.Like", "mouse", "over", ",", "drag", "and", "drop", "events", "etc", "which", "are", "inside"], "golden-entity-mentions": [{"text": ["mouse"], "entity-type": "Device", "index": [6]}, {"text": ["events"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["the", "svg", "file", "they", "are", "not", "getting", "fired", "."], "golden-entity-mentions": [{"text": ["svg"], "entity-type": "File_Type", "index": [1]}]}, {"sentence": ["Please", "let", "me", "know", "how", "can", "I", "solve", "this", "issue", "."], "golden-entity-mentions": []}, {"sentence": ["below", "is", "my", "code"], "golden-entity-mentions": []}, {"sentence": ["image", "=", "new", "HTMLPanel(response.getText())", ";"], "golden-entity-mentions": [{"text": ["image", "=", "new", "HTMLPanel(response.getText())", ";"], "entity-type": "Code_Block", "index": [0, 1, 2, 3, 4]}]}, {"sentence": ["rootPanel.add(image)", ";"], "golden-entity-mentions": [{"text": ["rootPanel.add(image)", ";"], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["Thanks", "in", "advance", ","], "golden-entity-mentions": []}, {"sentence": ["Pradeep"], "golden-entity-mentions": [{"text": ["Pradeep"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["I", "'m", "guessing", "you", "are", "trying", "to", "display", "the", "SVG", "XML", "or", "a", "Data", "URI", "as", "HTML", "?"], "golden-entity-mentions": [{"text": ["SVG"], "entity-type": "File_Type", "index": [9]}, {"text": ["XML"], "entity-type": "Language", "index": [10]}, {"text": ["HTML"], "entity-type": "Language", "index": [16]}]}, {"sentence": ["If", "so", ",", "that", "text", "will", "not", "generate", "any", "events", ",", "only", "the", "HTMLPanel", "will", "."], "golden-entity-mentions": [{"text": ["HTMLPanel"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["The", "following", "code", "should", "allow", "you", "to", "add", "a", "handler", "to", "the", "HTMLPanel", ":"], "golden-entity-mentions": [{"text": ["HTMLPanel"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["Attach", "other", "event", "handlers", "the", "same", "way", "."], "golden-entity-mentions": [{"text": ["event"], "entity-type": "Class", "index": [2]}]}, {"sentence": ["I", "'m", "currently", "creating", "sharded", "tables", "daily", "using", "the", "Python", "API", "."], "golden-entity-mentions": [{"text": ["tables"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["Python", "API"], "entity-type": "Library", "index": [9, 10]}]}, {"sentence": ["Is", "there", "a", "way", "to", "add", "the", "comments", "for", "the", "table", "'s", "columns", "when", "creating", "the", "table", "?"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [10]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [12]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [16]}]}, {"sentence": ["I", "could", "n't", "see", "it", "in", "the", "doc", "but", "it", "might", "still", "be", "implemented", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks", "in", "advance", "."], "golden-entity-mentions": []}, {"sentence": ["From", "the", "REST", "API", "for", "BigQuery", "documentation", ",", "tables.Insert", "takes", "a", "table", "resource", ",", "and", "in", "the", "schema.fields[].description", "property", ",", "you", "can", "put", "in", "a", "description", "."], "golden-entity-mentions": [{"text": ["REST", "API"], "entity-type": "Library", "index": [2, 3]}, {"text": ["BigQuery"], "entity-type": "Application", "index": [5]}, {"text": ["tables.Insert"], "entity-type": "Function", "index": [8]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [11]}, {"text": ["schema.fields[].description"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["I", "'m", "thinking", "on", "make", "an", "app", "Bundle", "on", "App", "Store", "with", "Apps", "which", "are", "free", "."], "golden-entity-mentions": [{"text": ["App", "Store"], "entity-type": "Application", "index": [9, 10]}]}, {"sentence": ["It", "'s", "possible", "to", "create", "a", "free", "app", "bundle", "on", "App", "Store", "?"], "golden-entity-mentions": [{"text": ["App", "Store"], "entity-type": "Application", "index": [10, 11]}]}, {"sentence": ["As", "far", "I", "can", "see", ",", "minimum", "price", "option", "is", "Tier", "1", "(", "not", "Tier", "0", ")", "and", "Apple", "talks", "about", "'", "reduced", "price", "pack", "'", ",", "so", "it", "seems", "to", "be", "no", "option", "to", "group", "several", "free", "apps", "in", "a", "free", "Apple", "Bundle", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "Website", "index": [18]}, {"text": ["Apple"], "entity-type": "Website", "index": [42]}]}, {"sentence": ["Thanks", ","], "golden-entity-mentions": []}, {"sentence": ["No", "."], "golden-entity-mentions": []}, {"sentence": ["See", ":", "documentation"], "golden-entity-mentions": []}, {"sentence": ["As", "for", "the", "other", "answers/comments", ",", "Tier-0", "bundles", "are", "not", "possible", "at", "the", "moment", "."], "golden-entity-mentions": []}, {"sentence": ["Despite", "this", ",", "you", "still", "can", "go", "ahead", "and", "create", "a", "bundle", "of", "free", "apps", ":"], "golden-entity-mentions": []}, {"sentence": ["this", "will", "be", "created", ",", "can", "even", "go", "through", "the", "review", "and", "be", "approved", ",", "but", "it", "wo", "n't", "be", "made", "available", "to", "the", "store", "because", "\"", "you", "must", "choose", "a", "compatible", "price", "\"", "(", "and", "you", "ca", "n't", "ask", "for", "$1", ",", "a.k.a", "."], "golden-entity-mentions": []}, {"sentence": ["tier-1", ",", "for", "a", "bundle", "of", "free", "apps", ")", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "created", "a", "radar", "on", "the", "matter", ":", "if", "you", "also", "agree", "that", "free", "bundles", "should", "exist", ",", "please", "feel", "free", "to", "dupe", "it", "at", "bugreport.apple.com", "."], "golden-entity-mentions": []}, {"sentence": ["Me", "again", "!"], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "my", "model"], "golden-entity-mentions": []}, {"sentence": ["here", "are", "my", "index", "and", "browse", "controllers"], "golden-entity-mentions": [{"text": ["index"], "entity-type": "Function", "index": [3]}, {"text": ["browse"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["At", "the", "moment", "my", "index", "is", "grouping", "events", "by", "date", "and", "returning", "how", "many", "there", "are", "connected", "with", "a", "certain", "date", "."], "golden-entity-mentions": [{"text": ["index"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["I", "want", "to", "adda", "browse", "link", "which", "will", "list", "the", "events", "associated", "with", "a", "date", "."], "golden-entity-mentions": [{"text": ["browse"], "entity-type": "Function", "index": [4]}, {"text": ["link"], "entity-type": "Variable", "index": [5]}]}, {"sentence": ["I", "ca", "n't", "seem", "to", "compare", "DateTime", "'s", "in", "my", "linq", "query", ",", "everything", "I", "try", "just", "returns", "blank", "."], "golden-entity-mentions": [{"text": ["DateTime"], "entity-type": "Class", "index": [6]}, {"text": ["linq"], "entity-type": "Library", "index": [10]}]}, {"sentence": ["Any", "help", "is", "GREATLY", "appreciated", "you", "beautiful", "people", "you", "!"], "golden-entity-mentions": []}, {"sentence": ["Thanks", "!"], "golden-entity-mentions": []}, {"sentence": ["update", ":"], "golden-entity-mentions": []}, {"sentence": ["Hey", "!"], "golden-entity-mentions": []}, {"sentence": ["Got", "it", "working"], "golden-entity-mentions": []}, {"sentence": ["Here", ";s", "my", "new", "controller", ";"], "golden-entity-mentions": []}, {"sentence": ["And", "what", "did", "the", "trick", ",", "in", "my", "actionlink", "in", "my", "view", "...", "."], "golden-entity-mentions": [{"text": ["actionlink"], "entity-type": "Function", "index": [8]}]}, {"sentence": ["Thanks", "for", "you", "help", "!"], "golden-entity-mentions": []}, {"sentence": ["!"], "golden-entity-mentions": []}, {"sentence": ["Since", "both", "'", "start", "'", "and", "'", "day", "'", "are", "of", "type", "DateTime", ",", "the", "comparer", "on", "them", "is", "going", "to", "check", "each", "bit", "for", "a", "full", "DateTime", "object", "."], "golden-entity-mentions": [{"text": ["start"], "entity-type": "Variable", "index": [3]}, {"text": ["day"], "entity-type": "Variable", "index": [7]}, {"text": ["DateTime"], "entity-type": "Class", "index": [12]}, {"text": ["DateTime"], "entity-type": "Class", "index": [27]}]}, {"sentence": ["If", "you", "'re", "just", "trying", "to", "browse", "for", "the", "day", ",", "and", "not", "the", "exact", "millisecond", "of", "a", "DateTime", ",", "try", ":"], "golden-entity-mentions": [{"text": ["browse"], "entity-type": "Function", "index": [6]}, {"text": ["DateTime"], "entity-type": "Class", "index": [18]}]}, {"sentence": ["It", "'s", "also", "a", "pretty", "good", "idea", "to", "do", "some", "null", "checking", "on", "those", "nullable", "fields", "as", "well", "."], "golden-entity-mentions": [{"text": ["null"], "entity-type": "Value", "index": [10]}]}, {"sentence": ["I", "am", "using", "methods", "to", "serialize", "and", "de-serialize", "objects", "to", "binary", "file", "that", "I", "have", "found", "described", "and", "discussed", "here", "on", "stackoverflow", "."], "golden-entity-mentions": [{"text": ["serialize"], "entity-type": "Function", "index": [5]}, {"text": ["de-serialize"], "entity-type": "Function", "index": [7]}, {"text": ["binary"], "entity-type": "File_Type", "index": [10]}, {"text": ["stackoverflow"], "entity-type": "Website", "index": [21]}]}, {"sentence": ["among", "others", "in", "following", "link", ":", "https://stackoverflow.com/questions/21080839/pulling-objects-from-binary-file-and-putting-in-listt", "The", "serialisation", "process", "is", "working", "fine", ",", "I", "see", "the", "file", "growing", "when", "objects", "are", "appended", "to", "it", "and", "when", "reading", "with", "deserialization", "the", "problem", "is", "that", "I", "only", "get", "the", "part", "of", "the", "list", "that", "was", "written", "in", "the", "first", "write", "to", "file", "."], "golden-entity-mentions": [{"text": ["file"], "entity-type": "Class", "index": [17]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [41]}, {"text": ["write"], "entity-type": "Function", "index": [48]}, {"text": ["file"], "entity-type": "Class", "index": [50]}]}, {"sentence": ["The", "data", "retrieved", "seem", "correct", ",", "but", "I", "do", "not", "get", "to", "read", "beyond", "the", "first", "number", "of", "objects", "that", "were", "in", "the", "list", "in", "the", "first", "\"", "write", "\"", "operation", "."], "golden-entity-mentions": [{"text": ["read"], "entity-type": "Function", "index": [12]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [23]}, {"text": ["write"], "entity-type": "Function", "index": [28]}]}, {"sentence": ["it", "is", "like", "the", "file", "position", "is", "always", "set", "to", "zero", "."], "golden-entity-mentions": [{"text": ["file"], "entity-type": "Class", "index": [4]}, {"text": ["zero"], "entity-type": "Value", "index": [10]}]}, {"sentence": ["can", "the", "read", "operation", "be", "looped", "or", "controlled", "in", "any", "way", "to", "forced", "it", "to", "read", "the", "entire", "file", "?"], "golden-entity-mentions": [{"text": ["read"], "entity-type": "Function", "index": [2]}, {"text": ["read"], "entity-type": "Function", "index": [15]}, {"text": ["file"], "entity-type": "Class", "index": [18]}]}, {"sentence": ["Appreciate", "your", "comments", "on", "this"], "golden-entity-mentions": []}, {"sentence": ["Thor"], "golden-entity-mentions": [{"text": ["Thor"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["I", "solved", "the", "issue", "after", "reading", "a", "post", "from", "Fateme", "Shirmohammadi", "on", "Stackoverflow", "."], "golden-entity-mentions": [{"text": ["Fateme", "Shirmohammadi"], "entity-type": "User_Name", "index": [9, 10]}, {"text": ["Stackoverflow"], "entity-type": "Website", "index": [12]}]}, {"sentence": ["The", "solution", "is", "to", "check", "where", "in", "the", "stream", "the", "\"", "reader", "\"", "is", "and", "loop", "until", "it", "reaches", "the", "end", "or", "length", "of", "the", "stream", "."], "golden-entity-mentions": [{"text": ["stream"], "entity-type": "Class", "index": [8]}, {"text": ["stream"], "entity-type": "Class", "index": [25]}]}, {"sentence": ["In", "each", "iteration", "you", "append", "the", "range", "to", "the", "list", "."], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [9]}]}, {"sentence": ["See", "the", "changed", "read()", "method", "attached", ";"], "golden-entity-mentions": [{"text": ["read()"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["I", "should", "give", "credit", "to", "ladenedge", "and", "Marc", "Gravell", "who", "answered", "to", "Fateme", "'s", "questions", "."], "golden-entity-mentions": [{"text": ["ladenedge"], "entity-type": "User_Name", "index": [5]}, {"text": ["Marc", "Gravell"], "entity-type": "User_Name", "index": [7, 8]}, {"text": ["Fateme"], "entity-type": "User_Name", "index": [12]}]}, {"sentence": ["Stackoverflow", "is", "rely", "a", "great", "resource", "."], "golden-entity-mentions": [{"text": ["Stackoverflow"], "entity-type": "Website", "index": [0]}]}, {"sentence": ["Thor", "P"], "golden-entity-mentions": [{"text": ["Thor", "P"], "entity-type": "User_Name", "index": [0, 1]}]}, {"sentence": ["I", "'m", "using", "Postgres", "."], "golden-entity-mentions": [{"text": ["Postgres"], "entity-type": "Library", "index": [3]}]}, {"sentence": ["I", "have", "a", "table", "of", "Artices", "in", "my", "database", ",", "with", "a", "column", "url", "for", "url", "slugs", "."], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [3]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [12]}, {"text": ["url"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["These", "are", "so", "that", "I", "can", "display", "the", "articles", "in", "that", "table", "on", "a", "website", "as", "not", "\"", "example.com/23323", "\"", "but", "instead", "as", "\"", "example.com/Funny_Thing_Happened_to_Me", "\"", "."], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [11]}, {"text": ["example.com/23323"], "entity-type": "Value", "index": [18]}, {"text": ["example.com/Funny_Thing_Happened_to_Me"], "entity-type": "Value", "index": [24]}]}, {"sentence": ["This", "was", "straightforward", "enough", "to", "implement", ",", "and", "then", "as", "the", "number", "of", "articles", "grew", ",", "I", "added", "an", "index", "to", "the", "table", "on", "the", "url", "slugs", "."], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [22]}]}, {"sentence": ["I", "have", "since", "realized", "that", "while", "I", "want", "to", "be", "able", "to", "display", "capitalized", "letters", "in", "the", "urls", ",", "I", "want", "them", "to", "be", "case", "insensitive", "in", "terms", "of", "what", "the", "user", "types", "in", ",", "and", "I", "want", "to", "enforce", "uniqueness", "on", "the", "urls", "in", "a", "case", "insensitive", "manner", "."], "golden-entity-mentions": []}, {"sentence": ["Is", "there", "a", "straightforward", "way", "to", "quickly", "search", "based", "on", "a", "text", "column", "in", "a", "case", "insensitive", "way", ",", "and", "also", "enforce", "uniqueness", "in", "a", "case", "insensitive", "way", "?"], "golden-entity-mentions": [{"text": ["column"], "entity-type": "User_Interface_Element", "index": [12]}]}, {"sentence": ["I", "'ve", "tried", "conducting", "the", "searches", "with", "something", "like", "lower(url)", "=", "but", "that", "causes", "Postgres", "to", "decide", "not", "to", "use", "the", "index", "at", "all", "."], "golden-entity-mentions": [{"text": ["lower(url)", "="], "entity-type": "Code_Block", "index": [9, 10]}, {"text": ["Postgres"], "entity-type": "Library", "index": [14]}]}, {"sentence": ["Is", "this", "what", "you", "are", "looking", "for", "?"], "golden-entity-mentions": []}, {"sentence": ["What", "do", "you", "mean", "by", "\"", "enforce", "uniqueness", "in", "a", "case", "insensitive", "way", "\"", "?"], "golden-entity-mentions": []}, {"sentence": ["Or", "this", "if", "you", "want", "to", "stick", "to", "the", "\"lower()\"", ":"], "golden-entity-mentions": [{"text": ["\"lower()\""], "entity-type": "Function", "index": [9]}]}, {"sentence": ["Use", "a", "functional", "index", ":"], "golden-entity-mentions": []}, {"sentence": ["If", "you", "'re", "on", "8.4", "and", "can", "install", "a", "contrib", "module", ",", "then", "also", "take", "a", "look", "at", "the", "citext", "type", "."], "golden-entity-mentions": [{"text": ["8.4"], "entity-type": "Version", "index": [4]}, {"text": ["contrib", "module"], "entity-type": "Library", "index": [9, 10]}, {"text": ["citext"], "entity-type": "Data_Type", "index": [19]}]}, {"sentence": ["It", "abstracts", "away", "all", "the", "lower/UPPER", "stuff", "and", "is", "slightly", "better", "performing", "."], "golden-entity-mentions": []}, {"sentence": ["Good", "afternoon", ",", "I", "'m", "stuck", "with", "a", "small", "problem", "of", "formulas", "in", "excel", ":"], "golden-entity-mentions": [{"text": ["excel"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["I", "have", "a", "table", "in", "another", "sheet", "and", "I", "have", "to", "perform", "the", "following", "operations", ":"], "golden-entity-mentions": [{"text": ["table"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["sheet"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["1", ".", "number", "of", "units", "sold", "in", "Bogota", "."], "golden-entity-mentions": [{"text": ["Bogota"], "entity-type": "Value", "index": [7]}]}, {"sentence": ["2", ".", "number", "of", "units", "sold", "in", "different", "cities", "to", "Bogota", "."], "golden-entity-mentions": [{"text": ["Bogota"], "entity-type": "Value", "index": [10]}]}, {"sentence": ["I", "'m", "trying", "to", "use", "the", "formula", ":"], "golden-entity-mentions": []}, {"sentence": ["For", "the", "first", "requirement", "works", ",", "but", "at", "the", "moment", "of", "using", "it", "to", "know", "which", "city", "is", "different", "from", "Bogota", ",", "I", "do", "not", "know", "how", "to", "do", "it", ";", "try", "to", "use", "the", "<>", "operator", "but", "I", "get", "an", "error", "and", "placing", "the", "formula", "as", "follows", ":"], "golden-entity-mentions": [{"text": ["Bogota"], "entity-type": "Value", "index": [20]}, {"text": ["<>"], "entity-type": "Code_Block", "index": [35]}]}, {"sentence": ["do", "not", "add", "the", "data", "(", "Summation", "gives", "0", ")", "."], "golden-entity-mentions": [{"text": ["0"], "entity-type": "Value", "index": [8]}]}, {"sentence": ["Someone", "has", "an", "idea", "of", "the", "problem", "."], "golden-entity-mentions": []}, {"sentence": ["I", "believe", "you", "have", "to", "put", "quotes", "\"", "like", "this", "\"", "around", "the", "entire", "logical", "statement", "\"\"", "<>", "BOGOTA", "\""], "golden-entity-mentions": [{"text": ["\"\"", "<>", "BOGOTA", "\""], "entity-type": "Code_Block", "index": [16, 17, 18, 19]}]}, {"sentence": ["It", "can", "be", "used", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["=SUMIF(DATOS!$G$4:$G$146;\"<>BOGOTA\")"], "golden-entity-mentions": [{"text": ["=SUMIF(DATOS!$G$4:$G$146;\"<>BOGOTA\")"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["Hope", "this", "helps"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "update", "an", "existing", "database", "entry", "using", "Hibernate", "and", "PostgreSQL", "(", "9.5", ")", "so", "that", "white", "space", "is", "trimmed", "from", "strings", "."], "golden-entity-mentions": [{"text": ["Hibernate"], "entity-type": "Library", "index": [10]}, {"text": ["PostgreSQL"], "entity-type": "Application", "index": [12]}, {"text": ["9.5"], "entity-type": "Version", "index": [14]}, {"text": ["strings"], "entity-type": "Data_Type", "index": [23]}]}, {"sentence": ["For", "example", "..", "."], "golden-entity-mentions": []}, {"sentence": ["Else", "where", "in", "my", "code", "I", "successfully", "update", "other", "fields", ",", "for", "example", "the", "updatedAt", "time", "field", "in", "the", "example", "above", "."], "golden-entity-mentions": [{"text": ["updatedAt"], "entity-type": "Function", "index": [14]}]}, {"sentence": ["However", ",", "I", "cannot", "remove", "trailing", "white", "space", "from", "the", "locale", "field", "."], "golden-entity-mentions": []}, {"sentence": ["I", "could", ",", "if", "I", "wanted", "to", "change", "the", "locale", "field", "to", "something", "else", "entirely", ",", "for", "example", "using", "something", "like", "this", "..", "."], "golden-entity-mentions": []}, {"sentence": ["This", "will", "change", "the", "locale", "value", "."], "golden-entity-mentions": []}, {"sentence": ["I", "just", "cannot", "remove", "white", "space", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "ideas", "?"], "golden-entity-mentions": []}, {"sentence": ["we", "need", "more", "info", "(", "ex", "Entity", "and", "Schema", "Data", "Definition", ")", "."], "golden-entity-mentions": []}, {"sentence": ["check", "if", "it", "uses", "a", "char", "instead", "of", "varchar", "in", "Schema", "."], "golden-entity-mentions": [{"text": ["char"], "entity-type": "Data_Type", "index": [5]}, {"text": ["varchar"], "entity-type": "Data_Type", "index": [8]}]}, {"sentence": ["if", "it", "uses", "char", "it", "would", "have", "same", "length", "appended", "with", "empty", "space", "."], "golden-entity-mentions": [{"text": ["char"], "entity-type": "Data_Type", "index": [3]}]}, {"sentence": ["I", "am", "using", "SDWebImage", "library", "and", "its", "working", "on", "iPhone", "."], "golden-entity-mentions": [{"text": ["SDWebImage"], "entity-type": "Library", "index": [3]}, {"text": ["iPhone"], "entity-type": "Device", "index": [9]}]}, {"sentence": ["But", "I", "do", "n't", "know", "why", "this", "is", "not", "called", "in", "iPad", "."], "golden-entity-mentions": [{"text": ["iPad"], "entity-type": "Device", "index": [11]}]}, {"sentence": ["I", "tried", "to", "put", "break", "points", ",", "but", "it", "does", "n't", "hit", "the", "break", "point", "either", "."], "golden-entity-mentions": []}, {"sentence": ["I", "put", "this", "method", "in", "cellForItemAtIndexPath", "."], "golden-entity-mentions": [{"text": ["cellForItemAtIndexPath"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["There", "is", "a", "problem", "in", "concurrent", "image", "loading", "implementation", "."], "golden-entity-mentions": [{"text": ["image"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["When", "-collectionView", ":", "cellForItemAtIndexPath", ":", "is", "calling", ",", "the", "device", "executes", "code", "on", "the", "main", "queue", "."], "golden-entity-mentions": [{"text": ["-collectionView", ":", "cellForItemAtIndexPath", ":"], "entity-type": "Function", "index": [1, 2, 3, 4]}, {"text": ["queue"], "entity-type": "Data_Structure", "index": [15]}]}, {"sentence": ["Assuming", "that", "-downloadImageWithURL", ":", "options", ":", "progress", ":", "completed", ":", "method", "performs", "image", "loading", "on", "the", "background", "thread", "and", "returns", "instantly", "we", "can", "call", "it", "without", "dispatch_async(dispatch_get_main_queue", "()", "...", "wrapping", "."], "golden-entity-mentions": [{"text": ["-downloadImageWithURL", ":", "options", ":", "progress", ":", "completed", ":"], "entity-type": "Function", "index": [2, 3, 4, 5, 6, 7, 8, 9]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [12]}, {"text": ["dispatch_async(dispatch_get_main_queue", "()", "..."], "entity-type": "Code_Block", "index": [26, 27, 28]}]}, {"sentence": ["Otherwise", "we", "cannot", "guarantee", "that", "the", "completion", "handler", "is", "executing", "on", "the", "main", "thread", ",", "so", "the", "code", "should", "look", "like", "this"], "golden-entity-mentions": []}, {"sentence": ["And", "the", "different", "results", "on", "iPhone", "and", "iPad", "can", "be", "explained", "by", "the", "architectural", "differences", "in", "technical", "specifications", "of", "testing", "devices", "."], "golden-entity-mentions": [{"text": ["iPhone"], "entity-type": "Device", "index": [5]}, {"text": ["iPad"], "entity-type": "Device", "index": [7]}]}, {"sentence": ["I", "am", "tring", "to", "do", "occlusion", "with", "Google", "Tango", "in", "Unity", "."], "golden-entity-mentions": [{"text": ["Google", "Tango"], "entity-type": "Application", "index": [7, 8]}, {"text": ["Unity"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["What", "I", "want", "is", "pretty", "simple", "to", "understand", ":", "when", "there", "is", "a", "real", "object", "in", "front", "of", "a", "virtual", "object", ",", "the", "virtual", "object", "is", "hidden", "(", "or", "rendered", "differently", ")"], "golden-entity-mentions": []}, {"sentence": ["The", "perfect", "result", "would", "be", "like", "it", "is", "in", "this", "impressive", "video", "I", "found", ":", "https://www.youtube.com/watch?v=EpDhaM7ZhZs", "."], "golden-entity-mentions": [{"text": ["video"], "entity-type": "User_Interface_Element", "index": [11]}]}, {"sentence": ["I", "already", "tried", "the", "\"", "Enable", "occlusion", "\"", "option", "of", "the", "Tango", "Camera", "and", "I", "am", "not", "so", "happy", "with", "the", "results", "(", "it", "is", "not", "accurate", "and", "not", "real", "time", "as", "it", "is", "based", "on", "mesh", "reconstruction", "from", "the", "point", "cloud", ")", "."], "golden-entity-mentions": [{"text": ["Tango", "Camera"], "entity-type": "Device", "index": [11, 12]}]}, {"sentence": ["If", "you", "have", "hints", ",", "tips", "or", "ideas", "about", "how", "to", "achieve", "this", "(", "like", "in", "the", "video", ")", ",", "that", "would", "be", "awesome", "!"], "golden-entity-mentions": [{"text": ["video"], "entity-type": "User_Interface_Element", "index": [17]}]}, {"sentence": ["Occlusion", "is", "still", "a", "very", "experimental", "feature", "on", "Tango", "."], "golden-entity-mentions": [{"text": ["Tango"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["The", "problem", "is", "that", "it", "'s", "very", "hard", "to", "do", "occlusion", "with", "high", "fidelity", "and", "high", "performance", ",", "here", "'s", "couple", "of", "ideas", "on", "how", "to", "achieve", "it", "using", "different", "method", ":"], "golden-entity-mentions": []}, {"sentence": ["Use", "3D", "reconstruction", "."], "golden-entity-mentions": []}, {"sentence": ["Tango", "does", "provide", "functionalities", "to", "construct", "3D", "meshes", "from", "point", "cloud", ",", "you", "can", "find", "sample", "code", "from", "Tango", "sample", "code", "repository", "(", "C", ",", "Java", ",", "Unity", ")", "."], "golden-entity-mentions": [{"text": ["Tango"], "entity-type": "Application", "index": [0]}, {"text": ["Tango"], "entity-type": "Application", "index": [18]}, {"text": ["C"], "entity-type": "Language", "index": [23]}, {"text": ["Java"], "entity-type": "Language", "index": [25]}, {"text": ["Unity"], "entity-type": "Application", "index": [27]}]}, {"sentence": ["If", "you", "have", "a", "world", "that", "is", "pre-scanned", ",", "you", "can", "essentially", "use", "that", "mesh", "data", "to", "occluded", "virtual", "object", "."], "golden-entity-mentions": []}, {"sentence": ["Run", "time", "up-sampling", "depth", "image", "."], "golden-entity-mentions": [{"text": ["image"], "entity-type": "User_Interface_Element", "index": [4]}]}, {"sentence": ["You", "can", "also", "project", "all", "point", "clouds", "on", "to", "an", "image", "plane", ",", "up-sample", "it", ",", "and", "use", "the", "image", "as", "a", "depth", "buffer", "for", "rendering", "."], "golden-entity-mentions": [{"text": ["image", "plane"], "entity-type": "User_Interface_Element", "index": [10, 11]}, {"text": ["image"], "entity-type": "User_Interface_Element", "index": [19]}]}, {"sentence": ["This", "is", "what", "ARScreen", "occlusion", "is", "using", "in", "TangoUnitySDK", "."], "golden-entity-mentions": [{"text": ["ARScreen"], "entity-type": "Device", "index": [3]}, {"text": ["TangoUnitySDK"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["Due", "to", "the", "limitation", "of", "Tango", "depth", "sensing", "hardware", ",", "the", "result", "quality", "is", "not", "very", "ideal", ",", "and", "it", "will", "not", "work", "if", "all", "physical", "objects", "are", "far", "away", "(", "beyond", "4", "meters", ")", "from", "the", "device", "."], "golden-entity-mentions": [{"text": ["Tango"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["talbe", "row", "with", "as", "set", "of", "elements", "(", "textboxes", ")", "are", "dynamically", "created", "by", "Javascript", "like", "follow", ":"], "golden-entity-mentions": [{"text": ["talbe", "row"], "entity-type": "User_Interface_Element", "index": [0, 1]}, {"text": ["textboxes"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["Javascript"], "entity-type": "Language", "index": [14]}]}, {"sentence": ["after", "submitted", ",", "i", "want", "to", "retrieve", "the", "values", "that", "are", "input", "in", "the", "dynamically", "created", "textboxes", "using", "php", "file", "like", ":"], "golden-entity-mentions": [{"text": ["textboxes"], "entity-type": "User_Interface_Element", "index": [16]}, {"text": ["php"], "entity-type": "File_Type", "index": [18]}]}, {"sentence": ["however", ",", "i", "got", "\"", "Internal", "Server", "Error", "\"", ",", "any", "suggestion", "about", "reasons", "?"], "golden-entity-mentions": [{"text": ["Internal", "Server", "Error"], "entity-type": "Error_Name", "index": [5, 6, 7]}]}, {"sentence": ["thanx", "in", "advance", "."], "golden-entity-mentions": []}, {"sentence": ["thanx", "a", "lot", "for", "reply", "."], "golden-entity-mentions": []}, {"sentence": ["The", "problem", "is", "that", "in", "loop", "control", ",", "i", "miss", "\"", "$", "\"", "before", "index", "i", "."], "golden-entity-mentions": [{"text": ["\"", "$", "\""], "entity-type": "Value", "index": [10, 11, 12]}, {"text": ["i"], "entity-type": "Variable", "index": [15]}]}, {"sentence": ["I", "'m", "using", "a", "Java", "library", "that", "uses", "a", "socket", "to", "communicate", "with", "the", "world", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [4]}, {"text": ["socket"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["I", "'d", "like", "to", "get", "a", "reference", "to", "that", "socket", "so", "I", "can", "monitor", "the", "data", "the", "library", "is", "sending", "and", "receiving", "."], "golden-entity-mentions": [{"text": ["socket"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Is", "there", "any", "way", "to", "hook", "Java", "'s", "sockets", "system", "so", "I", "can", "monitor", "socket", "communications", "when", "I", "ca", "n't", "modify", "the", "code", "that", "creates", "the", "socket", "?"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "Language", "index": [6]}, {"text": ["sockets"], "entity-type": "Class", "index": [8]}, {"text": ["socket"], "entity-type": "Class", "index": [14]}, {"text": ["socket"], "entity-type": "Class", "index": [26]}]}, {"sentence": ["Have", "a", "look", "at", "that", "idea", ":"], "golden-entity-mentions": []}, {"sentence": ["Finding", "out", "what", "network", "sockets", "are", "open", "in", "the", "current", "Java", "VM"], "golden-entity-mentions": [{"text": ["sockets"], "entity-type": "Class", "index": [4]}, {"text": ["Java", "VM"], "entity-type": "Application", "index": [10, 11]}]}, {"sentence": ["I", "have", "n't", "tested", "it", ",", "but", "it", "looks", "interesting", "as", "it", "presents", "a", "way", "to", "hook", "into", "the", "socket", "creation", "process", "of", "Java", "."], "golden-entity-mentions": [{"text": ["socket"], "entity-type": "Class", "index": [19]}, {"text": ["Java"], "entity-type": "Language", "index": [23]}]}, {"sentence": ["Situation", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "building", "a", "website", "on", "Bootstrap", "3.0", ",", "and", "it", "contains", "a", "section", "with", "upcoming", "events", "."], "golden-entity-mentions": [{"text": ["Bootstrap"], "entity-type": "Library", "index": [6]}, {"text": ["3.0"], "entity-type": "Version", "index": [7]}]}, {"sentence": ["If", "a", "user", "wants", "to", "attend", ",", "they", "can", "do", "that", "by", "clicking", "on", "the", "event", "."], "golden-entity-mentions": []}, {"sentence": ["Now", "a", "modal", "appears", "with", "name", ",", "e-mail", "and", "event", "title", "input", "fields", "."], "golden-entity-mentions": [{"text": ["input", "fields"], "entity-type": "User_Interface_Element", "index": [11, 12]}]}, {"sentence": ["The", "e-mail", "goes", "to", "me", "so", "I", "know", "who", "'s", "coming", "for", "what", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "the", "html", "for", "a", "single", "event", ":"], "golden-entity-mentions": [{"text": ["html"], "entity-type": "Language", "index": [3]}]}, {"sentence": ["Question", ":", "How", "can", "I", "code", "this", ",", "so", "it", "automatically", "adds", "the", "title", "of", "an", "event", "to", "the", "e-mail", "by", "clicking", "on", "the", "event", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "do", "n't", "want", "users", "to", "type", "the", "event", "title", "manually", "when", "the", "modal", "appears", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "also", "open", "for", "better", "ways", "to", "do", "this", "."], "golden-entity-mentions": []}, {"sentence": ["current", "process", ":"], "golden-entity-mentions": []}, {"sentence": ["visitor", "clicks", "on", "event", ">", "fills", "in", "name", ",", "e-mail", "and", "event", "title", ">", "submits", "form"], "golden-entity-mentions": []}, {"sentence": ["future", "process", ":"], "golden-entity-mentions": []}, {"sentence": ["visitor", "clicks", "on", "event", ">", "fills", "in", "name", ",", "email", ">", "submits", "form"], "golden-entity-mentions": []}, {"sentence": ["Info", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'ll", "be", "using", "Wordpress", "as", "CMS", "."], "golden-entity-mentions": [{"text": ["Wordpress"], "entity-type": "Application", "index": [4]}]}, {"sentence": ["I", "'m", "assuming", "you", "are", "working", "with", "a", "custom", "post", "type", "for", "your", "events", "."], "golden-entity-mentions": []}, {"sentence": ["Yes", ",", "you", "will", "need", "to", "populate", "the", "hidden", "field", "yourself", "."], "golden-entity-mentions": [{"text": ["field"], "entity-type": "User_Interface_Element", "index": [9]}]}, {"sentence": ["On", "the", "single", "template", ",", "in", "the", "form", "markup", ",", "you", "can", "output", "the", "title", "of", "the", "event", "as", "the", "value", "of", "the", "hidden", "field", "by", "using", "the", "wordpress", "function", "the_title()", "."], "golden-entity-mentions": [{"text": ["form"], "entity-type": "HTML_XML_Tag", "index": [7]}, {"text": ["wordpress"], "entity-type": "Application", "index": [28]}, {"text": ["the_title()"], "entity-type": "Function", "index": [30]}]}, {"sentence": ["You", "could", "also", "do", "it", "with", "javascript", ",", "but", "this", "is", "exactly", "the", "kind", "of", "situation", "wordpress", "templates", "and", "PHP", "are", "made", "for", "."], "golden-entity-mentions": [{"text": ["javascript"], "entity-type": "Language", "index": [6]}, {"text": ["wordpress"], "entity-type": "Application", "index": [16]}, {"text": ["PHP"], "entity-type": "Language", "index": [19]}]}, {"sentence": ["You", "might", "also", "think", "about", "grabbing", "the", "event", "post", "id", "for", "the", "event", "using", "the_ID()", "."], "golden-entity-mentions": [{"text": ["post", "id"], "entity-type": "Variable", "index": [8, 9]}, {"text": ["the_ID()"], "entity-type": "Function", "index": [14]}]}, {"sentence": ["Two", "events", "can", "easily", "have", "the", "same", "title", ",", "but", "will", "never", "have", "the", "same", "post", "id", "."], "golden-entity-mentions": [{"text": ["post", "id"], "entity-type": "Variable", "index": [15, 16]}]}, {"sentence": ["It", "is", "worth", "noting", "that", "even", "though", "named", "\"", "hidden", "field", "\"", ",", "the", "values", "are", "easily", "accessible", "to", "anyone", "using", "your", "form", ",", "and", "after", "the", "page", "loads", "and", "your", "PHP", "is", "output", ",", "they", "can", "be", "changed", "to", "anything", "very", "easily", "and", "then", "submitted", "."], "golden-entity-mentions": [{"text": ["\"", "hidden", "field", "\""], "entity-type": "Value", "index": [8, 9, 10, 11]}, {"text": ["form"], "entity-type": "User_Interface_Element", "index": [22]}, {"text": ["PHP"], "entity-type": "Language", "index": [31]}]}, {"sentence": ["So", "if", "you", "have", "any", "restrictions", "on", "what", "events", "are", "shown", "to", "what", "users", ",", "someone", "can", "potentially", "just", "replace", "the", "title", "in", "their", "form", "with", "an", "event", "they", "should", "n't", "be", "able", "to", "rsvp", "for", ",", "but", "you", "'d", "never", "know", "that", "from", "the", "email", "you", "receive", "."], "golden-entity-mentions": [{"text": ["form"], "entity-type": "User_Interface_Element", "index": [24]}]}, {"sentence": ["But", "that", "'s", "a", "whole", "other", "question", "."], "golden-entity-mentions": []}, {"sentence": ["Why", "is", "this", "formatted", "string", "template"], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [4]}]}, {"sentence": ["faster", "than", "just", "a", "regular", "string", "template", "on", "1", "line", "like"], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [5]}]}, {"sentence": ["You", "can", "see", "the", "benchmark", "in", "the", "JsPerf", "test", "linked", "below", "."], "golden-entity-mentions": [{"text": ["JsPerf"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["Also", "why", "does", "Firefox", "perform", "way", "better", "than", "Chrome", "on", "this", "benchmark", "?"], "golden-entity-mentions": [{"text": ["Firefox"], "entity-type": "Application", "index": [3]}, {"text": ["Chrome"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["JsPerf", "test"], "golden-entity-mentions": [{"text": ["JsPerf"], "entity-type": "Application", "index": [0]}]}, {"sentence": ["I", "have", "a", "simple", "python", "script", "that", "compares", "a", "range", "using", "netaddr", "with", "the", "host", "file", "."], "golden-entity-mentions": [{"text": ["python"], "entity-type": "Language", "index": [4]}, {"text": ["netaddr"], "entity-type": "Library", "index": [11]}]}, {"sentence": ["I", "need", "to", "print", "the", "whole", "range", "and", "the", "matches", "."], "golden-entity-mentions": []}, {"sentence": ["This", "as", "far", "as", "I", "can", "go", "."], "golden-entity-mentions": []}, {"sentence": ["Snippet", "below", ":"], "golden-entity-mentions": []}, {"sentence": ["Something", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["192.168.1.1", "192.168.1.1", "host1"], "golden-entity-mentions": [{"text": ["192.168.1.1", "192.168.1.1"], "entity-type": "Value", "index": [0, 1]}, {"text": ["host1"], "entity-type": "Variable", "index": [2]}]}, {"sentence": ["192.168.1.2", "192.168.1.2", "host2"], "golden-entity-mentions": [{"text": ["192.168.1.2", "192.168.1.2"], "entity-type": "Value", "index": [0, 1]}, {"text": ["host2"], "entity-type": "Variable", "index": [2]}]}, {"sentence": ["192.168.1.3"], "golden-entity-mentions": [{"text": ["192.168.1.3"], "entity-type": "Value", "index": [0]}]}, {"sentence": ["I", "would", "like", "to", "still", "print", "the", "IP", "even", "if", "there", "is", "no", "match", "."], "golden-entity-mentions": [{"text": ["IP"], "entity-type": "Variable", "index": [7]}]}, {"sentence": ["Any", "assistance", "would", "be", "greatly", "appreciated", "!"], "golden-entity-mentions": []}, {"sentence": ["Easy", "solution", "would", "be", "to", "initialize", "a", "match", "variable", "and", "then", "print", "the", "ip", "once", "if", "it", "does", "n't", "turn", "on", "."], "golden-entity-mentions": [{"text": ["ip"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["For", "example", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "looking", "for", "a", "good", "way", "to", "programmatically", "initiate", "editing", "on", "a", "System.Windows.Forms.PropertyGrid", "."], "golden-entity-mentions": [{"text": ["System.Windows.Forms.PropertyGrid"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["I", "can", "select", "the", "GridItem", "that", "I", "want", ",", "but", "that", "does", "n't", "move", "the", "cursor", "into", "the", "edit", "field", "."], "golden-entity-mentions": [{"text": ["GridItem"], "entity-type": "Class", "index": [4]}, {"text": ["cursor"], "entity-type": "User_Interface_Element", "index": [15]}, {"text": ["field"], "entity-type": "User_Interface_Element", "index": [19]}]}, {"sentence": ["Did", "you", "try", "sending", "the", "TAB", "key", "?"], "golden-entity-mentions": [{"text": ["TAB"], "entity-type": "Keyboard_IP", "index": [5]}]}, {"sentence": ["I", "had", "reviewed", "this", "thread", "which", "covers", "performing", "a", "bulk", "insert", "using", "the", "mysql", "node", "module", "but", "with", "a", "very", "particular", "syntax", "that", "does", "n't", "include", "the", "use", "of", "subqueries", "."], "golden-entity-mentions": [{"text": ["mysql"], "entity-type": "Application", "index": [13]}, {"text": ["node"], "entity-type": "Class", "index": [14]}]}, {"sentence": ["I", "was", "wondering", "how", "I", "would", "perform", "a", "bulk", "insert", "using", "this", "module", "for", "a", "query", "like", "this", "."], "golden-entity-mentions": []}, {"sentence": ["While", "I", "'m", "able", "to", "run", "this", "in", "the", "mysql", "module", "just", "fine", "over", "a", "loop", ",", "I", "was", "hoping", "for", "a", "speedier", "insert", "process", ",", "but", "ca", "n't", "seem", "to", "figure", "out", "how", "to", "adjust", "the", "syntax", "so", "it", "works", "for", "a", "bulk", "insert", "operation", "."], "golden-entity-mentions": [{"text": ["mysql"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["Cheers", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "configure", "the", "latest", "version", "of", "Cruise", "Control", "with", "SVN", "and", "looking", "for", "the", "simple", "steps", "to", "do", "the", "same", "."], "golden-entity-mentions": [{"text": ["Cruise", "Control"], "entity-type": "Library", "index": [9, 10]}, {"text": ["SVN"], "entity-type": "Application", "index": [12]}]}, {"sentence": ["Not", "able", "to", "make", "out", "much", "from", "this", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "help", "will", "be", "appreciated"], "golden-entity-mentions": []}, {"sentence": ["I", "use", "a", "custom", "block", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["(", "just", "put", "it", "somewhere", "at", "the", "beginning", "directly", "under", "the", "root", "node", ")"], "golden-entity-mentions": []}, {"sentence": ["Then", "I", "can", "use", "this", "in", "a", "project", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["This", "way", "I", "do", "not", "need", "to", "repeat", "the", "subversion", "configuration", "all", "the", "time", "."], "golden-entity-mentions": [{"text": ["subversion"], "entity-type": "Application", "index": [9]}]}, {"sentence": ["I", "'m", "trying", "to", "setup", "my", "app", "to", "watch", "the", "window.innerWidth", "property", "and", "add", "a", "property", "to", "the", "$scope", "based", "on", "that", "width", "."], "golden-entity-mentions": [{"text": ["window.innerWidth"], "entity-type": "Variable", "index": [10]}, {"text": ["$scope"], "entity-type": "Class", "index": [18]}]}, {"sentence": ["It", "works", "the", "first", "time", ",", "but", "not", "on", "any", "resize", "after", "that", "."], "golden-entity-mentions": []}, {"sentence": ["Is", "the", "$digest", "method", "not", "being", "called", "?"], "golden-entity-mentions": [{"text": ["$digest"], "entity-type": "Function", "index": [2]}]}, {"sentence": ["If", "so", "why", "not", "?"], "golden-entity-mentions": []}, {"sentence": ["Module"], "golden-entity-mentions": []}, {"sentence": ["Controller"], "golden-entity-mentions": []}, {"sentence": ["View"], "golden-entity-mentions": []}, {"sentence": ["This", "works", "the", "first", "time", ",", "if", "I", "refresh", "the", "screen", "after", "resizing", "it", ",", "the", "expand", "class", "is", "applied", ",", "but", "when", "I", "resize", "it", ",", "nothing", "happens", ",", "the", "console.log", "function", "does", "n't", "even", "fire"], "golden-entity-mentions": [{"text": ["screen"], "entity-type": "User_Interface_Element", "index": [10]}, {"text": ["expand"], "entity-type": "Class", "index": [16]}, {"text": ["console.log"], "entity-type": "Function", "index": [31]}]}, {"sentence": ["Resizing", "the", "window", "does", "n't", "cause", "Angular", "to", "re-run", "a", "$digest", "loop", ",", "so", "window.innerWidth", "'", "s", "value", "is", "checked", "only", "when", "something", "else", "causes", "it", "."], "golden-entity-mentions": [{"text": ["window"], "entity-type": "User_Interface_Element", "index": [2]}, {"text": ["Angular"], "entity-type": "Library", "index": [6]}, {"text": ["$digest"], "entity-type": "Function", "index": [10]}, {"text": ["window.innerWidth"], "entity-type": "Variable", "index": [14]}]}, {"sentence": ["You", "should", "instead", "use", "a", "directive", "(", "ie", ".", "do", "n't", "do", "this", "work", "in", "your", "controller", ")", ",", "binding", "to", "the", "window.onresize", "event", ":"], "golden-entity-mentions": [{"text": ["window.onresize"], "entity-type": "Function", "index": [22]}]}, {"sentence": ["In", "this", "case", ",", "you", "call", "scope", ".", "$", "apply", "."], "golden-entity-mentions": [{"text": ["scope", ".", "$", "apply"], "entity-type": "Function", "index": [6, 7, 8, 9]}]}, {"sentence": ["This", "causes", "the", "$digest", "loop", "to", "run", "following", "this", "event", ",", "which", "is", "outside", "of", "the", "Angular", "context", "."], "golden-entity-mentions": [{"text": ["$digest"], "entity-type": "Function", "index": [3]}, {"text": ["Angular"], "entity-type": "Library", "index": [16]}]}, {"sentence": ["You", "can", "use", "this", "directive", "to", "decorate", "an", "element", "on", "the", "same", "scope", "as", "the", "variable", "you", "'re", "changing", ":"], "golden-entity-mentions": []}, {"sentence": ["Demo", "(", "best", "viewed", "full-screen", ")"], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "added", "a", "Digg", "button", "to", "all", "the", "items", "in", "my", "site", "."], "golden-entity-mentions": [{"text": ["Digg", "button"], "entity-type": "User_Interface_Element", "index": [4, 5]}]}, {"sentence": ["The", "javascript", "required", "for", "dynamic", "Digg", "buttons", "is", "just", "before", "my", "", "close", "tag", "."], "golden-entity-mentions": [{"text": ["javascript"], "entity-type": "Language", "index": [1]}, {"text": ["Digg", "buttons"], "entity-type": "User_Interface_Element", "index": [5, 6]}, {"text": [""], "entity-type": "HTML_XML_Tag", "index": [11]}]}, {"sentence": ["Everything", "works", "on", "pages", "that", "have", "the", "dynamic", "Digg", "buttons", "on", "them", ",", "but", "on", "pages", "that", "do", "n't", ",", "an", "orphan", "Digg", "icon", "is", "floating", "in", "space", "at", "the", "bottom", "of", "the", "page", "."], "golden-entity-mentions": [{"text": ["pages"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["Digg", "buttons"], "entity-type": "User_Interface_Element", "index": [8, 9]}, {"text": ["pages"], "entity-type": "User_Interface_Element", "index": [15]}, {"text": ["Digg", "icon"], "entity-type": "User_Interface_Element", "index": [22, 23]}, {"text": ["page"], "entity-type": "User_Interface_Element", "index": [33]}]}, {"sentence": ["Is", "this", "normal", "behaviour", "?"], "golden-entity-mentions": []}, {"sentence": ["How", "can", "I", "prevent", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "broke", "down", "and", "simply", "took", "the", ""], "golden-entity-mentions": [{"text": [""], "entity-type": "Code_Block", "index": [0, 1]}]}, {"sentence": ["0Aconst%20A%20%3D%20%7B%5BL%5D%3A%20responses%7D%0Aconsole.log(A)%0A"], "golden-entity-mentions": []}, {"sentence": ["noted", ":", "other", "person", "got", "in", "before", "me", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "build", "appinventor", "locally", "on", "windows", "7", "using", "the", "following", "document", ":", "https://docs.google.com/document/d/1Xc9yt02x3BRoq5m1PJHBr81OOv69rEBy8LVG_84j9jc/pub#h.5p32kqx16c2d"], "golden-entity-mentions": [{"text": ["appinventor"], "entity-type": "Application", "index": [5]}, {"text": ["windows"], "entity-type": "Operating_System", "index": [8]}, {"text": ["7"], "entity-type": "Version", "index": [9]}]}, {"sentence": ["I", "'ve", "downloaded", "all", "the", "software", "listed", "in", "section", "3", "and", "proceeded", "building", "the", "app", "inventor", "by", "cloning", "a", "git", "repository", "by", "running", "the", "following", "git", "command", "from", "a", "shell", ":", "git", "clone", "https://github.com/mit-cml/appinventor-sources.git"], "golden-entity-mentions": [{"text": ["git"], "entity-type": "Application", "index": [19]}, {"text": ["git"], "entity-type": "Application", "index": [25]}, {"text": ["shell"], "entity-type": "Application", "index": [29]}, {"text": ["git", "clone"], "entity-type": "Code_Block", "index": [31, 32]}]}, {"sentence": ["I", "keep", "getting", "the", "following", "error", ":", "failed", "to", "connect", "to", "github", "443", "error"], "golden-entity-mentions": [{"text": ["443", "error"], "entity-type": "Error_Name", "index": [12, 13]}]}, {"sentence": ["I", "'ve", "tired", "doing", "a", "Google", "search", "and", "found", "this", ":", "GitHub", "-", "failed", "to", "connect", "to", "github", "443", "windows/", "Failed", "to", "connect", "to", "gitHub", "-", "No", "Error"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "Website", "index": [5]}, {"text": ["GitHub"], "entity-type": "Website", "index": [11]}, {"text": ["github"], "entity-type": "Website", "index": [17]}, {"text": ["443"], "entity-type": "Error_Name", "index": [18]}, {"text": ["windows/"], "entity-type": "Operating_System", "index": [19]}, {"text": ["gitHub"], "entity-type": "Website", "index": [24]}]}, {"sentence": ["I", "'m", "not", "at", "all", "experienced", "in", "this", "field", "so", "I", "do", "not", "understand", "any", "of", "the", "solutions", "mentioned", ",", "could", "you", "please", "try", "and", "help", "me", "out", "by", "going", "through", "the", "best", "solution", "step", "by", "step", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "working", "in", "a", "company", "so", "I", "ca", "n't", "get", "the", "proxy", "like", "they", "mentioned", "or", "the", "firewall", "might", "be", "blocking", "it", "."], "golden-entity-mentions": []}, {"sentence": ["Thank", "you", "in", "advance", "!"], "golden-entity-mentions": []}, {"sentence": ["If", "you", "are", "behind", "the", "corporate", "firewall", "and", "if", "all", "your", "requests", "goes", "through", "the", "proxy", "server", "then", "you", "must", "set", "the", "Git", "proxy", "first", "before", "running", "any", "get", "commands", "like", "pull", ",", "fetch", "and", "push", "commands", "."], "golden-entity-mentions": [{"text": ["Git"], "entity-type": "Application", "index": [22]}, {"text": ["pull"], "entity-type": "Code_Block", "index": [31]}, {"text": ["fetch"], "entity-type": "Code_Block", "index": [33]}, {"text": ["push"], "entity-type": "Code_Block", "index": [35]}]}, {"sentence": ["To", "set", "the", "Git", "proxy", "for", "HTTP", "and", "HTTPS", "use", "the", "following", "Git", "commands", "in", "the", "git", "bash", "shell"], "golden-entity-mentions": [{"text": ["Git"], "entity-type": "Application", "index": [3]}, {"text": ["Git"], "entity-type": "Application", "index": [12]}, {"text": ["git", "bash", "shell"], "entity-type": "Application", "index": [16, 17, 18]}]}, {"sentence": ["Check", "How", "to", "configure", "Git", "proxy", "and", "How", "to", "unset", "the", "Git", "Proxy", "for", "more", "details"], "golden-entity-mentions": [{"text": ["Git"], "entity-type": "Application", "index": [4]}, {"text": ["Git"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["If", "say", "i", "am", "having", "a", "textbox", "input", "and", "a", "integer", "value", "A", "then", "how", "to", "check", "at", "time", "of", "typing", "the", "data", "itself", "that", "the", "value", "entered", "in", "textbox", "does", "not", "exceed", "A", "."], "golden-entity-mentions": [{"text": ["textbox"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["integer"], "entity-type": "Data_Type", "index": [10]}, {"text": ["A"], "entity-type": "Variable", "index": [12]}, {"text": ["textbox"], "entity-type": "User_Interface_Element", "index": [29]}, {"text": ["A"], "entity-type": "Variable", "index": [33]}]}, {"sentence": ["Textbox", ":"], "golden-entity-mentions": [{"text": ["Textbox"], "entity-type": "User_Interface_Element", "index": [0]}]}, {"sentence": ["My", "script", ":"], "golden-entity-mentions": [{"text": ["script"], "entity-type": "HTML_XML_Tag", "index": [1]}]}, {"sentence": ["(", "According", "to", "answer", "by", "Felix", ")"], "golden-entity-mentions": [{"text": ["Felix"], "entity-type": "User_Name", "index": [5]}]}, {"sentence": ["FORM", ":"], "golden-entity-mentions": [{"text": ["FORM"], "entity-type": "HTML_XML_Tag", "index": [0]}]}, {"sentence": ["Whats", "problem", "in", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["the", "script", "code", "is", "not", "running", "and", "not", "printing", "the", "error", "message.Please", "help"], "golden-entity-mentions": [{"text": ["script"], "entity-type": "HTML_XML_Tag", "index": [1]}]}, {"sentence": ["You", "can", "use", ".keyup()", "event", ":"], "golden-entity-mentions": [{"text": [".keyup()"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["Fiddle", "Demo"], "golden-entity-mentions": [{"text": ["Fiddle"], "entity-type": "Application", "index": [0]}]}, {"sentence": ["Based", "on", "your", "comment", ",", "you", "can", "do", ":"], "golden-entity-mentions": []}, {"sentence": ["Fiddle", "Demo"], "golden-entity-mentions": [{"text": ["Fiddle"], "entity-type": "Application", "index": [0]}]}, {"sentence": ["Do", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["Demo"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "Class", "which", "I", "have", "created", "as", "an", "NSObject", "."], "golden-entity-mentions": [{"text": ["NSObject"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["This", "class", "has", "a", "number", "of", "properties", "of", "different", "types", "and", "methods", "etc", "."], "golden-entity-mentions": []}, {"sentence": ["When", "I", "instantiate", "this", "class", "in", "my", "App", "(", "say", "in", "the", "main", "View", "Controller", ")", "I"], "golden-entity-mentions": [{"text": ["View", "Controller"], "entity-type": "Class", "index": [13, 14]}]}, {"sentence": ["immediately", "send", "it", "a", "release", "call", "when", "I", "am", "finished", "using", "it", "."], "golden-entity-mentions": []}, {"sentence": ["ie", ":"], "golden-entity-mentions": []}, {"sentence": ["So", "my", "question", "is", ":"], "golden-entity-mentions": []}, {"sentence": ["When", "I", "release", "myObject", ",", "does", "it", "automatically", "release", "all", "of", "the", "declared", "objects", ",", "variables", ",", "etc", ".", "that", "I", "declared", "in", "the", "MyObject", ".h", "file", "?"], "golden-entity-mentions": [{"text": ["myObject"], "entity-type": "Variable", "index": [3]}, {"text": ["MyObject", ".h"], "entity-type": "File_Name", "index": [24, 25]}]}, {"sentence": ["OR"], "golden-entity-mentions": []}, {"sentence": ["Do", "I", "need", "to", "create", "a", "custom", "release", "method", "which", "releases", "all", "of", "these", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "ask", "because", "of", "memory", "management", "issues", "."], "golden-entity-mentions": []}, {"sentence": ["Thank", "you", "."], "golden-entity-mentions": []}, {"sentence": ["You", "need", "to", "implement", "a", "dealloc", "method", "in", "your", "object", "and", "use", "that", "method", "to", "release", "any", "resources", "that", "you", "own", "."], "golden-entity-mentions": [{"text": ["dealloc"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["http://developer.apple.com/mac/library/documentation/Cocoa/Conceptual/MemoryMgmt/Articles/mmObjectOwnership.html#//apple_ref/doc/uid/20000043-SW4"], "golden-entity-mentions": []}, {"sentence": ["Important", "note", ":", "you", "never", "call", "a", "dealloc", "method", "on", "an", "object", ",", "it", "'s", "invoked", "automatically", "by", "the", "runtime", "when", "it", "'s", "time", "to", "clean", "up", "."], "golden-entity-mentions": [{"text": ["dealloc"], "entity-type": "Function", "index": [7]}]}, {"sentence": ["I", "had", "the", "same", "issue", "as", "Zigglzworth", "and", "it", "was", "the", "position", "of", "the", "[", "super", "dealloc", "]", "call", "."], "golden-entity-mentions": [{"text": ["Zigglzworth"], "entity-type": "User_Name", "index": [6]}, {"text": ["dealloc"], "entity-type": "Function", "index": [16]}]}, {"sentence": ["I", "had", "it", "at", "the", "start", "of", "my", "-(void)dealloc", "method", "and", "it", "was", "causing", "a", "crash", "every", "time", "."], "golden-entity-mentions": [{"text": ["-(void)dealloc"], "entity-type": "Function", "index": [8]}]}, {"sentence": ["Moved", "[", "super", "dealloc", "]", "to", "the", "end", "of", "the", "method", "after", "the", "variable", "release", "statements", "and", "now", "it", "works", "just", "fine", "."], "golden-entity-mentions": [{"text": ["dealloc"], "entity-type": "Function", "index": [3]}]}, {"sentence": ["There", "are", "many", "optimization", "problems", "that", "are", "known", "to", "be", "NP-hard", ",", "such", "as", "the", "traveling", "salesman", "problem", ",", "MAX-SAT", ",", "or", "finding", "the", "minimum", "chromatic", "number", "of", "a", "graph", "."], "golden-entity-mentions": [{"text": ["graph"], "entity-type": "Data_Structure", "index": [29]}]}, {"sentence": ["Given", "a", "problem", "of", "this", "sort", ",", "I", "'m", "curious", "about", "the", "complexity", "of", "the", "following", "problem", ":"], "golden-entity-mentions": []}, {"sentence": ["Intuitively", ",", "it", "seems", "like", "this", "might", "be", "co-NP", "hard", ",", "since", "it", "'s", "easy", "to", "refute", "an", "answer", "to", "an", "optimization", "problem", "by", "guessing", "a", "better", "solution", "and", "using", "it", "as", "a", "witness", ",", "but", "I", "have", "no", "idea", "how", "to", "show", "this", "."], "golden-entity-mentions": []}, {"sentence": ["In", "fact", ",", "I", "do", "n't", "really", "know", "how", "to", "reason", "about", "the", "complexity", "of", "this", "problem", "."], "golden-entity-mentions": []}, {"sentence": ["Does", "anyone", "know", "of", "any", "good", "lower", "bounds", "on", "the", "complexity", "of", "this", "decision", "problem", "?"], "golden-entity-mentions": []}, {"sentence": ["Knowing", "whether", "this", "was", "co-NP", "hard", ",", "PSPACE-hard", ",", "etc", ".", "would", "be", "really", "interesting", "."], "golden-entity-mentions": []}, {"sentence": ["The", "term", "'", "NP-hard", "optimization", "problem", "'", "seems", "a", "bit", "too", "broad", "to", "let", "a", "satisfying", "answer", "be", "found", "."], "golden-entity-mentions": []}, {"sentence": ["For", "instance", ",", "I", "ca", "n't", "see", "what", "precludes", "decision", "problems", "from", "being", "considered", "NP-hard", "optimization", "problems", "-", "if", "you", "consider", ",", "say", ",", "the", "MAX-CNF-SAT", "problem", "with", "the", "solutions", "being", "scored", "as", "floor(k/N)", ",", "where", "k", "is", "the", "number", "of", "satisfied", "clauses", "and", "N", "is", "the", "total", "number", "of", "clauses", "in", "the", "instance", "(", "which", "is", "clearly", "computable", "in", "polynomial", "time", ")", ",", "then", "any", "valuation", "which", "yields", "a", "1", "in", "this", "formula", "will", "have", "to", "satisfy", "the", "whole", "formula", "."], "golden-entity-mentions": [{"text": ["floor(k/N)"], "entity-type": "Function", "index": [33]}, {"text": ["k"], "entity-type": "Variable", "index": [36]}, {"text": ["N"], "entity-type": "Variable", "index": [44]}, {"text": ["1"], "entity-type": "Value", "index": [70]}]}, {"sentence": ["So", "let", "'s", "assume", "that", "we", "are", "maximizing", "floor(k/N)", "and", "call", "this", "the", "FLOOR-CNF-SAT", "optimization", "problem", ":", ")"], "golden-entity-mentions": [{"text": ["floor(k/N)"], "entity-type": "Function", "index": [8]}]}, {"sentence": ["This", "implies", "you", "can", "reduce", "TAUTOLOGY", "to", "said", "optimization", "problem", "-", "negate", "the", "input", "and", "add", "any", "solution", "as", "S", ".", "You", "can", "even", "add", "a", "dummy", "variable", "to", "make", "sure", "the", "initial", "solution", "is", "gets", "a", "0", "in", "the", "FLOOR-CNF-SAT", "problem", "."], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [19]}, {"text": ["0"], "entity-type": "Value", "index": [37]}]}, {"sentence": ["Negation", "is", "polynomial", "in", "time", "."], "golden-entity-mentions": []}, {"sentence": ["Then", "if", "a", "solver", "for", "the", "proposed", "problem", "deems", "S", "to", "not", "be", "optimal", ",", "there", "must", "clearly", "be", "a", "valuation", "which", "yields", "a", "1", "according", "to", "our", "crafted", "function", "and", "thus", "satisfies", "the", "whole", "formula", "-", "in", "turn", "providing", "a", "valuation", "that", "does", "not", "satisfy", "the", "original", "input", "to", "TAUTOLOGY", "."], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [9]}, {"text": ["1"], "entity-type": "Value", "index": [24]}]}, {"sentence": ["By", "cheating", "slightly", "(", "using", "an", "artificially", "crafted", "optimization", "problem", ")", "we", "have", "established", "the", "'", "is", "optimal", "'", "problem", "as", "co-NP-complete", ",", "since", "TAUTOLOGY", "is", "easily", "shown", "to", "be", "co-NP-complete", "."], "golden-entity-mentions": []}, {"sentence": ["By", "your", "own", "argument", "the", "'", "is", "optimal", "'", "decision", "problem", "is", "co-NP-hard", ",", "since", "as", "a", "witness", "you", "only", "need", "a", "better", "solution", "-", "score", "S", ",", "score", "the", "witness", "and", "compare", "."], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [26]}]}, {"sentence": ["I", "do", "n't", "really", "feel", "great", "about", "this", "reduction", "but", "I", "ca", "n't", "easily", "improve", "on", "the", "problem", "class", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "require", "that", "there", "be", "instances", "which", "score", "arbitrarily", "high", "and", "not", "just", "{", "0", ",", "1}", ",", "I", "could", "just", "use", "N", "*", "floor(k/N)", "."], "golden-entity-mentions": [{"text": ["{", "0", ",", "1}"], "entity-type": "Value", "index": [14, 15, 16, 17]}, {"text": ["N", "*", "floor(k/N)"], "entity-type": "Code_Block", "index": [23, 24, 25]}]}, {"sentence": ["An", "improvement", "to", "the", "class", "could", "be", "to", "only", "consider", "a", "problem", "an", "NP-hard", "optimization", "problem", "if", "for", "each", "K", "there", "exists", "an", "instance", "that", "has", "at", "least", "K", "solutions", "which", "all", "score", "differently", "."], "golden-entity-mentions": [{"text": ["K"], "entity-type": "Variable", "index": [19]}, {"text": ["K"], "entity-type": "Variable", "index": [28]}]}, {"sentence": ["I", "think", "I", "can", "still", "cheat", "my", "way", "through", "that", ":"], "golden-entity-mentions": []}, {"sentence": ["Consider", "a", "reduction", "that", "adds", "N", "dummy", "variables", "to", "the", "TAUTOLOGY", "input", "as", "follows", ":"], "golden-entity-mentions": [{"text": ["N"], "entity-type": "Variable", "index": [5]}]}, {"sentence": ["where", "S", "is", "the", "negated", "input", "."], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [1]}]}, {"sentence": ["As", "an", "initial", "valuation", "I", "choose", "d1", ",", "..", ".", ",", "dN", "=", "false", ",", "but", "as", "a", "score", "I", "give", "a", "function", "that", "returns", "2N", "-", "1", "if", "the", "first", "N", "clauses", "are", "all", "false", ",", "otherwise", "it", "returns", "the", "number", "of", "satisfied", "clauses", "."], "golden-entity-mentions": [{"text": ["d1", ",", "..", ".", ",", "dN", "=", "false"], "entity-type": "Code_Block", "index": [6, 7, 8, 9, 10, 11, 12, 13]}, {"text": ["2N", "-", "1"], "entity-type": "Code_Block", "index": [25, 26, 27]}, {"text": ["N"], "entity-type": "Variable", "index": [31]}]}, {"sentence": ["Such", "a", "function", "would", "only", "return", "2N", "if", "all", "the", "clauses", "were", "satisfied", "but", "could", "easily", "have", "at", "least", "N", "distinct", "values", "."], "golden-entity-mentions": [{"text": ["2N"], "entity-type": "Variable", "index": [6]}, {"text": ["N"], "entity-type": "Variable", "index": [19]}]}, {"sentence": ["I", "am", "afraid", "that", "without", "some", "complicated", "regularity", "conditions", "on", "the", "scoring", "function", "this", "is", "the", "best", "we", "can", "get", ",", "unless", "you", "consider", "the", "definition", "of", "an", "NP-hard", "optimization", "problem", "to", "be", "'", "a", "problem", "for", "which", ",", "given", "a", "candidate", "solution", "S", ",", "we", "can", "in", "polynomial", "time", "verify", "whether", "S", "is", "optimal", "'", ",", "in", "which", "case", "'", "is-optimal", "'", "is", "clearly", "P", "and", "it", "'s", "no", "fun", "at", "all:/"], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [43]}, {"text": ["S"], "entity-type": "Variable", "index": [52]}]}, {"sentence": ["Because", "S", "is", "a", "candidate", "solution", ";", "given", "that", "there", "are", "no", "other", "S", "in", "which", "S", "can", "be", "proven", "to", "be", "greedy", "or", "less", "optimal", "than", "any", "other", "S", ".", "It", "must", "be", "that", "S", "is", "at", "current", "the", "MOST", "optimal", "solution", "for", "the", "problem", "."], "golden-entity-mentions": [{"text": ["S"], "entity-type": "Variable", "index": [1]}, {"text": ["S"], "entity-type": "Variable", "index": [13]}, {"text": ["S"], "entity-type": "Variable", "index": [16]}, {"text": ["S"], "entity-type": "Variable", "index": [29]}, {"text": ["S"], "entity-type": "Variable", "index": [35]}]}, {"sentence": ["I", "am", "new", "to", "Pentaho", "Kettle", "and", "I", "am", "wondering", "what", "the", "Internal.Job.Filename.Directory", "is", "?"], "golden-entity-mentions": [{"text": ["Pentaho", "Kettle"], "entity-type": "Application", "index": [4, 5]}, {"text": ["Internal.Job.Filename.Directory"], "entity-type": "Variable", "index": [12]}]}, {"sentence": ["Is", "it", "my", "SPoon.bat", "folder", ",", "or", "the", "job/xfrm", "folder", "i", "created", "?"], "golden-entity-mentions": [{"text": ["SPoon.bat"], "entity-type": "File_Name", "index": [3]}, {"text": ["job/xfrm"], "entity-type": "File_Name", "index": [8]}]}, {"sentence": ["Is", "there", "a", "way", "I", "can", "change", "it", "to", "point", "to", "particular", "folder", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "runnig", "spoon.bat", "in", "Windows", "XP", "."], "golden-entity-mentions": [{"text": ["spoon.bat"], "entity-type": "File_Name", "index": [3]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [5]}, {"text": ["XP"], "entity-type": "Version", "index": [6]}]}, {"sentence": ["To", "set", "value", "to", "variable", "Internal.Job.Filename.Directory", ",", "you", "need", "to", "launch", "Job", "in", "this"], "golden-entity-mentions": [{"text": ["Internal.Job.Filename.Directory"], "entity-type": "Variable", "index": [5]}, {"text": ["Job"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["way", ":"], "golden-entity-mentions": []}, {"sentence": ["Internal.Job.Filename.Directory", "is", "only", "set", "when", "you", "do", "n't", "use", "a", "repository", ",", "and", "it", "is", "set", "automatically", "."], "golden-entity-mentions": [{"text": ["Internal.Job.Filename.Directory"], "entity-type": "Variable", "index": [0]}]}, {"sentence": ["You", "cannot", "set", "it", "manually", "."], "golden-entity-mentions": []}, {"sentence": ["How", "not", "to", "use", "an", "repository", "?"], "golden-entity-mentions": []}, {"sentence": ["When", "you", "start", "Spoon", ",", "you", "get", "a", "dialog", "which", "asks", "for", "a", "repository", "."], "golden-entity-mentions": [{"text": ["Spoon"], "entity-type": "Application", "index": [3]}, {"text": ["dialog"], "entity-type": "User_Interface_Element", "index": [8]}]}, {"sentence": ["Just", "close", "this", "dialog", "with", "cancel", "and", "you", "'re", "fine", "!"], "golden-entity-mentions": []}, {"sentence": ["It", "took", "me", "a", "while", "to", "find", "this", ":", "I", "was", "wondering", "why", "Internal.Job.Filename.Directory", "was", "always", "empty", "."], "golden-entity-mentions": [{"text": ["Internal.Job.Filename.Directory"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["The", "repository", "was", "the", "cause", "."], "golden-entity-mentions": []}, {"sentence": ["It", "'s", "documented", "here", ":", "http://jira.pentaho.com/browse/PDI-7434"], "golden-entity-mentions": []}, {"sentence": ["When", "the", "length", "of", "characters", "in", "json", "result", "is", "large", "the", "following", "exception", "will", "be", "raised", ":"], "golden-entity-mentions": [{"text": ["json"], "entity-type": "Function", "index": [6]}, {"text": ["exception"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["The", "above", "exception", "is", "a", "server", "side", "exception", "with", "500", "response", "code", "so", "if", "we", "put", "the", "source", "code", "inside", "a", "try", "catch", "block", ",", "the", "error", "should", "be", "caught", "in", "catch", "block", ",", "but", "try", "catch", "does", "not", "work", "for", "this", "scenario", "."], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [2]}, {"text": ["exception"], "entity-type": "Class", "index": [7]}, {"text": ["500"], "entity-type": "Error_Name", "index": [9]}, {"text": ["try", "catch"], "entity-type": "Code_Block", "index": [21, 22]}, {"text": ["catch"], "entity-type": "Code_Block", "index": [31]}, {"text": ["try", "catch"], "entity-type": "Code_Block", "index": [35, 36]}]}, {"sentence": ["You", "could", "test", "this", "problem", "by", "following", "code", ",", "please", "use", "it", "inside", "an", "asp.net", "mvc", "controller", ":"], "golden-entity-mentions": [{"text": ["asp.net"], "entity-type": "Library", "index": [14]}, {"text": ["mvc"], "entity-type": "Algorithm", "index": [15]}]}, {"sentence": ["I", "cannot", "reproduce", "the", "error", ",", "but", "anyway", "what", "is", "happening", "to", "you", "is", "that", "the", "Json", "method", "implementation", "is", "already", "catching", "the", "exception", "internally", "and", "converting", "it", "to", "full-blown", "HTTP", "5xx", "response", "."], "golden-entity-mentions": [{"text": ["Json"], "entity-type": "Function", "index": [16]}, {"text": ["exception"], "entity-type": "Class", "index": [23]}, {"text": ["HTTP", "5xx", "response"], "entity-type": "Error_Name", "index": [30, 31, 32]}]}, {"sentence": ["There", "is", "no", "exception", "coming", "out", "from", "the", "return", "Json()", "call", "."], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [3]}, {"text": ["Json()"], "entity-type": "Function", "index": [9]}]}, {"sentence": ["There", "is", "no", "chance", "for", "you", "to", "catch", "the", "exception", "because", "..", ".", "what", "would", "you", "do", "?"], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["Generate", "an", "HTTP", "5xx", "response", "?"], "golden-entity-mentions": [{"text": ["HTTP", "5xx", "response"], "entity-type": "Error_Name", "index": [2, 3, 4]}]}, {"sentence": ["That", "is", "already", "done", "for", "you", "by", "the", "MVC", "framework", "."], "golden-entity-mentions": [{"text": ["MVC"], "entity-type": "Algorithm", "index": [8]}]}, {"sentence": ["Try", "like", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["what", "is", "the", "easiest", "way", "to", "separate", "following", "text", "file", "and", "print", "its", "values", "in", "this", "format"], "golden-entity-mentions": [{"text": ["text"], "entity-type": "File_Type", "index": [8]}]}, {"sentence": ["If", "your", "input", "data", "are", "in", "JSON", "format", ",", "look", "at", "a", "C-based", "JSON", "parser", ",", "like", "JSON-C", "or", "Jansson", "."], "golden-entity-mentions": [{"text": ["JSON"], "entity-type": "File_Type", "index": [6]}, {"text": ["C-based"], "entity-type": "Language", "index": [12]}, {"text": ["JSON"], "entity-type": "File_Type", "index": [13]}, {"text": ["JSON-C"], "entity-type": "Library", "index": [17]}, {"text": ["Jansson"], "entity-type": "Library", "index": [19]}]}, {"sentence": ["Parse", "your", "data", "objects", "from", "JSON", "format", "and", "into", "some", "struct", "of", "your", "design", ",", "and", "then", "write", "a", "function", "to", "print", "out", "an", "array", "of", "struct", "elements", "to", "standard", "output", ",", "in", "a", "format", "of", "your", "choosing", "."], "golden-entity-mentions": [{"text": ["JSON"], "entity-type": "File_Type", "index": [5]}, {"text": ["struct"], "entity-type": "Data_Structure", "index": [10]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [24]}]}, {"sentence": ["How", "would", "I", "get", "all", "of", "the", "children", "in", "a", "specific", "Column", "of", "a", "Grid", "?"], "golden-entity-mentions": [{"text": ["Column"], "entity-type": "Data_Structure", "index": [11]}, {"text": ["Grid"], "entity-type": "Data_Structure", "index": [14]}]}, {"sentence": ["I", "need", "to", "perform", "some", "calculations", "on", "the", "children", "inside", "a", "certain", "Column", "in", "a", "Grid", ",", "but", "I", "cannot", "find", "a", "way", "of", "getting", "all", "children", "for", "that", "Column", "."], "golden-entity-mentions": [{"text": ["Column"], "entity-type": "Data_Structure", "index": [12]}, {"text": ["Grid"], "entity-type": "Data_Structure", "index": [15]}, {"text": ["Column"], "entity-type": "Data_Structure", "index": [29]}]}, {"sentence": ["Any", "help", "would", "be", "appreciated", "."], "golden-entity-mentions": []}, {"sentence": ["Adam"], "golden-entity-mentions": [{"text": ["Adam"], "entity-type": "User_Name", "index": [0]}]}, {"sentence": ["Do", "some", "thing", "like", "this"], "golden-entity-mentions": []}, {"sentence": ["This", "is", "the", "code", "example"], "golden-entity-mentions": []}, {"sentence": ["XAML"], "golden-entity-mentions": [{"text": ["XAML"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["CODE", "(", "c#", ")"], "golden-entity-mentions": [{"text": ["c#"], "entity-type": "Language", "index": [2]}]}, {"sentence": ["The", "oly", "constraint", "is", "you", "need", "to", "keep", "a", "check", "of", "the", "kind", "of", "elements", "u", "place", "inside", "the", "Grid", ".", ".", "if", "they", "are", "different", "then", "mapping", "them", "will", "cause", "trouble", "..", ".", "please", "let", "me", "know", "if", "different", "elements", "are", "present", "."], "golden-entity-mentions": [{"text": ["Grid"], "entity-type": "Data_Structure", "index": [19]}]}, {"sentence": ["Try", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "read", "one", "pdf", "file", "which", "is", "in", "below", "format", "-"], "golden-entity-mentions": [{"text": ["pdf"], "entity-type": "File_Type", "index": [5]}]}, {"sentence": ["data.pdf"], "golden-entity-mentions": [{"text": ["data.pdf"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["I", "'m", "trying", "to", "read", "this", "file", "using", "python", "pandas", "but", "I", "did", "n't", "get", "any", "success", "yet", "."], "golden-entity-mentions": [{"text": ["python", "pandas"], "entity-type": "Library", "index": [8, 9]}]}, {"sentence": ["Actually", "I", "want", "to", "convert", "this", "file", "in", "csv", "format", "like", "below", "-"], "golden-entity-mentions": [{"text": ["csv"], "entity-type": "File_Type", "index": [8]}]}, {"sentence": ["output.csv"], "golden-entity-mentions": [{"text": ["output.csv"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["I", "already", "tried", "with", "pdfminer", "but", "did", "n't", "get", "any", "success", "."], "golden-entity-mentions": [{"text": ["pdfminer"], "entity-type": "Library", "index": [4]}]}, {"sentence": ["It", "'s", "html", "output", "only", "gives", "me", "blank", "pages", "."], "golden-entity-mentions": [{"text": ["html"], "entity-type": "File_Type", "index": [2]}, {"text": ["pages"], "entity-type": "User_Interface_Element", "index": [8]}]}, {"sentence": ["Is", "their", "any", "way", "to", "read", "pdf", "file", "using", "python", "pandas", "or", "can", "we", "convert", "pdf", "to", "any", "format", "and", "then", "read", "it", "using", "python", "pandas", "?"], "golden-entity-mentions": [{"text": ["pdf"], "entity-type": "File_Type", "index": [6]}, {"text": ["python", "pandas"], "entity-type": "Library", "index": [9, 10]}, {"text": ["pdf"], "entity-type": "File_Type", "index": [15]}, {"text": ["python", "pandas"], "entity-type": "Library", "index": [24, 25]}]}, {"sentence": ["If", "you", "have", "tabula", "installed", "then", ":"], "golden-entity-mentions": [{"text": ["tabula"], "entity-type": "Library", "index": [3]}]}, {"sentence": ["then", "you", "can", "print", "your", "data"], "golden-entity-mentions": []}, {"sentence": ["I", "hope", "this", "will", "help", "you", "!"], "golden-entity-mentions": []}, {"sentence": ["I", "'d", "like", "to", "make", "non-graphic", "(", "text", ")", "C++", "game", "(", "you", "move", "your", "character", "using", "n", ",", "s", ",", "w", ",", "e", "and", "every", "location", "is", "described", ")", "."], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "Language", "index": [9]}, {"text": [",", "s"], "entity-type": "Value", "index": [18, 19]}, {"text": ["w"], "entity-type": "Value", "index": [21]}, {"text": ["e"], "entity-type": "Value", "index": [23]}]}, {"sentence": ["Locations", "will", "be", "an", "array", "of", "an", "objects", "(", "there", "will", "be", "location", "description", "and", "other", "information", "in", "this", "array", ")", "."], "golden-entity-mentions": [{"text": ["array"], "entity-type": "Data_Structure", "index": [4]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [19]}]}, {"sentence": ["I", "'ve", "started", "making", "this", "game", ",", "but", "I", "have", "a", "question", ":", "Is", "it", "possible", "to", "make", "arrays", "with", "dimensions", "x", "-", "from", "-100", "to", "100", "and", "z", "-", "from", "-100", "to", "100", "?"], "golden-entity-mentions": [{"text": ["arrays"], "entity-type": "Data_Structure", "index": [18]}, {"text": ["x"], "entity-type": "Variable", "index": [21]}, {"text": ["-100"], "entity-type": "Value", "index": [24]}, {"text": ["100"], "entity-type": "Value", "index": [26]}, {"text": ["z"], "entity-type": "Variable", "index": [28]}, {"text": ["-100"], "entity-type": "Value", "index": [31]}, {"text": ["100"], "entity-type": "Value", "index": [33]}]}, {"sentence": ["If", "it", "is", "not", "possible", ",", "are", "there", "other", "ways", "to", "do", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["(", "I", "do", "n't", "want", "a", "[", "0", "]", "[", "0", "]", "position", "in", "one", "of", "4", "corners", ",", "but", "on", "the", "middle", ".", ")"], "golden-entity-mentions": [{"text": ["[", "0", "]"], "entity-type": "Value", "index": [6, 7, 8]}, {"text": ["[", "0", "]"], "entity-type": "Value", "index": [9, 10, 11]}]}, {"sentence": ["One", "common", "(", "but", "rather", "sketchy", ")", "method", "is", "to", "do", "something", "like", "this", "(", "example", "for", "21", "x", "21", "board", ")", ":"], "golden-entity-mentions": []}, {"sentence": ["This", "creates", "a", "normal", "21x21", "array", "but", "then", "it", "also", "creates", "a", "pointer", "to", "a", "fake", "array", "which", "is", "initialised", "to", "point", "at", "the", "centre", "of", "the", "real", "array", "."], "golden-entity-mentions": [{"text": ["array"], "entity-type": "Data_Structure", "index": [5]}, {"text": ["pointer"], "entity-type": "Data_Type", "index": [12]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [16]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [28]}]}, {"sentence": ["You", "can", "then", "use", "this", "fake", "pointer", "as", "if", "it", "were", "a", "real", "array", "with", "indices", "ranging", "from", "-10", "to", "+10", "(", "inclusive", ")", "."], "golden-entity-mentions": [{"text": ["pointer"], "entity-type": "Data_Type", "index": [6]}, {"text": ["array"], "entity-type": "Data_Structure", "index": [13]}, {"text": ["-10"], "entity-type": "Value", "index": [18]}, {"text": ["+10"], "entity-type": "Value", "index": [20]}]}, {"sentence": ["LIVE", "DEMO"], "golden-entity-mentions": []}, {"sentence": ["An", "Array", "can", "have", "only", "positive", "indexes", ":"], "golden-entity-mentions": [{"text": ["Array"], "entity-type": "Data_Structure", "index": [1]}]}, {"sentence": ["define", "a", "Funktion", "that", "returns", "your", "desired", "Location", ":"], "golden-entity-mentions": [{"text": ["Location"], "entity-type": "Class", "index": [7]}]}, {"sentence": ["Then", "you", "can", "get", "the", "Location", "by", "calling", "the", "function", "getLocation(x,y)"], "golden-entity-mentions": [{"text": ["Location"], "entity-type": "Class", "index": [5]}, {"text": ["getLocation(x,y)"], "entity-type": "Function", "index": [10]}]}, {"sentence": ["There", "'s", "a", "fair", "amount", "of", "support", ",", "through", "things", "like", "the", "various", "Revolution", "R", "modules", ",", "in", "what", "to", "do", "if", "you", "'re", "bringing", "a", "large", "dataset", "into", "R", ",", "and", "it", "'s", "too", "large", "to", "be", "stored", "in", "RAM", "."], "golden-entity-mentions": [{"text": ["R"], "entity-type": "Language", "index": [14]}, {"text": ["R"], "entity-type": "Language", "index": [29]}, {"text": ["RAM"], "entity-type": "Device", "index": [40]}]}, {"sentence": ["But", "is", "there", "any", "way", "to", "deal", "with", "data", "sets", "being", "created", "within", "R", "that", "are", "too", "big", "to", "store", "in", "RAM", ",", "beyond", "simply", "(", "and", "by", "hand", ")", "breaking", "the", "creation", "step", "into", "a", "series", "of", "RAM-sized", "chunks", ",", "writing", "that", "chunk", "to", "disk", ",", "clearing", "it", ",", "and", "continuing", "on", "?"], "golden-entity-mentions": [{"text": ["R"], "entity-type": "Language", "index": [13]}, {"text": ["RAM"], "entity-type": "Device", "index": [21]}, {"text": ["RAM-sized"], "entity-type": "Device", "index": [38]}, {"text": ["disk"], "entity-type": "Device", "index": [45]}]}, {"sentence": ["For", "example", ",", "just", "doing", "a", "large", "simulation", ",", "or", "using", "something", "like", "SurvSplit()", "to", "take", "a", "single", "observation", "with", "a", "survival", "time", "from", "1", "to", "N", "and", "break", "it", "into", "N", "seperate", "observations", "?"], "golden-entity-mentions": [{"text": ["SurvSplit()"], "entity-type": "Function", "index": [13]}, {"text": ["1"], "entity-type": "Value", "index": [24]}, {"text": ["N"], "entity-type": "Variable", "index": [26]}, {"text": ["N"], "entity-type": "Variable", "index": [31]}]}, {"sentence": ["If", "you", "'re", "creating", "the", "data", "in", "R", "and", "you", "can", "do", "your", "analysis", "on", "a", "small", "chunk", "of", "the", "total", "data", ",", "then", "only", "create", "as", "large", "of", "a", "chunk", "as", "you", "need", "for", "any", "given", "analysis", "."], "golden-entity-mentions": [{"text": ["R"], "entity-type": "Language", "index": [7]}]}, {"sentence": ["I", "'m", "trying", "to", "read", "only", "colum", "with", "red", "label", "in", "a", "csv", "file", "."], "golden-entity-mentions": [{"text": ["colum"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["csv"], "entity-type": "File_Type", "index": [12]}]}, {"sentence": ["Is", "there", "a", "php", "function", "to", "do", "this", "or", "a", "symfony", "bundle", "?"], "golden-entity-mentions": [{"text": ["php"], "entity-type": "Language", "index": [3]}, {"text": ["symfony"], "entity-type": "Library", "index": [10]}]}, {"sentence": ["Now", "I", "'m", "reading", "csv", "file", "with", "fgetcsv", "function", ":"], "golden-entity-mentions": [{"text": ["csv"], "entity-type": "File_Type", "index": [4]}, {"text": ["fgetcsv"], "entity-type": "Function", "index": [7]}]}, {"sentence": ["But", "it", "does", "n't", "read", "the", "label", "'s", "color.Is", "there", "a", "way", "to", "read", "the", "color", "on", "the", "csv", "files", "?"], "golden-entity-mentions": [{"text": ["csv"], "entity-type": "File_Type", "index": [18]}]}, {"sentence": ["You", "can", "use", "this", "php", "class", "to", "read", "csv", "files", ":", "https://git.webworks-nuernberg.de/webworks-nuernberg/parsecsv"], "golden-entity-mentions": [{"text": ["php"], "entity-type": "Language", "index": [4]}, {"text": ["csv"], "entity-type": "File_Type", "index": [8]}]}, {"sentence": ["But", "cweiske", "is", "right", ",", "csv", "has", "n't", "any", "formatting", "."], "golden-entity-mentions": [{"text": ["cweiske"], "entity-type": "User_Name", "index": [1]}, {"text": ["csv"], "entity-type": "File_Type", "index": [5]}]}, {"sentence": ["CSV", "files", "have", "no", "formatting", "."], "golden-entity-mentions": [{"text": ["CSV"], "entity-type": "File_Type", "index": [0]}]}, {"sentence": [".xls", "or", ".odt", "files", "have", "formatting", ",", "but", "CSV", "definitely", "not", "-", "only", "data", "are", "saved", "in", "there", "."], "golden-entity-mentions": [{"text": [".xls"], "entity-type": "File_Type", "index": [0]}, {"text": [".odt"], "entity-type": "File_Type", "index": [2]}, {"text": ["CSV"], "entity-type": "File_Type", "index": [8]}]}, {"sentence": ["Look", "at", "the", "file", "with", "a", "text", "editor", "."], "golden-entity-mentions": [{"text": ["text", "editor"], "entity-type": "Application", "index": [6, 7]}]}, {"sentence": ["Why", "this", "code", "does", "not", "set", "the", "value", "to", "input", "element", "?"], "golden-entity-mentions": []}, {"sentence": ["If", "I", "change", "date", "to", "\"", "new", "Date(2016,", "4,", "1)", "\"", "value", "will", "be", "set", "correctly", "."], "golden-entity-mentions": [{"text": ["\"", "new", "Date(2016,", "4,", "1)", "\""], "entity-type": "Code_Block", "index": [5, 6, 7, 8, 9, 10]}]}, {"sentence": ["The", "error", "appears", "in", "all", "browsers", "."], "golden-entity-mentions": [{"text": ["browsers"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["Link", "to", "JSbin", "example", "http://jsbin.com/catolumifa/edit?html,output"], "golden-entity-mentions": [{"text": ["JSbin"], "entity-type": "Application", "index": [2]}]}, {"sentence": ["You", "are", "not", "able", "to", "set", "past", "date", "\"", "2016", ",", "1", ",", "1", "\"", "because", "you", "have", "set", "minimum", "date", "as", "current", "date", "."], "golden-entity-mentions": [{"text": ["\"", "2016", ",", "1", ",", "1", "\""], "entity-type": "Value", "index": [8, 9, 10, 11, 12, 13, 14]}, {"text": ["current", "date"], "entity-type": "Value", "index": [22, 23]}]}, {"sentence": ["so", "you", "cannot", "set", "older", "date", "than", "today", "."], "golden-entity-mentions": []}, {"sentence": ["so", "please", "remove", "below", "code", "lines", "from", "your", "code", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "", "tags", "go", "in", "external", "CSS", "sheets,", "and", "be", "linked", "to", "with", "the", "", "tags", "used", "for", "CSS", "?"], "golden-entity-mentions": [{"text": [""], "entity-type": "HTML_XML_Tag", "index": [1]}, {"text": ["CSS"], "entity-type": "Language", "index": [6]}, {"text": [""], "entity-type": "HTML_XML_Tag", "index": [14]}, {"text": ["CSS"], "entity-type": "Language", "index": [18]}]}, {"sentence": ["That", "is"], "golden-entity-mentions": []}, {"sentence": ["CSS", ":"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [0]}]}, {"sentence": ["Why", "the", "down", "vote", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "consider", "this", "well", "asked", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "think", "it", "can", "be", "improved", ",", "please", "suggest", "how", "."], "golden-entity-mentions": []}, {"sentence": ["Otherwise", ",", "please", "up", "vote", "!"], "golden-entity-mentions": []}, {"sentence": ["Thank", "you", "."], "golden-entity-mentions": []}, {"sentence": ["Meta", "tags", "are", "not", "styles", ",", "and", "therefore", "cannot", "be", "put", "in", "stylesheets", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "code", "for", "a", "HW", "question", "in", "my", "Multivariate", "Analysis", "Class"], "golden-entity-mentions": []}, {"sentence": ["PROC", "PLOT", "is", "currently", "generating", "a", "huge", "chart", ",", "maybe", "5-10", "pages", "tall", ",", "with", "ridiculous", "vertical", "scaling", "(", "something", "like", ".05", "=", "an", "inch+", "of", "computer", "screen", ".", ")"], "golden-entity-mentions": [{"text": ["PROC", "PLOT"], "entity-type": "Data_Structure", "index": [0, 1]}, {"text": ["chart"], "entity-type": "Data_Structure", "index": [7]}, {"text": [".05"], "entity-type": "Value", "index": [21]}]}, {"sentence": ["It", "'s", "too", "big", "to", "put", "in", "a", "word", "document", "to", "hand", "in", ",", "and", "it", "'s", "not", "informative", "as", "is", "."], "golden-entity-mentions": []}, {"sentence": ["My", "question", "is", "why", "is", "my", "SAS", "doing", "this", ",", "and", "can", "I", "fix", "it", "?"], "golden-entity-mentions": [{"text": ["SAS"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["I", "'d", "love", "it", "to", "be", "scaled", "down", "to", "a", "5", "\"", "x", "5", "\"", "or", "something", "like", "that", "...", "can", "I", "do", "this", "?"], "golden-entity-mentions": [{"text": ["5", "\"", "x", "5", "\""], "entity-type": "Value", "index": [10, 11, 12, 13, 14]}]}, {"sentence": ["(", "I", "'ve", "a", "working", "knowledge", "of", "SAS", ",", "but", "I", "'m", "far", "from", "skilled", "at", "it", ".", ")"], "golden-entity-mentions": [{"text": ["SAS"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["Try", "using", "ods", "graphics", "and", "PROC", "SGPLOT", "."], "golden-entity-mentions": [{"text": ["ods", "graphics"], "entity-type": "Function", "index": [2, 3]}, {"text": ["PROC", "SGPLOT"], "entity-type": "Function", "index": [5, 6]}]}, {"sentence": ["I", "wanted", "to", "track", "my", "models", "and", "their", "CRUD", "operations", "through", "handling", "post_save", ",", "delete", "and", "init", "signals", ",", "and", "then", "save", "entry", "to", "the", "Database", "about", "this", "operation", "handled", "."], "golden-entity-mentions": [{"text": ["CRUD"], "entity-type": "Library", "index": [8]}, {"text": ["post_save"], "entity-type": "Function", "index": [12]}, {"text": ["delete"], "entity-type": "Function", "index": [14]}, {"text": ["init", "signals"], "entity-type": "Function", "index": [16, 17]}]}, {"sentence": ["Then", "the", "funny", "thing", ",", "it", "is", "a", "recursion", "of", "saves", "..", "."], "golden-entity-mentions": [{"text": ["saves"], "entity-type": "Function", "index": [10]}]}, {"sentence": ["I", "created", "model", "CRUD_Storage", ",", "i", "want", "to", "prevent", "it", "sending", "signals", "like", "pre(post)init", ",", "delete", ",", "save", "."], "golden-entity-mentions": [{"text": ["CRUD_Storage"], "entity-type": "Function", "index": [3]}, {"text": ["pre(post)init"], "entity-type": "Function", "index": [13]}, {"text": ["delete"], "entity-type": "Function", "index": [15]}]}, {"sentence": ["Here", "is", "a", "DRY", "way", "of", "dismissing", "signals", "."], "golden-entity-mentions": []}, {"sentence": ["If", "you", "want", "to", "dismiss", "a", "signal", "to", "avoid", "recursion", ",", "a", "simple", "way", "to", "go", "is", "to", "set", "an", "attribute", "on", "the", "current", "instance", "to", "prevent", "upcoming", "signals", "firing", "."], "golden-entity-mentions": []}, {"sentence": ["This", "can", "be", "done", "using", "a", "simple", "decorator", "that", "checks", "if", "the", "given", "instance", "has", "the", "'", "skip_signal", "'", "attribute", ",", "and", "if", "so", "prevents", "the", "method", "from", "being", "called", ":"], "golden-entity-mentions": [{"text": ["skip_signal"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["We", "can", "now", "use", "it", "this", "way", ":"], "golden-entity-mentions": []}, {"sentence": ["Hope", "This", "helps", "."], "golden-entity-mentions": []}, {"sentence": ["I", "do", "n't", "think", "you", "can", "prevent", "Django", "from", "sending", "those", "signals", "."], "golden-entity-mentions": [{"text": ["Django"], "entity-type": "Library", "index": [7]}]}, {"sentence": ["However", ",", "you", "can", "adapt", "your", "handler", "to", "not", "log", "saves", "for", "your", "CRUD_Storage", "model", "."], "golden-entity-mentions": [{"text": ["CRUD_Storage"], "entity-type": "Function", "index": [13]}]}, {"sentence": ["I", "am", "working", "on", "an", "internal", "helpdesk", "."], "golden-entity-mentions": []}, {"sentence": ["Emails", "address", "to", "the", "helpdesk", "appear", "in", "a", "Notes", "View", ",", "and", "I", "can", "open", "the", "document", "in", "XPages", "and", "see", "the", "text", "."], "golden-entity-mentions": [{"text": ["Notes", "View"], "entity-type": "User_Interface_Element", "index": [8, 9]}, {"text": ["XPages"], "entity-type": "Application", "index": [18]}, {"text": ["text"], "entity-type": "User_Interface_Element", "index": [22]}]}, {"sentence": ["But", "it", "wo", "n't", "show", "any", "inserted", "images", "within", "the", "text", "."], "golden-entity-mentions": [{"text": ["images"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["text"], "entity-type": "User_Interface_Element", "index": [10]}]}, {"sentence": ["I", "can", "list", "the", "attachments", "as", "external", "links", "(", "courtesy", "of", "http://techdriveactive.blogspot.co.uk/2012/11/open-attachments-in-xpage-in-client.html", ")", "but", "I", "ca", "n't", "seem", "to", "get", "a", "handle", "on", "the", "images", "."], "golden-entity-mentions": [{"text": ["images"], "entity-type": "User_Interface_Element", "index": [24]}]}, {"sentence": ["Any", "ideas", "?", "?"], "golden-entity-mentions": []}, {"sentence": ["To", "you", "HelpDeskOpenDoc.xsp", "XPage", "add", "a", "Rich", "Text", "control", "and", "bind", "it", "to", "the", "Rich", "Text", "Field", "with", "the", "images", "and", "other", "rich", "content", "..", "."], "golden-entity-mentions": [{"text": ["HelpDeskOpenDoc.xsp"], "entity-type": "File_Name", "index": [2]}, {"text": ["XPage"], "entity-type": "Application", "index": [3]}, {"text": ["Rich", "Text", "control"], "entity-type": "User_Interface_Element", "index": [6, 7, 8]}, {"text": ["Rich", "Text", "Field"], "entity-type": "User_Interface_Element", "index": [14, 15, 16]}, {"text": ["images"], "entity-type": "User_Interface_Element", "index": [19]}]}, {"sentence": ["One", "way", "around", "that", "challenge", "is", "to", "use", "a", "Dojo", "ContentPane", "."], "golden-entity-mentions": [{"text": ["Dojo", "ContentPane"], "entity-type": "Class", "index": [9, 10]}]}, {"sentence": ["It", "has", "a", "href", "attribute", "that", "can", "point", "to", "a", "different", "url", "."], "golden-entity-mentions": [{"text": ["href"], "entity-type": "Variable", "index": [3]}]}, {"sentence": ["You", "then", "can", "point", "it", "to", "the", "content", "rendered", "by", "the", "classic", "engine", ":"], "golden-entity-mentions": []}, {"sentence": ["Note", ":", "this", "wo", "n't", "work", "in", "XPiNC"], "golden-entity-mentions": [{"text": ["XPiNC"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["I", "tried", "implementing", "this", "tick", "method", "in", "a", "Win", "8", "WAMP", "server", "running", "PHP", "7.1"], "golden-entity-mentions": [{"text": ["Win"], "entity-type": "Operating_System", "index": [8]}, {"text": ["8"], "entity-type": "Version", "index": [9]}, {"text": ["WAMP", "server"], "entity-type": "Application", "index": [10, 11]}, {"text": ["PHP"], "entity-type": "Language", "index": [13]}, {"text": ["7.1"], "entity-type": "Version", "index": [14]}]}, {"sentence": ["But", "I", "end", "up", "with", "this", "error", "after", "a", "process", "that", "seem", "more", "like", "an", "infinite", "loop", ":"], "golden-entity-mentions": []}, {"sentence": ["Mean", "while", "the", "code", "works", "on", "a", "live", "sever", "running", "PHP", "7.1", "and", "also", "on", "a", "WIN", "8", "WAMP", "server", "running", "PHP", "5.5"], "golden-entity-mentions": [{"text": ["sever"], "entity-type": "Device", "index": [8]}, {"text": ["PHP"], "entity-type": "Language", "index": [10]}, {"text": ["7.1"], "entity-type": "Version", "index": [11]}, {"text": ["WIN"], "entity-type": "Operating_System", "index": [16]}, {"text": ["8"], "entity-type": "Version", "index": [17]}, {"text": ["WAMP", "server"], "entity-type": "Application", "index": [18, 19]}, {"text": ["PHP"], "entity-type": "Language", "index": [21]}, {"text": ["5.5"], "entity-type": "Version", "index": [22]}]}, {"sentence": ["First", "of", "all", "really", "sorry", "if", "this", "is", "a", "duplicate", ",", "although", "I", "think", "its", "not", "coz", "I", "have", "searched", "a", "lot", "but", "found", "nothing", "working", "."], "golden-entity-mentions": []}, {"sentence": ["I", "want", "to", "remove", "the", "notification", "on", "click", "of", "cancel", "-", "which", "I", "found", "somewhere", "to", "call", ".cancel()", "method", "but", "where", "should", "i", "make", "that", "call", "."], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [5]}, {"text": ["cancel"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": [".cancel()"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["Other", "one", "when", "I", "click", "on", "accept", "or", "cancel", "the", "intent", "values", "comes", "same", "only", "which", "is", "\"", "Notifications", "\"", "in", "the", "logcat", "."], "golden-entity-mentions": [{"text": ["accept"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["cancel"], "entity-type": "User_Interface_Element", "index": [8]}, {"text": ["intent"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Please", "let", "me", "know", "what", "i", "am", "doing", "wrong", "."], "golden-entity-mentions": []}, {"sentence": ["Thanks", "in", "advance", "."], "golden-entity-mentions": []}, {"sentence": ["My", "notification", "creator", "-"], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [1]}]}, {"sentence": ["While", "the", "other", "file", "that", "is", "intent", "receiver", "it", "is", "like", "-"], "golden-entity-mentions": [{"text": ["intent"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["1)", "to", "remove", "notification", "on", "cancel", "click", ":"], "golden-entity-mentions": [{"text": ["notification"], "entity-type": "User_Interface_Element", "index": [3]}, {"text": ["cancel"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["add", "this", "code", "in", "your", "reciever"], "golden-entity-mentions": []}, {"sentence": ["PS", ":", "you", "used", "\"", "1", "\"", "as", "notificationId", "in", "your", "code", "(", "mNotificationManager", ".", "notify(1", ",", "mBuilder", ".", "build", "())", ";)", ",", "the", "best", "way", "is", "to", "send", "it", "via", "putExtra", "()", "and", "retrieve", "it", "in", "your", "receiver", "."], "golden-entity-mentions": [{"text": ["\"", "1", "\""], "entity-type": "Value", "index": [4, 5, 6]}, {"text": ["notificationId"], "entity-type": "Variable", "index": [8]}, {"text": ["mNotificationManager", ".", "notify(1", ",", "mBuilder", ".", "build", "())", ";)"], "entity-type": "Code_Block", "index": [13, 14, 15, 16, 17, 18, 19, 20, 21]}, {"text": ["putExtra", "()"], "entity-type": "Function", "index": [31, 32]}]}, {"sentence": ["2)", "sorry", ",", "i", "did", "n't", "understand", "the", "second", "part", "of", "your", "question", "."], "golden-entity-mentions": []}, {"sentence": ["can", "you", "explain", "more", "?"], "golden-entity-mentions": []}, {"sentence": ["It", "there", "any", "way", "to", "find", "out", "if", "there", "is", "an", "incoming", "telephone", "call", "screen", "being", "shown", "over", "my", "application", "?"], "golden-entity-mentions": [{"text": ["telephone", "call", "screen"], "entity-type": "User_Interface_Element", "index": [12, 13, 14]}]}, {"sentence": ["In", "fact", ",", "while", "we", "would", "n't", "accept", "call", "-", "the", "application", "would", "not", "be", "deactivated", ",", "so", "is", "there", "any", "API", "method", "or", "maybe", "some", "workarounds", "like", "screenshoting", "and", "verifying", "by", "pixel", "?"], "golden-entity-mentions": [{"text": ["API"], "entity-type": "Library", "index": [21]}]}, {"sentence": [":-)"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "tell", "if", "the", "user", "is", "receiving", "an", "incoming", "telephone", "call", "using", "the", "RootFrame.Obscured", "event", "as", "described", "here", ":"], "golden-entity-mentions": [{"text": ["telephone"], "entity-type": "Device", "index": [10]}, {"text": ["RootFrame.Obscured"], "entity-type": "Class", "index": [14]}]}, {"sentence": ["http://www.wintellect.com/CS/blogs/jprosise/archive/2011/02/11/silverlight-for-windows-phone-programming-tip-6.aspx"], "golden-entity-mentions": []}, {"sentence": ["I", "am", "trying", "to", "run", "a", "CSV", "import", "using", "the", "COPY", "command", "for", "some", "data", "that", "includes", "a", "guillemet", "(\u00c2\u0165)", "."], "golden-entity-mentions": [{"text": ["CSV"], "entity-type": "File_Type", "index": [6]}, {"text": ["COPY"], "entity-type": "Function", "index": [10]}, {"text": ["(\u00c2\u0165)"], "entity-type": "Code_Block", "index": [19]}]}, {"sentence": ["Redshift", "complains", "that", "the", "column", "value", "is", "too", "long", "for", "the", "varchar", "column", "I", "have", "defined", "."], "golden-entity-mentions": [{"text": ["Redshift"], "entity-type": "Application", "index": [0]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [4]}, {"text": ["varchar"], "entity-type": "Variable", "index": [11]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [12]}]}, {"sentence": ["The", "error", "in", "the", "\"", "Loads", "\"", "tab", "in", "the", "Redshift", "GUI", "displays", "this", "character", "as", "two", "dots", ":", ".", ".", "-", "had", "it", "been", "treated", "as", "one", ",", "it", "would", "have", "fit", "in", "the", "varchar", "column", "."], "golden-entity-mentions": [{"text": ["\"", "Loads", "\""], "entity-type": "Value", "index": [4, 5, 6]}, {"text": ["tab"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["Redshift", "GUI"], "entity-type": "Application", "index": [10, 11]}, {"text": [".", "."], "entity-type": "Value", "index": [19, 20]}, {"text": ["varchar"], "entity-type": "Variable", "index": [35]}, {"text": ["column"], "entity-type": "Data_Structure", "index": [36]}]}, {"sentence": ["It", "'s", "not", "clear", "whether", "there", "is", "some", "sort", "of", "conversion", "error", "occurring", "or", "if", "there", "is", "a", "display", "issue", "."], "golden-entity-mentions": []}, {"sentence": ["When", "trying", "to", "do", "plain", "INSERTs", "I", "run", "into", "strange", "behavior", "as", "well", ":"], "golden-entity-mentions": [{"text": ["INSERTs"], "entity-type": "Code_Block", "index": [5]}]}, {"sentence": ["3", "characters", "treated", "as", "4", "?"], "golden-entity-mentions": []}, {"sentence": ["Why", "does", "char_length", "return", "2", "?"], "golden-entity-mentions": [{"text": ["char_length"], "entity-type": "Function", "index": [2]}, {"text": ["2"], "entity-type": "Value", "index": [4]}]}, {"sentence": ["I", "'ve", "checked", "the", "client", "encoding", "and", "database", "encodings", "and", "those", "all", "seem", "to", "be", "UTF8/UNICODE", "."], "golden-entity-mentions": []}, {"sentence": ["You", "need", "to", "increase", "the", "length", "of", "your", "varchar", "field", "."], "golden-entity-mentions": [{"text": ["varchar"], "entity-type": "Variable", "index": [8]}]}, {"sentence": ["Multibyte", "characters", "use", "more", "than", "one", "character", "and", "length", "in", "the", "definition", "of", "varchar", "field", "are", "byte", "based", "."], "golden-entity-mentions": [{"text": ["characters"], "entity-type": "Data_Type", "index": [1]}, {"text": ["character"], "entity-type": "Data_Type", "index": [6]}, {"text": ["varchar"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["So", ",", "your", "special", "char", "might", "be", "taking", "more", "than", "a", "byte", "."], "golden-entity-mentions": [{"text": ["char"], "entity-type": "Data_Type", "index": [4]}]}, {"sentence": ["If", "it", "still", "does", "n't", "work", "refer", "to", "the", "doc", "page", "for", "Redshift", "below", ","], "golden-entity-mentions": [{"text": ["Redshift"], "entity-type": "Application", "index": [12]}]}, {"sentence": ["http://docs.aws.amazon.com/redshift/latest/dg/multi-byte-character-load-errors.html"], "golden-entity-mentions": []}, {"sentence": ["I", "'d", "like", "to", "find", "for", "each", "row", "in", "the", "big", "list", "the", "'", "closest", "'", "row", "in", "the", "little", "list", ",", "as", "defined", "by", "the", "euclidean", "norm", "(", "i.e", ".", "sum", "of", "squared", "distances", "between", "the", "corresponding", "values", "in", "the", "k", "=3", "dimension", ")", "."], "golden-entity-mentions": [{"text": ["row"], "entity-type": "Data_Structure", "index": [7]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [11]}, {"text": ["row"], "entity-type": "Data_Structure", "index": [16]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [20]}, {"text": ["k", "=3"], "entity-type": "Code_Block", "index": [41, 42]}]}, {"sentence": ["I", "can", "see", "how", "to", "do", "this", "using", "two", "loops", ",", "but", "it", "seems", "like", "there", "ought", "to", "be", "a", "better", "way", "to", "do", "this", "using", "built", "in", "matrix", "operations", "."], "golden-entity-mentions": [{"text": ["matrix"], "entity-type": "Data_Structure", "index": [28]}]}, {"sentence": ["Approach", "#1"], "golden-entity-mentions": []}, {"sentence": ["There", "is", "a", "built", "in", "MATLAB", "function", "pdist2", "which", "finds", "\"", "Pairwise", "distance", "between", "two", "sets", "of", "observations", "\"", "."], "golden-entity-mentions": [{"text": ["MATLAB"], "entity-type": "Language", "index": [5]}, {"text": ["pdist2"], "entity-type": "Function", "index": [7]}]}, {"sentence": ["With", "it", ",", "you", "can", "calculate", "the", "euclidean", "distance", "matrix", "and", "then", "find", "indices", "of", "minimum", "values", "along", "the", "appropriate", "dimension", "in", "the", "distance", "matrix", "that", "would", "represent", "the", "\"", "closest", "\"", "for", "each", "row", "of", "bigList", "in", "littleList", "."], "golden-entity-mentions": [{"text": ["matrix"], "entity-type": "Data_Structure", "index": [9]}, {"text": ["matrix"], "entity-type": "Data_Structure", "index": [24]}, {"text": ["row"], "entity-type": "Data_Structure", "index": [34]}, {"text": ["bigList"], "entity-type": "Variable", "index": [36]}, {"text": ["littleList"], "entity-type": "Variable", "index": [38]}]}, {"sentence": ["Here", "'s", "the", "one-liner", "with", "it", "-"], "golden-entity-mentions": []}, {"sentence": ["Approach", "#2"], "golden-entity-mentions": []}, {"sentence": ["If", "you", "care", "about", "performance", ",", "here", "'s", "a", "method", "that", "leverages", "fast", "matrix", "multiplication", "in", "MATLAB"], "golden-entity-mentions": [{"text": ["matrix"], "entity-type": "Data_Structure", "index": [13]}, {"text": ["MATLAB"], "entity-type": "Language", "index": [16]}]}, {"sentence": ["and", "most", "of", "the", "code", "presented", "here", "is", "taken", "from", "this", "smart", "solution", "."], "golden-entity-mentions": []}, {"sentence": ["Benchmarking"], "golden-entity-mentions": []}, {"sentence": ["Benchmarking", "Code", "-"], "golden-entity-mentions": []}, {"sentence": ["Benchmark", "results", "-"], "golden-entity-mentions": []}, {"sentence": ["Quick", "conclusions", ":", "The", "runtimes", "with", "Shai", "'s", "second", "approach", "that", "was", "a", "combination", "of", "bsxfun", "and", "matrix", "multiplication", "were", "very", "close", "with", "the", "one", "based", "on", "pdist2", "and", "no", "clear", "winner", "could", "be", "decided", "between", "those", "two", "."], "golden-entity-mentions": [{"text": ["Shai"], "entity-type": "User_Name", "index": [6]}, {"text": ["bsxfun"], "entity-type": "Function", "index": [15]}, {"text": ["matrix"], "entity-type": "Data_Structure", "index": [17]}, {"text": ["pdist2"], "entity-type": "Function", "index": [27]}]}, {"sentence": ["You", "can", "do", "it", "with", "bsxfun", ":"], "golden-entity-mentions": [{"text": ["bsxfun"], "entity-type": "Function", "index": [5]}]}, {"sentence": ["I", "know", "how", "to", "detect", "mousedown", "event", "on", "a", "directive", "that", "is", "clicked", "."], "golden-entity-mentions": [{"text": ["mousedown", "event"], "entity-type": "Class", "index": [5, 6]}]}, {"sentence": ["However", "my", "directive", "also", "needs", "to", "become", "unforcused", "or", "deselected", "when", "mouse", "is", "down", "outside", "of", "my", "directive/", "element", "."], "golden-entity-mentions": [{"text": ["mouse"], "entity-type": "Device", "index": [11]}]}, {"sentence": ["How", "can", "I", "do", "this", "?"], "golden-entity-mentions": []}, {"sentence": ["Create", "a", "link", "function", "in", "the", "directive", "which", "binds", "a", "mousedown", "event", "handler", "on", "the", "document", "."], "golden-entity-mentions": [{"text": ["mousedown", "event", "handler"], "entity-type": "Class", "index": [10, 11, 12]}]}, {"sentence": ["Then", ",", "bind", "another", "mousedown", "event", "on", "the", "directive", "element", "itself", "."], "golden-entity-mentions": [{"text": ["mousedown", "event"], "entity-type": "Class", "index": [4, 5]}]}, {"sentence": ["The", "latter", "handler", "should", "also", "call", "event.stopPropagation()", "to", "prevent", "the", "event", "from", "bubbling", "all", "of", "the", "way", "up", "to", "the", "document", "level", ":"], "golden-entity-mentions": [{"text": ["event.stopPropagation()"], "entity-type": "Function", "index": [6]}]}, {"sentence": ["Working", "Plunker"], "golden-entity-mentions": [{"text": ["Plunker"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["If", "an", "app", "was", "installed", "on", "a", "device", "and", "then", "uninstalled", ",", "is", "there", "a", "way", "of", "determining", "this", "using", "the", "APN", "feedback", "service", "?"], "golden-entity-mentions": [{"text": ["APN"], "entity-type": "Application", "index": [21]}]}, {"sentence": ["The", "feedback", "service", "is", "documented", "as", "saying", "its", "possible", "to", "know", "devices", "which", "are", "n't", "responding", "to", "notifications", ",", "but", "is", "additional", "information", "included", ",", "such", "why", "its", "not", "responding", "and", "when", "it", "first", "started", "non", "responding", "etc", ".", "?"], "golden-entity-mentions": []}, {"sentence": ["Is", "there", "any", "way", "of", "determining", "if", "an", "app", "has", "been", "uninstalled", "?"], "golden-entity-mentions": []}, {"sentence": ["Or", "of", "knowing", "if", "an", "app", "is", "present", "of", "absent", "from", "a", "device", "?"], "golden-entity-mentions": []}, {"sentence": ["Thanks"], "golden-entity-mentions": []}, {"sentence": ["In", "short", ",", "no", "there", "is", "n't", "a", "way", "to", "determine", "if", "an", "app", "has", "been", "uninstalled", "."], "golden-entity-mentions": []}, {"sentence": ["See", "my", "answer", "to", "this", "question", "which", "might", "help", ":"], "golden-entity-mentions": []}, {"sentence": ["Basically", ",", "yes", "you", "could", "use", "the", "feedback", "service", "of", "APNS", "but", "it", "would", "n't", "conclusively", "tell", "you", "if", "a", "device", "had", "been", "uninstalled", "."], "golden-entity-mentions": [{"text": ["APNS"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["If", "you", "need", "to", "know", "this", "then", "you", "'re", "unfortunately", "going", "to", "have", "to", "change", "the", "way", "you", "'re", "going", "about", "things", "as", "it", "'s", "impossible", "to", "know", "(", "at", "present", ")", "."], "golden-entity-mentions": []}, {"sentence": ["ng-map.min.js", "in", "my", "application", "for", "view", "map", "."], "golden-entity-mentions": [{"text": ["ng-map.min.js"], "entity-type": "File_Name", "index": [0]}, {"text": ["map"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["I", "got", "map", "my", "applicatoion", "."], "golden-entity-mentions": [{"text": ["map"], "entity-type": "User_Interface_Element", "index": [2]}]}, {"sentence": ["But", "in", "console", "there", "is", "an", "error", "like"], "golden-entity-mentions": [{"text": ["console"], "entity-type": "Application", "index": [2]}]}, {"sentence": ["My", "Map", "div", "is", "following", "below"], "golden-entity-mentions": [{"text": ["Map"], "entity-type": "User_Interface_Element", "index": [1]}, {"text": ["div"], "entity-type": "HTML_XML_Tag", "index": [2]}]}, {"sentence": ["I", "got", "map", "but", "in", "console", "errors", "occurs", ".How", "can", "i", "solve", "this", "issues", "?"], "golden-entity-mentions": [{"text": ["map"], "entity-type": "User_Interface_Element", "index": [2]}, {"text": ["console"], "entity-type": "Application", "index": [5]}]}, {"sentence": ["I", "have", "to", "play", "a", "song", "in", "browses", "including", "Android", "and", "Iphone", "."], "golden-entity-mentions": [{"text": ["browses"], "entity-type": "Application", "index": [7]}, {"text": ["Android"], "entity-type": "Device", "index": [9]}, {"text": ["Iphone"], "entity-type": "Device", "index": [11]}]}, {"sentence": ["I", "did", "it", "using", "the", "html5", "audio", "player", "."], "golden-entity-mentions": [{"text": ["html5"], "entity-type": "Language", "index": [5]}]}, {"sentence": ["But", "playbackrate", "is", "not", "working", "in", "Mobile", "Browsers", "."], "golden-entity-mentions": [{"text": ["playbackrate"], "entity-type": "Variable", "index": [1]}, {"text": ["Mobile"], "entity-type": "Device", "index": [6]}, {"text": ["Browsers"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["Is", "there", "any", "library", "or", "plugin", "available", "for", "this", "?", "."], "golden-entity-mentions": []}, {"sentence": ["Is", "web-audio", "API", "supports", "this", "feature", "?", "."], "golden-entity-mentions": [{"text": ["web-audio", "API"], "entity-type": "Library", "index": [1, 2]}]}, {"sentence": ["In", "this", "site", "playback", "rate", "is", "working", "in", "mobiles", "too", "."], "golden-entity-mentions": [{"text": ["playback", "rate"], "entity-type": "Variable", "index": [3, 4]}, {"text": ["mobiles"], "entity-type": "Device", "index": [8]}]}, {"sentence": ["But", "unable", "to", "find", "which", "method", "they", "are", "following", "?"], "golden-entity-mentions": []}, {"sentence": ["Please", "help", "me", "."], "golden-entity-mentions": []}, {"sentence": ["The", "site", "you", "'re", "linking", "to", "uses", "Web", "Audio", ",", "but", "it", "does", "n't", "use", "playbackrate", "to", "change", "the", "tempo", "of", "the", "song", "."], "golden-entity-mentions": [{"text": ["Web", "Audio"], "entity-type": "Library", "index": [7, 8]}, {"text": ["playbackrate"], "entity-type": "Variable", "index": [15]}]}, {"sentence": ["Instead", "it", "schedules", "each", "note", "separately", ",", "so", "when", "you", "change", "the", "tempo", ",", "what", "you", "'re", "really", "doing", "is", "change", "the", "BPM", "at", "which", "notes", "are", "scheduled", "."], "golden-entity-mentions": []}, {"sentence": ["You", "can", "think", "of", "it", "as", "changing", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["to", ":"], "golden-entity-mentions": []}, {"sentence": ["when", "you", "go", "from", "60", "BPM", "to", "120", "BPM", "."], "golden-entity-mentions": [{"text": ["60", "BPM"], "entity-type": "Value", "index": [4, 5]}, {"text": ["120", "BPM"], "entity-type": "Value", "index": [7, 8]}]}, {"sentence": ["There", "is", ",", "however", ",", "a", "similar", "thing", "is", "Web", "Audio", "as", "what", "you", "'re", "doing", "with", "the", "audio", "element", "."], "golden-entity-mentions": [{"text": ["Web", "Audio"], "entity-type": "Library", "index": [9, 10]}]}, {"sentence": ["The", "AudioBufferSourceNode", ",", "which", "you", "use", "to", "play", "a", "pre", "recorded", "sample", ",", "has", "a", "property", "called", "playbackRate", "."], "golden-entity-mentions": [{"text": ["AudioBufferSourceNode"], "entity-type": "Class", "index": [1]}, {"text": ["playbackRate"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["This", "changes", "the", "rate", "of", "the", "audio", "(", "but", "does", "n't", "do", "pitch", "correction", "!", ")", "."], "golden-entity-mentions": []}, {"sentence": ["Check", "it", "out", "at", "https://developer.mozilla.org/en-US/docs/Web/API/AudioBufferSourceNode"], "golden-entity-mentions": []}, {"sentence": ["There", "are", "no", "any", "external", "Plugin", "or", "API", "which", "is", "required", "to", "play", "audio", "in", "Browser", ",", "this", "is", "one", "of", "the", "advantages", "of", "using", "HTML5", "."], "golden-entity-mentions": [{"text": ["Plugin"], "entity-type": "Application", "index": [5]}, {"text": ["API"], "entity-type": "Application", "index": [7]}, {"text": ["Browser"], "entity-type": "Application", "index": [15]}, {"text": ["HTML5"], "entity-type": "Language", "index": [25]}]}, {"sentence": ["Below", "i", "am", "mentioning", "the", "same", "with", "easy", "syntax", "and", "attributes", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'m", "attempting", "to", "update", "a", "MySQL", "table", "using", "C#", ",", "however", "I", "'m", "getting", "the", "error"], "golden-entity-mentions": [{"text": ["MySQL"], "entity-type": "Application", "index": [6]}, {"text": ["C#"], "entity-type": "Language", "index": [9]}]}, {"sentence": ["Below", "is", "the", "full", "query", "I", "'m", "attempting", "to", "execute", "with", "the", "values", "of", "the", "variables", "inserted", "."], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "checked", "that", "the", "column", "names", "are", "correct", "and", "they", "are", "."], "golden-entity-mentions": [{"text": ["column"], "entity-type": "Data_Structure", "index": [5]}]}, {"sentence": ["I", "just", "ca", "n't", "seem", "to", "spot", "what", "is", "invalid", "about", "my", "query", ",", "I", "'m", "sure", "it", "'s", "something", "basic", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "anyone", "spot", "what", "is", "wrong", "with", "it", "?"], "golden-entity-mentions": []}, {"sentence": ["Cheers"], "golden-entity-mentions": []}, {"sentence": ["EDIT", "-", "There", "is", "a", "single", "quotation", "mark", "after", "the", "uid='0", "however", "it", "seems", "to", "have", "disapeared", "in", "the", "post"], "golden-entity-mentions": [{"text": ["uid='0"], "entity-type": "Code_Block", "index": [10]}]}, {"sentence": ["missing", "'", "following", "zero", ":", "near", "civ_alive='0"], "golden-entity-mentions": [{"text": ["'"], "entity-type": "Value", "index": [1]}, {"text": ["near", "civ_alive='0"], "entity-type": "Code_Block", "index": [5, 6]}]}, {"sentence": ["original", ":"], "golden-entity-mentions": []}, {"sentence": ["should", "be", "to", "avoid", "error", "syntax", ":"], "golden-entity-mentions": []}, {"sentence": ["and", "regarding", "mariadb", "comments", "-", "mariadb", "is", "a", "fork", "of", "mysql", "so", "these", "are", "pretty", "similar", ",", "therefore", "would", "not", "make", "a", "problem", "out", "of", "it", "."], "golden-entity-mentions": [{"text": ["mariadb"], "entity-type": "Application", "index": [2]}, {"text": ["mariadb"], "entity-type": "Application", "index": [5]}, {"text": ["mysql"], "entity-type": "Application", "index": [10]}]}, {"sentence": ["I", "have", "a", "pandas.DataFrame", "with", "3", "columns", "of", "type", "str", "and", "n", "other", "columns", "of", "type", "float64", "."], "golden-entity-mentions": [{"text": ["pandas.DataFrame"], "entity-type": "Class", "index": [3]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["str"], "entity-type": "Data_Type", "index": [9]}, {"text": ["n"], "entity-type": "Variable", "index": [11]}, {"text": ["columns"], "entity-type": "Data_Structure", "index": [13]}, {"text": ["float64"], "entity-type": "Data_Type", "index": [16]}]}, {"sentence": ["I", "need", "to", "group", "rows", "by", "one", "of", "the", "three", "str", "columns", "and", "apply", "a", "function", "myComplexFunc()", "which", "will", "reduce", "`\u0300N", "rows", "to", "one", "row", "."], "golden-entity-mentions": [{"text": ["str"], "entity-type": "Data_Type", "index": [10]}, {"text": ["myComplexFunc()"], "entity-type": "Function", "index": [16]}, {"text": ["`\u0300N"], "entity-type": "Value", "index": [20]}]}, {"sentence": ["myComplexFunc()", "take", "only", "rows", "of", "type", "float64", "."], "golden-entity-mentions": [{"text": ["myComplexFunc()"], "entity-type": "Function", "index": [0]}, {"text": ["rows"], "entity-type": "Variable", "index": [3]}, {"text": ["float64"], "entity-type": "Data_Type", "index": [6]}]}, {"sentence": ["This", "can", "be", "done", "with", "some", "for", "loops", "but", "it", "will", "not", "be", "efficient", ",", "So", "I", "tried", "to", "use", "the", "flexible", "apply", "of", "pandas", "but", "it", "seems", "that", "it", "runs", "the", "heavy", "code", "of", "myComplexFunc()", "twice", "!"], "golden-entity-mentions": [{"text": ["for", "loops"], "entity-type": "Code_Block", "index": [6, 7]}, {"text": ["pandas"], "entity-type": "Library", "index": [24]}, {"text": ["myComplexFunc()"], "entity-type": "Function", "index": [35]}]}, {"sentence": ["To", "be", "more", "clear", ",", "here", "is", "a", "minimal", "example"], "golden-entity-mentions": []}, {"sentence": ["Let", "\"", "df", "\"", "be", "a", "dataFrame", "like", "this", ":"], "golden-entity-mentions": [{"text": ["df"], "entity-type": "Variable", "index": [2]}, {"text": ["dataFrame"], "entity-type": "Class", "index": [6]}]}, {"sentence": ["myComplexFunc()"], "golden-entity-mentions": [{"text": ["myComplexFunc()"], "entity-type": "Function", "index": [0]}]}, {"sentence": ["What", "I", "want", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "column", "B", "have", "been", "removed", "because", "it", "'s", "not", "of", "type", "float64", "."], "golden-entity-mentions": [{"text": ["B"], "entity-type": "Variable", "index": [2]}, {"text": ["float64"], "entity-type": "Data_Type", "index": [12]}]}, {"sentence": ["Thanks", "in", "advance"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "filter", "DataFrame", "by", "dtype", "by", "select_dtypes", ",", "but", "then", "need", "aggreagate", "by", "Series", "df.A", ":"], "golden-entity-mentions": [{"text": ["DataFrame"], "entity-type": "Class", "index": [3]}, {"text": ["dtype"], "entity-type": "Data_Type", "index": [5]}, {"text": ["select_dtypes"], "entity-type": "Function", "index": [7]}, {"text": ["Series"], "entity-type": "Class", "index": [14]}, {"text": ["df.A"], "entity-type": "Variable", "index": [15]}]}, {"sentence": ["because", "if", "use", "only", "A", ":"], "golden-entity-mentions": [{"text": ["A"], "entity-type": "Variable", "index": [4]}]}, {"sentence": ["get"], "golden-entity-mentions": []}, {"sentence": ["and", "it", "is", "right", "-", "all", "string", "columns", "are", "excluded", "(", "A", "and", "B", ")", "."], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [6]}, {"text": ["A"], "entity-type": "Variable", "index": [11]}, {"text": ["B"], "entity-type": "Variable", "index": [13]}]}, {"sentence": ["Something", "going", "wrong", "badly", "due", "to", "Message", "Compose", "Screen", "."], "golden-entity-mentions": [{"text": ["Message", "Compose", "Screen"], "entity-type": "User_Interface_Element", "index": [6, 7, 8]}]}, {"sentence": ["I", "am", "working", "on", "a", "TabBar", "based", "application", "."], "golden-entity-mentions": [{"text": ["TabBar"], "entity-type": "User_Interface_Element", "index": [5]}]}, {"sentence": ["In", "some", "screens", "I", "am", "showing", "ToolBar", "instead", "of", "tabBar", "by", "setting", "hidesBottomBarWhenPushed", "=", "YES", ";", "and", "its", "working", "fine", "everytime", "."], "golden-entity-mentions": [{"text": ["ToolBar"], "entity-type": "User_Interface_Element", "index": [6]}, {"text": ["tabBar"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["hidesBottomBarWhenPushed", "=", "YES", ";"], "entity-type": "Code_Block", "index": [12, 13, 14, 15]}]}, {"sentence": ["But", "In", "1", "screen", "I", "am", "sending", "SMS", "by", "opening", "Message", "Compose", "Screen", "within", "the", "iphone", "App", "."], "golden-entity-mentions": [{"text": ["Message", "Compose", "Screen"], "entity-type": "User_Interface_Element", "index": [10, 11, 12]}, {"text": ["iphone"], "entity-type": "Device", "index": [15]}]}, {"sentence": ["So", "problem", "occurs", "if", "I", "open", "Message", "Compose", "Screen", "and", "i", "clicked", "Cancel", "button", "of", "Message", "Screen", "."], "golden-entity-mentions": [{"text": ["Message", "Compose", "Screen"], "entity-type": "User_Interface_Element", "index": [6, 7, 8]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [13]}]}, {"sentence": ["So", ",", "whenever", "going", "back", "to", "that", "module", "where", "I", "was", "showing", "ToolBar", "."], "golden-entity-mentions": [{"text": ["ToolBar"], "entity-type": "User_Interface_Element", "index": [12]}]}, {"sentence": ["So", "on", "click", "of", "button", "no", "ToolBar", "."], "golden-entity-mentions": [{"text": ["ToolBar"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["Totally", "blank", ",", "no", "toolbar", "and", "no", "tabbar", "(", "tabbar", "is", "quite", "obvious", "i", "have", "already", "set", "hidesBottomBarWhenPushed", ")", ".", "."], "golden-entity-mentions": [{"text": ["toolbar"], "entity-type": "User_Interface_Element", "index": [4]}, {"text": ["tabbar"], "entity-type": "User_Interface_Element", "index": [7]}, {"text": ["tabbar"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["hidesBottomBarWhenPushed"], "entity-type": "Class", "index": [17]}]}, {"sentence": ["But", "why", "toolbar", "now", "showing", "due", "to", "Compose", "screen", "?"], "golden-entity-mentions": [{"text": ["toolbar"], "entity-type": "User_Interface_Element", "index": [2]}, {"text": ["Compose", "screen"], "entity-type": "User_Interface_Element", "index": [7, 8]}]}, {"sentence": ["There", "is", "no", "link", "with", "compose", "screen", "to", "this", "screen", "."], "golden-entity-mentions": [{"text": ["compose", "screen"], "entity-type": "User_Interface_Element", "index": [5, 6]}, {"text": ["screen"], "entity-type": "User_Interface_Element", "index": [9]}]}, {"sentence": ["Far", "different", "implementation", "and", "different", "controllers", "."], "golden-entity-mentions": []}, {"sentence": ["I", "have", "check", "by", "debugging", ",", "Toolbar", "frame", "is", "also", "fine", "."], "golden-entity-mentions": [{"text": ["Toolbar"], "entity-type": "User_Interface_Element", "index": [6]}]}, {"sentence": ["Please", "help"], "golden-entity-mentions": []}, {"sentence": ["I", "think", "it", "is", "because", "the", "MFMessageComposeViewController", "has", "got", "a", "navigation", "bar", "."], "golden-entity-mentions": [{"text": ["MFMessageComposeViewController"], "entity-type": "Class", "index": [6]}, {"text": ["navigation", "bar"], "entity-type": "User_Interface_Element", "index": [10, 11]}]}, {"sentence": ["Your", "application", "should", "be", "a", "navigation", "based", "application", "for", "that", "."], "golden-entity-mentions": []}, {"sentence": ["Otherwise", "your", "toolbar", "'s", "frame", "position", "will", "be", "affected", "."], "golden-entity-mentions": [{"text": ["toolbar"], "entity-type": "User_Interface_Element", "index": [2]}]}, {"sentence": ["I", "had", "this", "kind", "of", "problem", "once", "."], "golden-entity-mentions": []}, {"sentence": ["So", "i", "changed", "the", "application", "into", "navigation", "based", "but", "hid", "the", "navigation", "controller", "."], "golden-entity-mentions": [{"text": ["navigation", "controller", "."], "entity-type": "User_Interface_Element", "index": [11, 12, 13]}]}, {"sentence": ["Hope", "this", "might", "help", "you", ","], "golden-entity-mentions": []}, {"sentence": ["Happy", "coding", "!"], "golden-entity-mentions": []}, {"sentence": ["Issue", "fixed", "..", ".", "had", "problem", "with", "adding", "it", "to", "keyframe", "window"], "golden-entity-mentions": [{"text": ["keyframe", "window"], "entity-type": "User_Interface_Element", "index": [10, 11]}]}, {"sentence": ["I", "'m", "traying", "to", "read", "mails", "from", "gmail"], "golden-entity-mentions": [{"text": ["gmail"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["using", "ImapClient", ":"], "golden-entity-mentions": [{"text": ["ImapClient"], "entity-type": "Application", "index": [1]}]}, {"sentence": ["An", "exception", "of", "type", "'", "System.Exception", "'", "occurred", "in", "AE.Net.Mail.dll", "but", "was", "not", "handled", "in", "user", "code"], "golden-entity-mentions": [{"text": ["exception"], "entity-type": "Class", "index": [1]}, {"text": ["System.Exception"], "entity-type": "Error_Name", "index": [5]}, {"text": ["AE.Net.Mail.dll"], "entity-type": "File_Name", "index": [9]}]}, {"sentence": ["Additional", "information", ":", "xm003", "BAD", "Could", "not", "parse", "command"], "golden-entity-mentions": [{"text": ["xm003"], "entity-type": "Value", "index": [3]}]}, {"sentence": ["This", "problem", "is", "currently", "an", "open", "bug", "with", "AE.Net.Mail", "."], "golden-entity-mentions": [{"text": ["AE.Net.Mail"], "entity-type": "Library", "index": [8]}]}, {"sentence": ["Please", "see", "the", "following", "URL", "for", "information", ":"], "golden-entity-mentions": []}, {"sentence": ["https://github.com/andyedinborough/aenetmail/issues/197"], "golden-entity-mentions": []}, {"sentence": ["It", "looks", "like", ",", "from", "the", "bug", "information", "and", "comments", "that", "it", "'s", "to", "do", "with", "the", "DateTime", "in", "the", "search", "condition", "."], "golden-entity-mentions": [{"text": ["DateTime"], "entity-type": "Class", "index": [17]}, {"text": ["search", "condition"], "entity-type": "Class", "index": [20, 21]}]}, {"sentence": ["Replacing", "your", "current", "SearchCondition", "with", "the", "following", "might", "prevent", "the", "problem", ",", "if", "I", "'m", "reading", "the", "comments", "correctly", ":"], "golden-entity-mentions": [{"text": ["SearchCondition"], "entity-type": "Class", "index": [3]}]}, {"sentence": ["@Ahmado", "you", "can", "use", "pop3", "for", "reading", "inbox", "email", "."], "golden-entity-mentions": [{"text": ["@Ahmado"], "entity-type": "User_Name", "index": [0]}, {"text": ["inbox"], "entity-type": "Application", "index": [7]}]}, {"sentence": ["this", "is", "not", "for", "only", "gmail", ",", "this", "can", "be", "use", "for", "other", "email", "also.for", "this", "you", "need", "2", "dll", "."], "golden-entity-mentions": [{"text": ["gmail"], "entity-type": "Application", "index": [5]}, {"text": ["dll"], "entity-type": "File_Type", "index": [19]}]}, {"sentence": ["Download", "this", "in", "your", "applicatin", "using", "nuget", "."], "golden-entity-mentions": [{"text": ["nuget"], "entity-type": "Application", "index": [6]}]}, {"sentence": ["OpenPop.NET", "and", "AE.Net.Mail"], "golden-entity-mentions": [{"text": ["OpenPop.NET"], "entity-type": "Library", "index": [0]}, {"text": ["AE.Net.Mail"], "entity-type": "Library", "index": [2]}]}, {"sentence": ["Step1", ":", "According", "to", "your", "credential", "read", "all", "inbox", "email", ":"], "golden-entity-mentions": [{"text": ["inbox"], "entity-type": "Application", "index": [8]}]}, {"sentence": ["Step", "2", ":Each", "email", "has", "a", "unique", "id", ",", "using", "this", "you", "can", "get", "the", "email", "details", ":"], "golden-entity-mentions": [{"text": ["id"], "entity-type": "Variable", "index": [7]}]}, {"sentence": ["This", "code", "sample", "for", "ASP.NET", "MVC", "."], "golden-entity-mentions": [{"text": ["ASP.NET", "MVC"], "entity-type": "Library", "index": [4, 5]}]}, {"sentence": ["For", "your", "case", "you", "can", "also", "review", "the", "code", "sample"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "been", "trying", "for", "two", "weeks", "to", "find", "binaries", "for", "ffmpeg", "and", "Sox", "(", "armeabi", ",", "armeabiv7", ",", "x86", ")", "but", "i", "did", "not", "succeed", "."], "golden-entity-mentions": [{"text": ["ffmpeg"], "entity-type": "Application", "index": [11]}, {"text": ["Sox"], "entity-type": "Application", "index": [13]}, {"text": ["armeabi"], "entity-type": "Device", "index": [15]}, {"text": ["armeabiv7"], "entity-type": "Device", "index": [17]}, {"text": ["x86"], "entity-type": "Device", "index": [19]}]}, {"sentence": ["I", "tried", "building", "it", "my", "self", "from", "this", "project", "but", "I", "still", "did", "not", "succeed", "."], "golden-entity-mentions": []}, {"sentence": ["Can", "you", "help", "me", "build", "the", "project", "and", "then", "share", "the", "binaries", "?"], "golden-entity-mentions": [{"text": ["binaries"], "entity-type": "File_Type", "index": [11]}]}, {"sentence": ["I", "would", "heartly", "appreciate", "."], "golden-entity-mentions": []}, {"sentence": ["Here", "is", "the", "github", "repository"], "golden-entity-mentions": [{"text": ["github"], "entity-type": "Website", "index": [3]}]}, {"sentence": ["https://github.com/guardianproject/android-ffmpeg"], "golden-entity-mentions": []}, {"sentence": ["How", "to", "get", "previous", "or", "next", "object", "with", "this", "format", "of", "code", "?"], "golden-entity-mentions": []}, {"sentence": ["I", "know", "how", "to", "do", "that", "with", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "use", "enumerate", ":"], "golden-entity-mentions": [{"text": ["enumerate"], "entity-type": "Code_Block", "index": [3]}]}, {"sentence": ["Note", "that", "as", "a", "more", "efficient", "way", "for", "accessing", "to", "next", "items", "and", "refuse", "of", "multiple", "indexing", "you", "can", "use", "iter()", "function", "to", "create", "an", "iterator", "object", "from", "your", "list", "(", "from", "second", "element", "to", "end", ")", "and", "access", "to", "next", "elements", "in", "each", "iteration", "with", "next", ":"], "golden-entity-mentions": [{"text": ["iter()"], "entity-type": "Function", "index": [20]}, {"text": ["list"], "entity-type": "Data_Structure", "index": [29]}, {"text": ["next"], "entity-type": "Code_Block", "index": [46]}]}, {"sentence": ["Note", "that", "if", "you", "do", "n't", "pass", "the", "None", "as", "the", "second", "argument", "to", "next()", "function", "it", "will", "raise", "a", "StopIteration", "error.You", "can", "also", "handle", "it", "with", "a", "try-except", "statement", "."], "golden-entity-mentions": [{"text": ["None"], "entity-type": "Value", "index": [8]}, {"text": ["next()"], "entity-type": "Function", "index": [14]}, {"text": ["StopIteration"], "entity-type": "Error_Name", "index": [20]}, {"text": ["try-except"], "entity-type": "Code_Block", "index": [28]}]}, {"sentence": ["Also", "for", "short", "lists", "you", "can", "use", "zip", "function", "and", "for", "long", "lists", "itertools.izip()", "function", "(", "zip", "in", "python", "3)", ":"], "golden-entity-mentions": [{"text": ["lists"], "entity-type": "Data_Structure", "index": [3]}, {"text": ["zip"], "entity-type": "Function", "index": [7]}, {"text": ["lists"], "entity-type": "Data_Structure", "index": [12]}, {"text": ["itertools.izip()"], "entity-type": "Function", "index": [13]}, {"text": ["zip"], "entity-type": "Function", "index": [16]}, {"text": ["python"], "entity-type": "Language", "index": [18]}, {"text": ["3)"], "entity-type": "Version", "index": [19]}]}, {"sentence": ["zip(l,l[1:])", "will", "give", "you", "the", "following", "pairs", "of", "items", ":"], "golden-entity-mentions": [{"text": ["zip(l,l[1:])"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["and", "in", "the", "loop", "you", "can", "use", "i", "as", "the", "current", "item", "then", "j", "will", "be", "the", "next", "item", "or", "use", "j", "as", "the", "current", "then", "i", "will", "be", "the", "previous", "!"], "golden-entity-mentions": [{"text": ["i"], "entity-type": "Variable", "index": [7]}, {"text": ["j"], "entity-type": "Variable", "index": [13]}, {"text": ["j"], "entity-type": "Variable", "index": [21]}, {"text": ["i"], "entity-type": "Variable", "index": [26]}]}, {"sentence": [":)"], "golden-entity-mentions": []}, {"sentence": ["There", "are", "many", "different", "options", "depending", "on", "what", "your", "use", "for", "the", "neighbour", "entry", "is", "."], "golden-entity-mentions": []}, {"sentence": ["For", "instance", ",", "if", "you", "only", "want", "to", "process", "pairs", ",", "and", "not", "modify", "the", "list", ":"], "golden-entity-mentions": [{"text": ["list"], "entity-type": "Data_Structure", "index": [15]}]}, {"sentence": ["Or", "if", "you", "need", "to", "keep", "the", "prior", "entry", "as", "a", "reference", ":"], "golden-entity-mentions": []}, {"sentence": ["None", "here", "is", "used", "in", "place", "of", "a", "prior", "item", "for", "the", "first", ",", "similar", "to", "how", "it", "'s", "used", "for", "the", "next", "item", "after", "the", "last", "in", "Kasra", "'s", "iter()-based", "example", "."], "golden-entity-mentions": [{"text": ["None"], "entity-type": "Value", "index": [0]}, {"text": ["Kasra"], "entity-type": "User_Name", "index": [28]}, {"text": ["iter()-based"], "entity-type": "Function", "index": [30]}]}, {"sentence": ["I", "am", "trying", "to", "process", "some", "CSS", "using", "PHP", "."], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [6]}, {"text": ["PHP"], "entity-type": "Language", "index": [8]}]}, {"sentence": ["The", "CSS", "I", "want", "to", "process", "is", "page-specific", "and", "so", "I", "want", "to", "set", "a", "variable", "in", "my", "index.php", "to", "only", "echo", "the", "CSS", "when", "the", "variable", "is", "set", "."], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [1]}, {"text": ["index.php"], "entity-type": "File_Name", "index": [18]}, {"text": ["CSS"], "entity-type": "Language", "index": [23]}]}, {"sentence": ["index.php"], "golden-entity-mentions": [{"text": ["index.php"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["header.php"], "golden-entity-mentions": [{"text": ["header.php"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["import.php"], "golden-entity-mentions": [{"text": ["import.php"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["The", "header", "is", "properly", "set", "for", "this", "file", "."], "golden-entity-mentions": []}, {"sentence": ["and", "the", "CSS", "is", "interpreted", "."], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "Language", "index": [2]}]}, {"sentence": ["styles.css.php"], "golden-entity-mentions": [{"text": ["styles.css.php"], "entity-type": "File_Name", "index": [0]}]}, {"sentence": ["How", "can", "I", "make", "sure", "$name", "is", "set", "to", "it", "'s", "value", ",", "as", "set", "in", "index.php", "?"], "golden-entity-mentions": [{"text": ["$name"], "entity-type": "Variable", "index": [5]}, {"text": ["index.php"], "entity-type": "File_Name", "index": [16]}]}, {"sentence": ["EDIT", ":", "My", "final", "solution", "was", "to", "make", "an", "object", "from", "the", "stdClass", "and", "add", "the", "variables", "I", "needed", "as", "attributes", "to", "the", "object", "."], "golden-entity-mentions": [{"text": ["stdClass"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["putting", "a", "GET", "request", "in", "the", "link", "to", "the", "CSS", "file", "which", "was", "the", "Base64", "of", "the", "JSON", "string", "of", "the", "object", "."], "golden-entity-mentions": [{"text": ["GET"], "entity-type": "Function", "index": [2]}, {"text": ["CSS"], "entity-type": "File_Type", "index": [9]}, {"text": ["Base64"], "entity-type": "Data_Type", "index": [14]}, {"text": ["JSON"], "entity-type": "File_Type", "index": [17]}, {"text": ["string"], "entity-type": "Data_Type", "index": [18]}]}, {"sentence": ["The", "problem", "is", "that", "you", "are", "linking", "to", "that", "styles.css.php", "from", "inside", "the", "rendered", "html", "."], "golden-entity-mentions": [{"text": ["styles.css.php"], "entity-type": "File_Name", "index": [9]}, {"text": ["html"], "entity-type": "Language", "index": [14]}]}, {"sentence": ["This", "means", "that", "page", "will", "be", "fetched", "in", "a", "separate", "request", "(", "as", "you", "can", "se", "when", "you", "inspect", "the", "page", ")", "."], "golden-entity-mentions": []}, {"sentence": ["This", "request", "never", "passes", "trough", "your", "index.php", ",", "and", "so", "the", "$name", "variable", "will", "not", "be", "set", "."], "golden-entity-mentions": [{"text": ["index.php"], "entity-type": "File_Name", "index": [6]}, {"text": ["$name"], "entity-type": "Variable", "index": [11]}]}, {"sentence": ["I", "would", "advise", "you", "to", "include", "the", "css", "in", "the", "rendered", "HTML", "inside", "a", "style", "block", "."], "golden-entity-mentions": [{"text": ["css"], "entity-type": "Language", "index": [7]}, {"text": ["HTML"], "entity-type": "Language", "index": [11]}]}, {"sentence": ["It", "should", "be", "as", "easy", "as", "changing", "your", "import.php", "to", "this", ":"], "golden-entity-mentions": [{"text": ["import.php"], "entity-type": "File_Name", "index": [8]}]}, {"sentence": ["This", "also", "has", "the", "added", "benefit", "of", "reducing", "the", "number", "of", "requests", "the", "browser", "has", "to", "make", ",", "and", "should", "therefore", "speed", "up", "the", "page", "."], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["This", "is", "btw", "not", "a", "very", "standard", "method", "of", "using", "css", "."], "golden-entity-mentions": [{"text": ["css"], "entity-type": "Language", "index": [10]}]}, {"sentence": ["I", "believe", "it", "would", "be", "better", "to", "add", "some", "sort", "of", "id", "(", "or", "data", "attribute", ")", "on", "your", "body", "tag", "that", "indicates", "the", "name", "of", "the", "page", "you", "are", "on", "."], "golden-entity-mentions": [{"text": ["body"], "entity-type": "HTML_XML_Tag", "index": [19]}]}, {"sentence": ["In", "the", "css", "file", "(", "that", "does", "not", "run", "trough", "php", ",", "just", "a", "standard", "css", "file", ")", ",", "you", "could", "then", "do", "something", "like", "this", ":"], "golden-entity-mentions": [{"text": ["css"], "entity-type": "File_Type", "index": [2]}, {"text": ["php"], "entity-type": "Language", "index": [10]}, {"text": ["css"], "entity-type": "File_Type", "index": [15]}]}, {"sentence": ["The", "", "tag", "makes", "an", "HTTP", "request", "for", "a", "file", "totally", "independent", "of", "the", "PHP", "pages", "that", "are", "including", "each", "other", ",", "so", "$name", "is", "not", "available", "in", "styles.css.php", "."], "golden-entity-mentions": [{"text": [""], "entity-type": "HTML_XML_Tag", "index": [1]}, {"text": ["PHP"], "entity-type": "Language", "index": [14]}, {"text": ["$name"], "entity-type": "Variable", "index": [23]}, {"text": ["styles.css.php"], "entity-type": "File_Name", "index": [28]}]}, {"sentence": ["To", "do", "it", "this", "way", "you", "need", "to", "link", "the", "style", "sheet", "something", "like", "this", "to", "pass", "$name", "as", "a", "get", "variable", ":"], "golden-entity-mentions": [{"text": ["$name"], "entity-type": "Variable", "index": [17]}]}, {"sentence": ["Then", "in", "the", "style", "sheet", "styles.css.php", "use", "$_GET['name']", ":"], "golden-entity-mentions": [{"text": ["$_GET['name']"], "entity-type": "Code_Block", "index": [7]}]}, {"sentence": ["I", "have", "a", "scenario", "where", "my", "application", "opens", "a", "document", "in", "google", "drive", "and", "allows", "user", "to", "edit", "."], "golden-entity-mentions": [{"text": ["document"], "entity-type": "User_Interface_Element", "index": [9]}, {"text": ["google", "drive"], "entity-type": "Application", "index": [11, 12]}]}, {"sentence": ["Now", "if", "I", "want", "multiple", "users", "to", "edit", "the", "document", ",", "how", "(", "what", "google", "api-oauth/openconnect/identity", "federation/sign", "in", ")", "should", "I", "use", "to", "authenticate", "users", "and", "get", "their", "profile", "info", "."], "golden-entity-mentions": [{"text": ["document"], "entity-type": "User_Interface_Element", "index": [9]}]}, {"sentence": ["So", "that", "each", "user", "can", "access", "the", "same", "document", "and", "edit", "it", "."], "golden-entity-mentions": [{"text": ["document"], "entity-type": "User_Interface_Element", "index": [8]}]}, {"sentence": ["Currently", ",", "I", "am", "authenticating", "using", "service", "account", "and", "allowing", "anonymous", "access", "."], "golden-entity-mentions": []}, {"sentence": ["How", "can", "I", "implement", "the", "above", "scenario", "?"], "golden-entity-mentions": []}, {"sentence": ["What", "API", "'s", "might", "help", "me", "to", "look", "at", "?"], "golden-entity-mentions": []}, {"sentence": ["Kindly", "guide", "!"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "actually", "use", "Google", "Drive", "Rest", "API", "which", "uses", "these", "authorization", "protocols", ":"], "golden-entity-mentions": [{"text": ["Google", "Drive", "Rest", "API"], "entity-type": "Library", "index": [4, 5, 6, 7]}]}, {"sentence": ["OAuth", "2.0", "to", "authorize", "requests", ",", "or"], "golden-entity-mentions": [{"text": ["OAuth"], "entity-type": "Library", "index": [0]}, {"text": ["2.0"], "entity-type": "Version", "index": [1]}]}, {"sentence": ["if", "your", "application", "uses", "Google", "Sign-in", ",", "some", "aspects", "of", "authorization", "are", "handled", "for", "you", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "Website", "index": [4]}]}, {"sentence": ["You", "can", "follow", "this", "general", "authorization", "process", "for", "all", "application", "types", "as", "given", "in", "Authorizing", "requests", "with", "OAuth", "2.0", ":"], "golden-entity-mentions": [{"text": ["OAuth"], "entity-type": "Library", "index": [17]}, {"text": ["2.0"], "entity-type": "Version", "index": [18]}]}, {"sentence": ["In", "addition", "to", "that", ",", "if", "your", "app", "requires", "access", "to", "any", "other", "Google", "APIs", ",", "you", "can", "add", "scopes", "as", "given", "in", "OAuth", "2.0", "scope", "information", "for", "the", "Drive", "API", "detailed", "in", "the", "documentation", "."], "golden-entity-mentions": [{"text": ["Google", "APIs"], "entity-type": "Library", "index": [13, 14]}, {"text": ["OAuth"], "entity-type": "Library", "index": [23]}, {"text": ["2.0"], "entity-type": "Version", "index": [24]}, {"text": ["Drive", "API"], "entity-type": "Library", "index": [29, 30]}]}, {"sentence": ["For", "more", "information", ",", "please", "go", "through", "the", "given", "documentations", "and", "you", "may", "also", "add", "Using", "OAuth", "2.0", "to", "Access", "Google", "APIs", "in", "your", "references", "with", "regards", "to", "Google", "API", "scopes", "."], "golden-entity-mentions": [{"text": ["OAuth"], "entity-type": "Library", "index": [16]}, {"text": ["2.0"], "entity-type": "Version", "index": [17]}, {"text": ["Google", "APIs"], "entity-type": "Library", "index": [20, 21]}, {"text": ["Google", "API"], "entity-type": "Library", "index": [28, 29]}]}, {"sentence": ["I", "have", "a", "SQL", "Server", "table", "with", "the", "following", "data"], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "Language", "index": [3]}, {"text": ["table"], "entity-type": "Data_Structure", "index": [5]}]}, {"sentence": ["The", "above", "table", "stores", "the", "data", "of", "connecting", "flights", "between", "different", "cities", "."], "golden-entity-mentions": [{"text": ["table"], "entity-type": "Data_Structure", "index": [2]}]}, {"sentence": ["I", "want", "a", "result", "in", "the", "following", "format", "-"], "golden-entity-mentions": []}, {"sentence": ["Please", "advise", "on", "how", "this", "can", "be", "achieved", "."], "golden-entity-mentions": []}, {"sentence": ["Just", "use", "group", "by", "clause", "with", "conditional", "aggregation"], "golden-entity-mentions": [{"text": ["group", "by"], "entity-type": "Code_Block", "index": [2, 3]}]}, {"sentence": ["Edit", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "could", "also", "directly", "fetch", "the", "source", "and", "destination", "station", "by", "using", "first_value()", "and", "last_value()", "function"], "golden-entity-mentions": [{"text": ["first_value()"], "entity-type": "Function", "index": [12]}, {"text": ["last_value()"], "entity-type": "Function", "index": [14]}]}, {"sentence": ["Note", ":", "The", "above", "is", "tested", "based", "on", "data", "provided", "in", "Q"], "golden-entity-mentions": []}, {"sentence": ["Try", "the", "following"], "golden-entity-mentions": []}, {"sentence": ["Or", "you", "can", "use", "window", "functions", "FIRST_VALUE", "and", "LAST_VALUE", "if", "your", "version", "of", "SQLServer", "supports", "them"], "golden-entity-mentions": [{"text": ["FIRST_VALUE"], "entity-type": "Function", "index": [6]}, {"text": ["LAST_VALUE"], "entity-type": "Function", "index": [8]}, {"text": ["SQLServer"], "entity-type": "Application", "index": [13]}]}, {"sentence": ["If", "ID", "are", "inconsistent", "then", "you", "can", "use", "a", "recursive", "CTE"], "golden-entity-mentions": [{"text": ["ID"], "entity-type": "Variable", "index": [1]}]}, {"sentence": ["It", "'s", "a", "symbiosis", "from", "two", "queries", "which", "provided", "Yogesh", "Sharma", "and", "my", "first", "query"], "golden-entity-mentions": [{"text": ["queries"], "entity-type": "Data_Structure", "index": [6]}, {"text": ["Yogesh", "Sharma"], "entity-type": "User_Name", "index": [9, 10]}, {"text": ["query"], "entity-type": "Data_Structure", "index": [14]}]}, {"sentence": ["I", "am", "trying", "to", "insert", "a", "click", "to", "call", "button", "on", "my", "home", "page", "."], "golden-entity-mentions": [{"text": ["button"], "entity-type": "User_Interface_Element", "index": [9]}]}, {"sentence": ["This", "is", "the", "first", "site", "I", "'ve", "built", "using", "Bootstrap", "(", "Bootstrap", "3.2.0", ")", "."], "golden-entity-mentions": [{"text": ["Bootstrap"], "entity-type": "Library", "index": [9]}, {"text": ["Bootstrap"], "entity-type": "Library", "index": [11]}, {"text": ["3.2.0"], "entity-type": "Version", "index": [12]}]}, {"sentence": ["Please", "view", "the", "code", "and", "help", "me", "figure", "out", "what", "I", "'m", "doing", "wrong", "."], "golden-entity-mentions": []}, {"sentence": ["Thank", "you"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "visit", "the", "site", "here", "."], "golden-entity-mentions": []}, {"sentence": ["It", "is", "not", "working", "because", "you", "have", "invalid", "HTML", "(", "an", "href", "attribute", "on", "a", "button", ")", "."], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "Language", "index": [8]}, {"text": ["href"], "entity-type": "HTML_XML_Tag", "index": [11]}, {"text": ["button"], "entity-type": "User_Interface_Element", "index": [15]}]}, {"sentence": ["Usage", "info", "from", "W3C"], "golden-entity-mentions": [{"text": ["W3C"], "entity-type": "Website", "index": [3]}]}, {"sentence": ["This", "should", "do", "the", "trick", ":"], "golden-entity-mentions": []}, {"sentence": ["Are", "there", "an", "efficient", "algorithm", "to", "search", "and", "dump", "all", "common", "substrings", "(", "which", "length", "is", "3", "or", "longer", ")", "between", "2", "strings", "?"], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [22]}]}, {"sentence": ["Example", "input", ":"], "golden-entity-mentions": []}, {"sentence": ["Example", "output", ":"], "golden-entity-mentions": []}, {"sentence": ["In", "the", "example", ",", "\"", "-D", "\"", ",", "\"", "-M", "\"", "is", "also", "a", "common", "substring", "but", "is", "not", "required", ",", "because", "it", "'s", "length", "is", "only", "2", "."], "golden-entity-mentions": [{"text": ["\"", "-D", "\""], "entity-type": "Value", "index": [4, 5, 6]}, {"text": ["\"", "-M", "\""], "entity-type": "Value", "index": [8, 9, 10]}, {"text": ["2"], "entity-type": "Value", "index": [27]}]}, {"sentence": ["(", "There", "might", "be", "some", "missing", "outputs", "in", "example", "because", "there", "are", "so", "many", "of", "them", "..", ".", ")"], "golden-entity-mentions": []}, {"sentence": ["You", "can", "find", "all", "common", "substrings", "using", "a", "data", "structure", "called", "a", "Generalized", "suffix", "tree"], "golden-entity-mentions": [{"text": ["Generalized", "suffix", "tree"], "entity-type": "Data_Structure", "index": [12, 13, 14]}]}, {"sentence": ["Libstree", "contains", "some", "example", "code", "for", "finding", "the", "longest", "common", "substring", "."], "golden-entity-mentions": [{"text": ["Libstree"], "entity-type": "Library", "index": [0]}]}, {"sentence": ["That", "example", "code", "can", "be", "modified", "to", "obtain", "all", "common", "substrings", "."], "golden-entity-mentions": []}, {"sentence": ["I", "need", "a", "way", "to", "be", "able", "to", "read", "from", "a", "UTF-8", "encoded", "file", "and", "store", "data", "from", "it", "into", "\"", "UTF-8", "compatible", "strings", "\"", "of", "some", "sort", ",", "in", "C++", "."], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [23]}, {"text": ["C++"], "entity-type": "Language", "index": [30]}]}, {"sentence": ["This", "data", "needs", "to", "be", "written", "back", "to", "a", "UTF-8", "encoded", "file", "later", "on", "."], "golden-entity-mentions": []}, {"sentence": ["There", "seems", "to", "be", "a", "lot", "of", "advice", "on", "google", "about", "doing", "this", "in", "Windows", "but", "I", "cannot", "find", "any", "help", "for", "Unix", "systems", "."], "golden-entity-mentions": [{"text": ["google"], "entity-type": "Website", "index": [9]}, {"text": ["Windows"], "entity-type": "Operating_System", "index": [14]}, {"text": ["Unix"], "entity-type": "Operating_System", "index": [22]}]}, {"sentence": ["Thanks", "for", "your", "help", "!"], "golden-entity-mentions": []}, {"sentence": ["If", "all", "you", "need", "to", "do", "is", "read", "and", "write", "it", "then", "std::string", "is", "fine", "."], "golden-entity-mentions": [{"text": ["std::string"], "entity-type": "Class", "index": [12]}]}, {"sentence": ["This", "works", "because", "no", "multi-character", "UTF", "codepoint", "overlaps", "with", "an", "an", "ASCII", "character", "so", "the", "standard", "processing", "of", "text", "works", "just", "fine", "in", "relation", "to", "end", "of", "line", "sequence", "and", "there", "is", "no", "other", "processing", "done", "by", "the", "stream", "."], "golden-entity-mentions": []}, {"sentence": ["What", "you", "read", "is", "what", "you", "get", "."], "golden-entity-mentions": []}, {"sentence": ["Outputting", "the", "string", "does", "not", "change", "any", "of", "the", "codepoints", "."], "golden-entity-mentions": [{"text": ["string"], "entity-type": "Data_Type", "index": [2]}]}, {"sentence": ["Now", "if", "you", "need", "to", "manipulate", "the", "text", "that", "is", "a", "different", "question", "and", "gets", "more", "complex", "."], "golden-entity-mentions": []}, {"sentence": ["Usually", "manipulating", "UTF-8", "is", "way", "to", "hard", "(", "can", "be", "done", "but", "not", "worth", "it", "IMO", ")", "."], "golden-entity-mentions": []}, {"sentence": ["When", "it", "comes", "to", "manipulating", "the", "text", "you", "want", "to", "convert", "the", "UTF-8", "(", "which", "is", "not", "a", "fixed", "width", ")", "to", "an", "internal", "fixed", "width", "format", ";", "(", "UTF-16", "or", "UTF-32", "are", "common", "formats", "for", "manipulation", "and", "easy", "to", "use", ";", "(", "UTF-16", "windows", ",", "UTF-32", "for", "most", "*", "nix", "like", "OS", ")", ")", "."], "golden-entity-mentions": [{"text": ["windows"], "entity-type": "Operating_System", "index": [44]}, {"text": ["*", "nix"], "entity-type": "Operating_System", "index": [49, 50]}]}, {"sentence": ["The", "easiest", "way", "to", "do", "this", "is", "to", "imbue", "the", "stream", "with", "a", "facet", "that", "knows", "the", "input", "is", "in", "UTF-8", "and", "will", "convert", "it", "automatically", "."], "golden-entity-mentions": []}, {"sentence": ["There", "are", "a", "couple", "of", "these", "facets", "floating", "around", "in", "different", "libraries", "."], "golden-entity-mentions": []}, {"sentence": ["But", "an", "easy", "one", "to", "find", "is", "boost", ":"], "golden-entity-mentions": []}, {"sentence": ["http://www.boost.org/doc/libs/1_38_0/libs/serialization/doc/codecvt.html"], "golden-entity-mentions": []}, {"sentence": ["Note", ":", "It", "is", "also", "in", "the", "latest", "version", "of", "boost", "1.46"], "golden-entity-mentions": [{"text": ["boost"], "entity-type": "Library", "index": [10]}, {"text": ["1.46"], "entity-type": "Version", "index": [11]}]}, {"sentence": ["The", "processes", "is", "the", "same", "for", "writting", "UTF-16/32", "back", "to", "a", "stream", "and", "converting", "it", "to", "UTF-8"], "golden-entity-mentions": []}, {"sentence": ["Note", "."], "golden-entity-mentions": []}, {"sentence": ["You", "should", "imbue", "the", "file", "before", "it", "is", "opened", "."], "golden-entity-mentions": []}, {"sentence": ["Different", "implementations", "of", "the", "stream", "will", "react", "differently", "if", "you", "imbue", "the", "stream", "after", "it", "is", "open", "."], "golden-entity-mentions": []}, {"sentence": ["Thus", "it", "is", "best", "to", "imbue", "the", "stream", "before", "opening", "it", "."], "golden-entity-mentions": []}, {"sentence": ["Dinkumware", "also", "has", "a", "set", "of", "conversion", "facets", "(", "not", "sure", "if", "they", "are", "free", ")", "."], "golden-entity-mentions": []}, {"sentence": ["http://www.dinkumware.com/manuals/default.aspx?manual=compleat&page=index_cvt.html#Code%20Conversions"], "golden-entity-mentions": []}, {"sentence": ["Note", ":", "I", "prefer", "to", "use", "the", "terms", "UTF-X", "rather", "than", "UCS-Y", "."], "golden-entity-mentions": []}, {"sentence": ["Though", "technically", "there", "are", "very", "minor", "differences", "these", "are", "inconsequential", "compared", "to", "the", "confusion", "you", "can", "create", "by", "switching", "between", "the", "two", "terms", "while", "talking", "about", "the", "subject", "."], "golden-entity-mentions": []}, {"sentence": ["Stick", "to", "one", "unless", "you", "need", "to", "talk", "explicitly", "about", "a", "feature", "(", "like", "Surrogate", "pairs", ")", "."], "golden-entity-mentions": []}, {"sentence": ["This", "code", "takes", "practically", "no", "time", "at", "all", "when", "optimizing", "with", "-O3"], "golden-entity-mentions": []}, {"sentence": ["What", "compiler", "optimization", "is", "making", "this", "code", "go", "from", "0.014", "seconds", "with", "-O0", "to", "0.000000", "with", "-03"], "golden-entity-mentions": [{"text": ["compiler"], "entity-type": "Application", "index": [1]}, {"text": ["-03"], "entity-type": "Code_Block", "index": [16]}]}, {"sentence": ["The", "internal", "large", "loop", "has", "no", "side", "effects", "since", "you", "'re", "not", "using", "B", "anywhere", ",", "so", "any", "decent", "compiler", "with", "-O3", "will", "eliminate", "it", "."], "golden-entity-mentions": [{"text": ["B"], "entity-type": "Variable", "index": [13]}, {"text": ["compiler"], "entity-type": "Application", "index": [19]}, {"text": ["-O3"], "entity-type": "Code_Block", "index": [21]}]}, {"sentence": ["To", "avoid", "that", ",", "you", "could", "try", "to", "summarize", "the", "values", "and", "print", "out", "the", "outcome", "at", "the", "end", "."], "golden-entity-mentions": []}, {"sentence": ["Alternatively", ",", "printing", "some", "random", "element", "from", "B", "might", "make", "the", "compiler", "suspicious", "enough", "to", "avoid", "that", "elimination"], "golden-entity-mentions": [{"text": ["B"], "entity-type": "Variable", "index": [7]}, {"text": ["compiler"], "entity-type": "Application", "index": [11]}]}, {"sentence": ["It", "is", "hard", "to", "say", "for", "sure", "without", "checking", "the", "generated", "assembly", "."], "golden-entity-mentions": [{"text": ["generated", "assembly"], "entity-type": "File_Name", "index": [10, 11]}]}, {"sentence": ["In", "general", ",", "there", "is", "as-if", "rule", ",", "which"], "golden-entity-mentions": []}, {"sentence": ["It", "could", "be", ",", "for", "instance", ",", "that", "since", "neither", "A", "no", "B", "are", "used", "anywhere", ",", "the", "compiler", "just", "omits"], "golden-entity-mentions": [{"text": ["A"], "entity-type": "Variable", "index": [10]}, {"text": ["B"], "entity-type": "Variable", "index": [12]}, {"text": ["compiler"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["as", "well", "as"], "golden-entity-mentions": []}, {"sentence": ["I", "have", "a", "problem", "."], "golden-entity-mentions": []}, {"sentence": ["I", "spend", "around", "5", "hours", "trying", "everything", ",", "but", "I", "was", "not", "even", "able", "to", "reproduce", "it", "properly", "so", "I", "include", "the", "simplified", "original", "source", "code", "."], "golden-entity-mentions": []}, {"sentence": ["I", "apologize", "for", "the", "extent", ",", "but", "I", "wanted", "to", "include", "all", "the", "relevant", "information", "I", "found", "out", "so", "far", "."], "golden-entity-mentions": []}, {"sentence": ["This", "is", "one", "of", "the", "few", "times", "I", "feel", "completely", "powerless", "and", "kindly", "request", "your", "help", "."], "golden-entity-mentions": []}, {"sentence": ["Any", "ideas", "are", "welcome", "."], "golden-entity-mentions": []}, {"sentence": ["Also", "any", "comments", "that", "can", "bring", "at", "least", "some", "light", "to", "the", "matter", "."], "golden-entity-mentions": []}, {"sentence": ["The", "behaviour", "in", "this", "case", "is", "a", "complete", "mystery", "to", "me", "."], "golden-entity-mentions": []}, {"sentence": ["I", "am", "programming", "in", "QtCreator", "in", "Ubuntu", "."], "golden-entity-mentions": [{"text": ["QtCreator"], "entity-type": "Application", "index": [4]}, {"text": ["Ubuntu"], "entity-type": "Operating_System", "index": [6]}]}, {"sentence": ["I", "am", "trying", "to", "develop", "a", "framework", "to", "solve", "mathematical", "problems", "using", "a", "Population", "of", "candidate", "solutions", ",", "which", "should", "evolve", "into", "the", "true", "solution", "."], "golden-entity-mentions": [{"text": ["Population"], "entity-type": "Class", "index": [13]}]}, {"sentence": ["There", "are", "3", "classes", "involved", ":", "Population", ",", "PopulationMember", "and", "Problem", ":"], "golden-entity-mentions": [{"text": ["Population"], "entity-type": "Class", "index": [6]}, {"text": ["PopulationMember"], "entity-type": "Class", "index": [8]}, {"text": ["Problem"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["Usually", "my", "program", "runs", "in", "loops", ",", "where", "the", "population", "calls", "its", "various", "methods", "."], "golden-entity-mentions": [{"text": ["population"], "entity-type": "Class", "index": [9]}]}, {"sentence": ["One", "of", "them", "is", "Population::evaluate()", "."], "golden-entity-mentions": [{"text": ["Population::evaluate()"], "entity-type": "Function", "index": [4]}]}, {"sentence": ["My", "program", "ran", "great", "until", "I", "introduced", "some", "new", "methods", "of", "Population", "."], "golden-entity-mentions": [{"text": ["Population"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["Then", "I", "get", "a", "segmentation", "error", "in", "the", "middle", "of", "program", "."], "golden-entity-mentions": [{"text": ["segmentation"], "entity-type": "Error_Name", "index": [4]}]}, {"sentence": ["The", "strangest", "thing", "is", "that", "it", "happens", "only", "after", "the", "10", "loops", ",", "after", "the", "population", "executed", "report()", "."], "golden-entity-mentions": [{"text": ["population"], "entity-type": "Class", "index": [15]}, {"text": ["report()"], "entity-type": "Function", "index": [17]}]}, {"sentence": ["Also", "after", "some", "experimentation", ",", "when", "I", "excluded", "all", "the", "operations", "which", "require", "dynamic", "allocation", "of", "some", "sort", "(", "strings", ")", "from", "the", "report()", "method", ",", "I", "do", "not", "get", "the", "error", "."], "golden-entity-mentions": [{"text": ["strings"], "entity-type": "Data_Type", "index": [19]}, {"text": ["report()"], "entity-type": "Function", "index": [23]}]}, {"sentence": ["Conversely", "when", "I", "disable", "the", "sorting", "method", "(", "uses", "either", "std::sort", "or", "qSort", ")", "the", "problem", "stops", "."], "golden-entity-mentions": [{"text": ["std::sort"], "entity-type": "Function", "index": [10]}, {"text": ["qSort"], "entity-type": "Function", "index": [12]}]}, {"sentence": ["Also", "when", "I", "leave", "the", "actions", "done", "by", "the", "temp", "Population", ",", "there", "is", "no", "problem", "."], "golden-entity-mentions": [{"text": ["temp"], "entity-type": "Variable", "index": [9]}, {"text": ["Population"], "entity-type": "Class", "index": [10]}]}, {"sentence": ["So", "I", "started", "to", "debug", "the", "program", "."], "golden-entity-mentions": []}, {"sentence": ["I", "let", "it", "complete", "10", "loops", "and", "started", "to", "debug", "step", "by", "step", "."], "golden-entity-mentions": []}, {"sentence": ["I", "went", "into", "Population->evaluate()", ";"], "golden-entity-mentions": [{"text": ["Population->evaluate()", ";"], "entity-type": "Code_Block", "index": [3, 4]}]}, {"sentence": ["}"], "golden-entity-mentions": [{"text": ["}"], "entity-type": "Code_Block", "index": [0]}]}, {"sentence": ["debug", ":"], "golden-entity-mentions": []}, {"sentence": ["The", "addres", "printed", "out", "is", "0xbffff628", "."], "golden-entity-mentions": [{"text": ["0xbffff628"], "entity-type": "Value", "index": [5]}]}, {"sentence": ["This", "is", "same", "as", "the", "previous", "10", "*", "population_->members_.count()", "printouts", "."], "golden-entity-mentions": [{"text": ["10", "*", "population_->members_.count()"], "entity-type": "Code_Block", "index": [6, 7, 8]}]}, {"sentence": ["I", "go", "inside", "the", "(", "*", "it", ")", "->", "evaluate()", ";", "Here", "I", "switch", "to", "assembly", "code", ":"], "golden-entity-mentions": [{"text": ["(", "*", "it", ")"], "entity-type": "Code_Block", "index": [4, 5, 6, 7]}, {"text": ["->", "evaluate()", ";"], "entity-type": "Code_Block", "index": [8, 9, 10]}, {"text": ["assembly"], "entity-type": "Language", "index": [15]}]}, {"sentence": ["I", "go", "inside", "the", "call", "of", "function", "at", "the", "last", "instruction", "."], "golden-entity-mentions": []}, {"sentence": ["At", "the", "instant", "I", "do", "this", ",", "all", "the", "attributes", "in", "problem_", "become", "not", "accessible", "according", "to", "my", "debugger", "."], "golden-entity-mentions": [{"text": ["problem_"], "entity-type": "Variable", "index": [11]}, {"text": ["debugger"], "entity-type": "Application", "index": [18]}]}, {"sentence": ["At", "this", "point", "all", "is", "lost", "."], "golden-entity-mentions": []}, {"sentence": ["debug", ":"], "golden-entity-mentions": []}, {"sentence": ["Finally", "the", "address", "the", "problem_", "is", "pointing", "at", "becomes", "0xbffff780", "instead", "of", "0xbffff628", "."], "golden-entity-mentions": [{"text": ["problem_"], "entity-type": "Variable", "index": [4]}, {"text": ["0xbffff780"], "entity-type": "Value", "index": [9]}, {"text": ["0xbffff628"], "entity-type": "Value", "index": [12]}]}, {"sentence": ["An", "increment", "of", "344"], "golden-entity-mentions": [{"text": ["344"], "entity-type": "Value", "index": [3]}]}, {"sentence": ["This", "happens", "always", "."], "golden-entity-mentions": []}, {"sentence": ["The", "increment", "is", "344", "."], "golden-entity-mentions": [{"text": ["344"], "entity-type": "Value", "index": [3]}]}, {"sentence": ["If", "I", "make", "some", "minor", "changes", "in", "the", "program", ",", "the", "address", "changes", ",", "but", "the", "difference", "between", "these", "two", "addresses", "remains", "344", "."], "golden-entity-mentions": [{"text": ["344"], "entity-type": "Value", "index": [22]}]}, {"sentence": ["This", "is", "all", "the", "more", "puzzling", ",", "since", "the", "size", "of", "all", "my", "three", "classes", "is", "less", "than", "100", "."], "golden-entity-mentions": [{"text": ["100"], "entity-type": "Value", "index": [18]}]}, {"sentence": ["The", "program", "crashes", "inside", "the", "void", "Problem", "::", "evaluate(PopulationMember&)const", ";", "method", "as", "soon", "as", "some", "logic", "is", "involved", "."], "golden-entity-mentions": [{"text": ["void", "Problem", "::", "evaluate(PopulationMember&)const", ";"], "entity-type": "Code_Block", "index": [5, 6, 7, 8, 9]}]}, {"sentence": ["EDIT", ":"], "golden-entity-mentions": []}, {"sentence": ["You", "are", "copying", "around", "Population-instances", "quite", "a", "bit", ":", "1", ".", "you", "are", "returning", "a", "local", "copy", "by", "value", ",", "2", ".", "copying", "again", "by", "assigning", "into", "another", "local", "with"], "golden-entity-mentions": [{"text": ["Population-instances"], "entity-type": "Class", "index": [4]}]}, {"sentence": ["All", "these", "instances", "get", "pointers", "to", "PopulationMember", "and", "ownsMembers_", "is", "always", "set", "true", "-", "this", "looks", "quite", "a", "bit", "fishy", "and", "you", "might", "want", "to", "debug", "with", "breakpoints", "in", "your", "destructors/constructors", "to", "find", "out", "the", "lifecycle", "of", "each", "population", "and", "its", "members", "."], "golden-entity-mentions": [{"text": ["pointers"], "entity-type": "Data_Type", "index": [4]}, {"text": ["PopulationMember"], "entity-type": "Class", "index": [6]}, {"text": ["ownsMembers_"], "entity-type": "Variable", "index": [8]}, {"text": ["true"], "entity-type": "Value", "index": [12]}, {"text": ["population"], "entity-type": "Class", "index": [38]}]}, {"sentence": ["EDIT", ":", "append", "method"], "golden-entity-mentions": []}, {"sentence": ["This", "means", "that", "the", "members", "to", "not", "point", "to", "the", "correct", "Population", "anymore", "!"], "golden-entity-mentions": [{"text": ["Population"], "entity-type": "Class", "index": [11]}]}, {"sentence": ["The", "value", "of", "Population&", "is", "stored", "on", "stack", "and", "gets", "deleted", "after", "the", "for", "loop", "ends", ",", "but", "the", "PopulationMembers", "still", "point", "to", "these", "Populations", "."], "golden-entity-mentions": [{"text": ["Population&"], "entity-type": "Class", "index": [3]}, {"text": ["stack"], "entity-type": "Data_Structure", "index": [7]}, {"text": ["for"], "entity-type": "Code_Block", "index": [13]}, {"text": ["PopulationMembers"], "entity-type": "Class", "index": [19]}, {"text": ["Populations"], "entity-type": "Class", "index": [24]}]}, {"sentence": ["Edit", ":", "Fix"], "golden-entity-mentions": []}, {"sentence": ["please", "try", "this", ":"], "golden-entity-mentions": []}, {"sentence": ["I", "'ve", "scoured", "SOF", "and", "google", "for", "an", "answer", "no", "joy"], "golden-entity-mentions": [{"text": ["SOF"], "entity-type": "Website", "index": [3]}, {"text": ["google"], "entity-type": "Website", "index": [5]}]}, {"sentence": ["I", "am", "able", "to", "connect", "to", "a", "database", "I", "presume", "in", "JavaScript", ",", "I", "wish", "to", "populate", "the", "results", "into", "a", "HTML", "forms", "option", "field", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "index": [11]}, {"text": ["HTML"], "entity-type": "Language", "index": [21]}]}] \ No newline at end of file diff --git a/task3/NER/input/README.md b/task3/NER/input/README.md new file mode 100644 index 0000000..fc9f160 --- /dev/null +++ b/task3/NER/input/README.md @@ -0,0 +1,5 @@ +# 数据集 + +两个数据集,一个是我们自己打标签的 + +一个是[Code and Named Entity Recognition in StackOverflow - ACL Anthology](https://aclanthology.org/2020.acl-main.443/)这篇论文的 \ No newline at end of file diff --git a/task3/NER/input/dev.json b/task3/NER/input/dev.json new file mode 100644 index 0000000..956520f --- /dev/null +++ b/task3/NER/input/dev.json @@ -0,0 +1 @@ +[{"sentence": ["If", "you", "'re", "on", "Windows", ",", "rename", "the", "file", "by", "adding", "'.exe", "'", "on", "the", "end", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 13, "end": 19, "index": [4]}]}, {"sentence": ["Linux", ".", "Might", "work", "for", "Windows", "starting", "v2.3.2", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}, {"text": ["Windows"], "entity-type": "platform", "start": 22, "end": 28, "index": [5]}]}, {"sentence": ["See", "the", "[", "LICENSE", "]", "(", "LICENSE", ")", "file", ",", "as", "well", "as", "our", "accompanying", "[", "Acceptable", "Use", "Policy", "]", "(", "USE_POLICY.md", ")"], "golden-entity-mentions": [{"text": ["LICENSE"], "entity-type": "license", "start": 9, "end": 15, "index": [3]}]}, {"sentence": ["TypeScript", "is", "JavaScript", "with", "static", "type", "checking", "and", "helps", "catch", "many", "silly", "bugs", "at", "code", "time", "."], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}, {"text": ["JavaScript"], "entity-type": "language", "start": 14, "end": 23, "index": [2]}]}, {"sentence": ["OpenAI", "'s", "GPT-3", "model", ",", "demonstrating", "poetry", ",", "dialogue", ",", "puns", ",", "literary", "parodies", ",", "and", "storytelling", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}, {"text": ["GPT-3"], "entity-type": "company", "start": 9, "end": 13, "index": [2]}]}, {"sentence": ["Microsoft", "and", "any", "contributors", "grant", "you", "a", "license", "to", "the", "Microsoft", "documentation", "and", "other", "content", "in", "this", "repository", "under", "the", "[", "Creative", "Commons", "Attribution", "4.0", "International", "Public", "License", "]", "(", "https", ":", "//creativecommons.org/licenses/by/4.0/legalcode", ")", ",", "see", "the", "[", "LICENSE", "]", "(", "https", ":", "//chatgpt.com/c/LICENSE", ")", "file", ",", "and", "grant", "you", "a", "license", "to", "any", "code", "in", "the", "repository", "under", "the", "[", "MIT", "License", "]", "(", "https", ":", "//opensource.org/licenses/MIT", ")", ",", "see", "the", "[", "LICENSE-CODE", "]", "(", "https", ":", "//chatgpt.com/c/LICENSE-CODE", ")", "file", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons", "Attribution", "4.0", "International", "Public", "License"], "entity-type": "license", "start": 130, "end": 190, "index": [21, 22, 23, 24, 25, 26, 27]}, {"text": ["MIT", "License"], "entity-type": "license", "start": 369, "end": 379, "index": [61, 27]}]}, {"sentence": ["Data", "Science", "@", "Instagram"], "golden-entity-mentions": [{"text": ["Instagram"], "entity-type": "Company", "start": 14, "end": 22, "index": [3]}]}, {"sentence": ["License", ":", "MIT"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 9, "end": 11, "index": [2]}]}, {"sentence": ["Phil", "Tillet", "(", "OpenAI", ")", "has", "an", "experimental", "implementation", "of", "FlashAttention", "in", "Triton", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 13, "end": 18, "index": [3]}, {"text": ["FlashAttention"], "entity-type": "company", "start": 59, "end": 72, "index": [10]}, {"text": ["Triton"], "entity-type": "company", "start": 77, "end": 82, "index": [12]}, {"text": ["FlashAttention"], "entity-type": "framework", "start": 59, "end": 72, "index": [10]}, {"text": ["Triton"], "entity-type": "framework", "start": 77, "end": 82, "index": [12]}]}, {"sentence": ["Enter", "your", "Google", "AI", "Studio", "API", "key", "when", "terminal", "prompts", "you", "for", "it", "."], "golden-entity-mentions": [{"text": ["Google", "AI", "Studio"], "entity-type": "platform", "start": 11, "end": 26, "index": [2, 3, 4]}]}, {"sentence": ["Text", "to", "Speech", ":", "ElevenLabs", ",", "Edge", "TTS", ",", "Google", "Text", "to", "Speech"], "golden-entity-mentions": [{"text": ["ElevenLabs"], "entity-type": "framework", "start": 16, "end": 25, "index": [4]}]}, {"sentence": ["All", "Typst", "language", "features", "must", "accommodate", "for", "incremental", "compilation", "."], "golden-entity-mentions": [{"text": ["Typst", "language"], "entity-type": "language", "start": 4, "end": 17, "index": [1, 2]}]}, {"sentence": ["[", "Codecov", "]", "(", "https", ":", "//codecov.io/gh/TheAlgorithms/Rust", ")"], "golden-entity-mentions": [{"text": ["Codecov"], "entity-type": "Platform", "start": 1, "end": 7, "index": [1]}]}, {"sentence": ["In", "order", "to", "train", "the", "model", ",", "you", "can", "run", "the", "training.ipynb", "notebook", "locally", "or", "remotely", "via", "a", "cloud", "service", "like", "Google", "Colab", "Pro", "."], "golden-entity-mentions": [{"text": ["Google", "Colab", "Pro"], "entity-type": "platform", "start": 114, "end": 129, "index": [21, 22, 23]}]}, {"sentence": ["The", "weights", "for", "the", "models", "are", "licensed", "`", "cc-by-nc-sa-4.0", "`"], "golden-entity-mentions": [{"text": ["cc-by-nc-sa-4.0"], "entity-type": "licenses", "start": 41, "end": 55, "index": [8]}]}, {"sentence": ["The", "code", "and", "documentation", "for", "Self-Operating", "Computer", "Framework", "are", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 88, "end": 90, "index": [12]}]}, {"sentence": ["Then", "run", "`", "npx", "lerna", "run", "build", "`", "to", "build", "all", "the", "packages", "."], "golden-entity-mentions": [{"text": ["lerna"], "entity-type": "platform", "start": 14, "end": 18, "index": [4]}]}, {"sentence": ["Apache", "Redis", "Pub-Sub"], "golden-entity-mentions": [{"text": ["Apache", "Redis", "Pub-Sub"], "entity-type": "Framework", "start": 0, "end": 19, "index": [0, 1, 2]}]}, {"sentence": ["You", "can", "install", "ComfyUI", "in", "Apple", "Mac", "silicon", "(", "M1", "or", "M2", ")", "with", "any", "recent", "macOS", "version", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "Platform", "start": 72, "end": 76, "index": [16]}, {"text": ["Apple"], "entity-type": "Company", "start": 27, "end": 31, "index": [5]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 35, "end": 45, "index": [6, 7]}]}, {"sentence": ["If", "you", "love", "it", ",", "consider", "supporting", "its", "development", "via", "GitHub", "Sponsors", "or", "Patreon", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 56, "end": 61, "index": [10]}]}, {"sentence": ["This", "repository", "is", "licensed", "under", "the", "Apache", "License", "v2.0", "with", "LLVM", "Exceptions", "(", "see", "the", "LLVM", "[", "License", "]", "(", "https", ":", "//llvm.org/LICENSE.txt", ")", ")", "."], "golden-entity-mentions": [{"text": ["Apache", "License", "v2.0"], "entity-type": "license", "start": 38, "end": 56, "index": [6, 7, 8]}]}, {"sentence": ["Compared", "to", "hosted", "services", "such", "as", "Github", "Codespaces", ",", "JetBrains", "Spaces", ",", "or", "Google", "Cloud", "Workstations", ",", "DevPod", "has", "the", "following", "advantages", ":"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 76, "end": 81, "index": [13]}]}, {"sentence": ["[", "Follow", "me", "on", "Twitter", "for", "updates", "]", "(", "https", ":", "//twitter.com/_abi_", ")", "."], "golden-entity-mentions": [{"text": ["Twitter"], "entity-type": "platform", "start": 14, "end": 20, "index": [4]}]}, {"sentence": ["With", "support", "for", "the", "latest", "text-to-image", "generation", "technology", ",", "LobeChat", "now", "allows", "users", "to", "invoke", "image", "creation", "tools", "directly", "within", "conversations", "with", "the", "agent", ".", "By", "leveraging", "the", "capabilities", "of", "AI", "tools", "such", "as", "[", "`", "DALL-E", "3", "`", "]", "(", "https", ":", "//openai.com/dall-e-3", ")", ",", "[", "`", "MidJourney", "`", "]", "(", "https", ":", "//www.midjourney.com/", ")", ",", "and", "[", "`", "Pollinations", "`", "]", "(", "https", ":", "//pollinations.ai/", ")", ",", "the", "agents", "are", "now", "equipped", "to", "transform", "your", "ideas", "into", "images", "."], "golden-entity-mentions": [{"text": ["DALL-E", "3"], "entity-type": "language", "start": 221, "end": 228, "index": [36, 37]}, {"text": ["MidJourney"], "entity-type": "language", "start": 264, "end": 273, "index": [48]}, {"text": ["Pollinations"], "entity-type": "language", "start": 313, "end": 324, "index": [60]}]}, {"sentence": ["We", "recommend", "that", "you", "use", "WSL", "with", "Ubuntu", "."], "golden-entity-mentions": [{"text": ["WSL"], "entity-type": "platform", "start": 26, "end": 28, "index": [5]}, {"text": ["Ubuntu"], "entity-type": "platform", "start": 35, "end": 40, "index": [7]}]}, {"sentence": ["getdeps.py", "currently", "requires", "python", "3.6+", "to", "be", "on", "your", "path", "."], "golden-entity-mentions": [{"text": ["python"], "entity-type": "language", "start": 30, "end": 35, "index": [3]}]}, {"sentence": ["Ruby", "3.1+"], "golden-entity-mentions": [{"text": ["Ruby"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Ruff", "is", "extremely", "actively", "developed", "and", "used", "in", "major", "open-source", "projects", "like", "Apache", "Airflow", ",", "Apache", "Superset", ",", "FastAPI", ",", "Hugging", "Face", ",", "Pandas", ",", "SciPy", "."], "golden-entity-mentions": [{"text": ["Apache", "Airflow"], "entity-type": "company", "start": 81, "end": 94, "index": [12, 13]}, {"text": ["Apache", "Superset"], "entity-type": "company", "start": 97, "end": 111, "index": [12, 16]}, {"text": ["FastAPI"], "entity-type": "company", "start": 114, "end": 120, "index": [18]}, {"text": ["Hugging", "Face"], "entity-type": "company", "start": 123, "end": 134, "index": [20, 21]}, {"text": ["Pandas"], "entity-type": "company", "start": 137, "end": 142, "index": [23]}, {"text": ["SciPy"], "entity-type": "company", "start": 145, "end": 149, "index": [25]}]}, {"sentence": ["Ruff", "is", "backed", "by", "Astral", "."], "golden-entity-mentions": [{"text": ["Astral"], "entity-type": "company", "start": 18, "end": 23, "index": [4]}]}, {"sentence": ["The", "interface", "follows", "closely", "how", "SD", "works", "and", "the", "code", "should", "be", "much", "more", "simple", "to", "understand", "than", "other", "SD", "UIs", "."], "golden-entity-mentions": [{"text": ["SD"], "entity-type": "Language", "start": 34, "end": 35, "index": [5]}, {"text": ["SD"], "entity-type": "Framework", "start": 34, "end": 35, "index": [5]}]}, {"sentence": ["Support", "for", "macOS", "Big", "Sur", ",", "Monterey", ",", "Ventura", ",", "and", "Sonoma"], "golden-entity-mentions": [{"text": ["macOS", "Big", "Sur"], "entity-type": "platform", "start": 12, "end": 24, "index": [2, 3, 4]}]}, {"sentence": ["Swin2SR", "-", "https", ":", "//github.com/mv-lab/swin2sr"], "golden-entity-mentions": [{"text": ["Swin2SR"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["70", "billion", "parameter", "LLaMA2", "model", "training", "accelerated", "by", "195", "%"], "golden-entity-mentions": [{"text": ["LLaMA2"], "entity-type": "platform", "start": 21, "end": 26, "index": [3]}]}, {"sentence": ["You", "can", "download", "it", "for", "Windows", ",", "macOS", ",", "and", "Linux", "on", "[", "Visual", "Studio", "Code", "'s", "website", "]", "(", "https", ":", "//code.visualstudio.com/Download", ")", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 24, "end": 30, "index": [5]}, {"text": ["macOS"], "entity-type": "platform", "start": 33, "end": 37, "index": [7]}, {"text": ["Linux"], "entity-type": "platform", "start": 44, "end": 48, "index": [10]}]}, {"sentence": ["Conduct", "Security", "Research", "on", "macOS", "using", "both", "Linux", "&", "Windows", "!"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 54, "end": 60, "index": [9]}]}, {"sentence": ["Submissions", "are", "subject", "to", "the", "terms", "of", "the", "Apache", "2.0", "license", ",", "as", "noted", "in", "the", "project", "repository", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 44, "end": 53, "index": [8, 9]}]}, {"sentence": ["Our", "project", "'s", "main", "goal", "is", "to", "breathe", "new", "life", "into", "Macs", "no", "longer", "supported", "by", "Apple", ",", "allowing", "for", "the", "installation", "and", "usage", "of", "macOS", "Big", "Sur", "and", "newer", "on", "machines", "as", "old", "as", "2007", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 130, "end": 134, "index": [25]}, {"text": ["Apple"], "entity-type": "company", "start": 80, "end": 84, "index": [16]}]}, {"sentence": ["If", "you", "'re", "using", "macOS", ",", "Linux", ",", "or", "BSD", ",", "you", "'ll", "need", "to", "grant", "permission", "for", "your", "computer", "to", "execute", "this", "new", "file", ".", "(", "You", "only", "need", "to", "do", "this", "once", ".", ")"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 16, "end": 20, "index": [4]}, {"text": ["Linux"], "entity-type": "platform", "start": 23, "end": 27, "index": [6]}, {"text": ["BSD"], "entity-type": "platform", "start": 33, "end": 35, "index": [9]}]}, {"sentence": ["[", "!", "[", "MIT", "License", "]", "(", "https", ":", "//img.shields.io/badge/License-MIT-blue.svg", ")", "]", "(", "https", ":", "//opensource.org/licenses/MIT", ")"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 3, "end": 5, "index": [3]}]}, {"sentence": ["cross-platform", ":", "provided", "by", "Qt"], "golden-entity-mentions": [{"text": ["Qt"], "entity-type": "framework", "start": 28, "end": 29, "index": [4]}]}, {"sentence": ["With", "over", "150", "courses", "on", "all", "things", "frontend", ",", "this", "should", "be", "your", "first", "and", "only", "stop", "for", "quality", "video", "training", "on", "HTML", ",", "CSS", ",", "JS", ",", "and", "related", "technologies", "."], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "language", "start": 116, "end": 119, "index": [22]}, {"text": ["CSS"], "entity-type": "language", "start": 122, "end": 124, "index": [24]}, {"text": ["JS"], "entity-type": "language", "start": 127, "end": 128, "index": [26]}]}, {"sentence": ["A", "Kakoune", "/", "Neovim", "inspired", "editor", ",", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 47, "end": 50, "index": [9]}]}, {"sentence": ["AutoGPT", "employs", "the", "[", "agent", "protocol", "]", "(", "https", ":", "//agentprotocol.ai/", ")", "standard", "by", "the", "AI", "Engineer", "Foundation", "."], "golden-entity-mentions": [{"text": ["agent", "protocol"], "entity-type": "framework", "start": 21, "end": 34, "index": [4, 5]}, {"text": ["AI", "Engineer", "Foundation"], "entity-type": "company", "start": 80, "end": 101, "index": [15, 16, 17]}]}, {"sentence": ["author", "=", "{", "Mart\u00ednez", "Toro", ",", "Iv\u00e1n", "and", "Gallego", "Vico", ",", "Daniel", "and", "Orgaz", ",", "Pablo", "}", ",", "license", "=", "{", "Apache-2.0", "}", ","], "golden-entity-mentions": [{"text": ["Apache-2.0"], "entity-type": "license", "start": 85, "end": 94, "index": [21]}]}, {"sentence": ["import", "os", "from", "tree_of_thoughts", "import", "ToTAgent", ",", "MonteCarloSearch", "from", "dotenv", "import", "load_dotenv", "from", "swarms", "import", "Agent", ",", "OpenAIChat"], "golden-entity-mentions": [{"text": ["tree_of_thoughts"], "entity-type": "framework", "start": 15, "end": 30, "index": [3]}, {"text": ["dotenv"], "entity-type": "framework", "start": 71, "end": 76, "index": [9]}, {"text": ["swarms"], "entity-type": "framework", "start": 102, "end": 107, "index": [13]}, {"text": ["OpenAIChat"], "entity-type": "framework", "start": 123, "end": 132, "index": [17]}]}, {"sentence": ["Built", "with", "Next.js", "App", "Router", ",", "Vercel", "Postgres", "and", "the", "Vercel", "Domains", "API", "."], "golden-entity-mentions": [{"text": ["Next.js", "App", "Router"], "entity-type": "framework", "start": 11, "end": 28, "index": [2, 3, 4]}, {"text": ["Vercel", "Postgres"], "entity-type": "framework", "start": 31, "end": 45, "index": [6, 7]}, {"text": ["Vercel", "Domains", "API"], "entity-type": "framework", "start": 55, "end": 72, "index": [6, 11, 12]}, {"text": ["Vercel"], "entity-type": "company", "start": 31, "end": 36, "index": [6]}]}, {"sentence": ["But", "then", "the", "discussion", "evolved", "and", "I", "thought", ",", "I", "'ll", "show", "you", "a", "very", "minimal", "example", "in", "C", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 87, "end": 87, "index": [18]}]}, {"sentence": ["Python", "3.9+"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Minimum", "Required", "Version", ":", "Python", "3.9"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 26, "end": 31, "index": [4]}]}, {"sentence": ["Integrated", "bundler", "for", "deploying", "to", "the", "web", ",", "macOS", ",", "Linux", ",", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 63, "end": 69, "index": [13]}]}, {"sentence": ["Tauri", "uses", "WRY", ",", "a", "library", "which", "provides", "a", "unified", "interface", "to", "the", "system", "webview", "."], "golden-entity-mentions": [{"text": ["WRY"], "entity-type": "framework", "start": 11, "end": 13, "index": [2]}]}, {"sentence": ["Simple", "and", "extensible", "administrative", "interface", "framework", "for", "Flask", "."], "golden-entity-mentions": [{"text": ["Flask"], "entity-type": "framework", "start": 61, "end": 65, "index": [7]}]}, {"sentence": ["You", "can", "use", "any", "other", "LLM", "model", "(", "including", "open", "sources", ")", "supported", "by", "Langchain", "Adapter", "."], "golden-entity-mentions": [{"text": ["Langchain"], "entity-type": "framework", "start": 70, "end": 78, "index": [14]}]}, {"sentence": ["Original", "Tauri", "Logo", "Designs", "by", "Alve", "Larsson", ",", "Daniel", "Thompson-Yvetot", "and", "Guillaume", "Chau", "."], "golden-entity-mentions": [{"text": ["Alve", "Larsson"], "entity-type": "company", "start": 31, "end": 42, "index": [5, 6]}, {"text": ["Daniel", "Thompson-Yvetot"], "entity-type": "company", "start": 45, "end": 66, "index": [8, 9]}, {"text": ["Guillaume", "Chau"], "entity-type": "company", "start": 72, "end": 85, "index": [11, 12]}]}, {"sentence": ["GoEx", ":", "A", "Runtime", "for", "executing", "LLM", "generated", "actions", "like", "code", "&", "API", "calls", "."], "golden-entity-mentions": [{"text": ["GoEx"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}, {"text": ["LLM"], "entity-type": "framework", "start": 30, "end": 32, "index": [6]}]}, {"sentence": ["SAM", "'s", "lightweight", "mask", "decoder", "can", "be", "exported", "to", "ONNX", "format", "so", "that", "it", "can", "be", "run", "in", "any", "environment", "that", "supports", "ONNX", "runtime", ",", "such", "as", "in-browser", "as", "showcased", "in", "the", "[", "demo", "]", "(", "https", ":", "//segment-anything.com/demo", ")", "."], "golden-entity-mentions": [{"text": ["ONNX", "runtime"], "entity-type": "platform", "start": 117, "end": 128, "index": [9, 23]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 35, "end": 45, "index": [6, 7]}]}, {"sentence": ["Running", "with", "[", "Inference", "]", "(", "https", ":", "//github.com/roboflow/inference", ")", "requires", "a", "[", "Roboflow", "API", "KEY", "]", "(", "https", ":", "//docs.roboflow.com/api-reference/authentication", "#", "retrieve-an-api-key", ")", "."], "golden-entity-mentions": [{"text": ["Inference"], "entity-type": "framework", "start": 14, "end": 22, "index": [3]}]}, {"sentence": ["Running", "with", "[", "Inference", "]", "(", "https", ":", "//github.com/roboflow/inference", ")", "requires", "a", "[", "Roboflow", "API", "KEY", "]", "(", "https", ":", "//docs.roboflow.com/api-reference/authentication", "#", "retrieve-an-api-key", ")", "."], "golden-entity-mentions": [{"text": ["Roboflow"], "entity-type": "company", "start": 76, "end": 83, "index": [13]}]}, {"sentence": ["Docker", "Roadmap"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["An", "open", "source", ",", "self-hosted", "bookmarks", "and", "link", "sharing", "platform", "."], "golden-entity-mentions": [{"text": ["open", "source"], "entity-type": "licenses", "start": 3, "end": 13, "index": [1, 2]}]}, {"sentence": ["After", "cloning", "the", "repo", ",", "run", "`", "npm", "install", "`", "in", "the", "root", "of", "the", "project", "to", "install", "all", "necessary", "dependencies", ".", "Then", "run", "`", "npx", "lerna", "run", "build", "`", "to", "build", "all", "the", "packages", "."], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 29, "end": 31, "index": [7]}]}, {"sentence": ["View", "on", "Hugging", "Face"], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "platform", "start": 8, "end": 19, "index": [2, 3]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "Apache", "License", ",", "Version", "2.0", "."], "golden-entity-mentions": [{"text": ["Apache", "License", ",", "Version", "2.0"], "entity-type": "licenses", "start": 35, "end": 61, "index": [6, 7, 8, 9, 10]}]}, {"sentence": ["#", "On", "Mac", "via", "Homebrew"], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 5, "end": 7, "index": [2]}]}, {"sentence": ["Or", ",", "if", "you", "'re", "using", "Void", "Linux", ":", "sudo", "xbps-install", "-S", "python3-pipenv"], "golden-entity-mentions": [{"text": ["Void", "Linux"], "entity-type": "platform", "start": 20, "end": 29, "index": [6, 7]}]}, {"sentence": ["At", "[", "HyperwriteAI", "]", "(", "https", ":", "//www.hyperwriteai.com/", ")", ",", "we", "are", "developing", "Agent-1-Vision", "a", "multimodal", "model", "with", "more", "accurate", "click", "location", "predictions", "."], "golden-entity-mentions": [{"text": ["HyperwriteAI"], "entity-type": "platform", "start": 4, "end": 15, "index": [2]}]}, {"sentence": ["Mobile", "operating", "system", "developed", "by", "Google", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 37, "end": 42, "index": [5]}]}, {"sentence": ["Alternatively", ",", "you", "can", "build", "Fira", "Code", "using", "Docker", ":"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 45, "end": 50, "index": [8]}]}, {"sentence": ["language", ":", "C", ",", "C++"], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 10, "end": 10, "index": [2]}, {"text": ["C++"], "entity-type": "language", "start": 13, "end": 15, "index": [4]}]}, {"sentence": ["Windows", ":", "[", "Chocolatey", "]", "(", "https", ":", "//chocolatey.org", ")", "and", "[", "Scoop", "]", "(", "https", ":", "//github.com/lukesampson/scoop", ")", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["[", "*", "*", "Also", "available", "as", "a", "Chrome", "extension", "*", "*", "]", "(", "https", ":", "//chrome.google.com/webstore/detail/star-history/iijibbcdddbhokfepbblglfgdglnccfn", ")"], "golden-entity-mentions": [{"text": ["Chrome"], "entity-type": "platform", "start": 23, "end": 28, "index": [7]}]}, {"sentence": ["Forge", "your", "own", "agent", "!", "\u2013", "Forge", "is", "a", "ready-to-go", "template", "for", "your", "agent", "application", "."], "golden-entity-mentions": [{"text": ["Forge"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Python"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Data", "Science", "@", "Facebook"], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "Company", "start": 14, "end": 21, "index": [3]}]}, {"sentence": ["minGPT", "is", "in", "a", "semi-archived", "state", ".", "For", "more", "recent", "developments", "see", "my", "rewrite", "[", "nanoGPT", "]", "(", "https", ":", "//github.com/karpathy/nanoGPT", ")", "."], "golden-entity-mentions": [{"text": ["nanoGPT"], "entity-type": "platform", "start": 81, "end": 87, "index": [15]}]}, {"sentence": ["Oxc", "maintains", "its", "own", "AST", "and", "parser", ",", "which", "is", "by", "far", "the", "fastest", "and", "most", "conformant", "JavaScript", "and", "TypeScript", "(", "including", "JSX", "and", "TSX", ")", "parser", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 154, "end": 157, "index": [29]}]}, {"sentence": ["OpenFunctions", "v2", "sets", "new", "SoTA", "for", "open-source", "LLMs", "."], "golden-entity-mentions": [{"text": ["OpenFunctions", "v2"], "entity-type": "framework", "start": 0, "end": 15, "index": [0, 1]}, {"text": ["open-source", "LLMs"], "entity-type": "framework", "start": 35, "end": 50, "index": [6, 7]}]}, {"sentence": ["Generative", "Business", "Intelligence", "(", "GBI", ")", ":", "Generative", "BI", "is", "one", "of", "the", "core", "capabilities", "of", "the", "DB-GPT", "project", "."], "golden-entity-mentions": [{"text": ["Generative", "BI"], "entity-type": "framework", "start": 40, "end": 52, "index": [0, 8]}]}, {"sentence": ["Data", "Science", "@", "Uber"], "golden-entity-mentions": [{"text": ["Uber"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["MetaGPT", "is", "selected", "into", "[", "Open100", ":", "Top", "100", "Open", "Source", "achievements", "]", "(", "https", ":", "//www.benchcouncil.org/evaluation/opencs/annual.html", ")", "."], "golden-entity-mentions": [{"text": ["Open100"], "entity-type": "platform", "start": 26, "end": 32, "index": [5]}]}, {"sentence": ["DeepDanbooru", "-", "interrogator", "for", "anime", "diffusers", "https", ":", "//github.com/KichangKim/DeepDanbooru"], "golden-entity-mentions": [{"text": ["DeepDanbooru"], "entity-type": "framework", "start": 0, "end": 11, "index": [0]}]}, {"sentence": ["Recovery", "OS", ",", "Safe", "Mode", "and", "Single-user", "Mode", "booting", "on", "non-native", "OSes"], "golden-entity-mentions": [{"text": ["Recovery", "OS"], "entity-type": "platform", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["The", "app", "only", "runs", "locally", "on", "your", "browser", ",", "meaning", "no", "sign", "up", "is", "required", "and", "no", "data", "ever", "leaves", "your", "browser", ",", "so", "it", "gives", "you", "peace", "of", "mind", "on", "your", "personal", "data", "."], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "platform", "start": 34, "end": 40, "index": [7]}]}, {"sentence": ["Tailwind", "for", "CSS", "styling", "."], "golden-entity-mentions": [{"text": ["Tailwind"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Open", "the", "code", "on", "VSCode", "or", "similar", "equivalent", "IDE", "."], "golden-entity-mentions": [{"text": ["VSCode"], "entity-type": "platform", "start": 17, "end": 22, "index": [4]}]}, {"sentence": ["The", "main", "functions", "implement", "scaled", "dot", "product", "attention", "(", "softmax", "(", "Q", "@", "K^T", "*", "softmax_scale", ")", "@", "V", ")", "."], "golden-entity-mentions": [{"text": ["scaled", "dot", "product", "attention"], "entity-type": "framework", "start": 29, "end": 56, "index": [4, 5, 6, 7]}, {"text": ["softmax"], "entity-type": "framework", "start": 59, "end": 65, "index": [9]}]}, {"sentence": ["Install", "the", "vagrant-hostsupdater", "plugin", ":", "vagrant", "plugin", "install", "vagrant-hostsupdater"], "golden-entity-mentions": [{"text": ["vagrant-hostsupdater"], "entity-type": "framework", "start": 12, "end": 31, "index": [2]}]}, {"sentence": ["Kamal", "has", "the", "dynamic", "reverse-proxy", "Traefik", "hold", "requests", "while", "a", "new", "app", "container", "is", "started", "and", "the", "old", "one", "is", "stopped", "."], "golden-entity-mentions": [{"text": ["Traefik"], "entity-type": "framework", "start": 36, "end": 42, "index": [5]}]}, {"sentence": ["The", "project", "is", "dual", "licensed", "under", "the", "Apache", "License", "2.0", "and", "the", "GPLv2", "License", "."], "golden-entity-mentions": [{"text": ["Apache", "License", "2.0"], "entity-type": "license", "start": 39, "end": 56, "index": [7, 8, 9]}, {"text": ["GPLv2", "License"], "entity-type": "license", "start": 66, "end": 78, "index": [12, 8]}]}, {"sentence": ["Data", "Science", "@", "LinkedIn"], "golden-entity-mentions": [{"text": ["LinkedIn"], "entity-type": "Company", "start": 14, "end": 21, "index": [3]}]}, {"sentence": ["Excellent", "Browser", "Support", ":", "Run", "Vencord", "in", "your", "Browser", "via", "extension", "or", "UserScript"], "golden-entity-mentions": [{"text": ["Browser"], "entity-type": "platform", "start": 10, "end": 16, "index": [1]}]}, {"sentence": ["From", "pip", ":"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "framework", "start": 5, "end": 7, "index": [1]}]}, {"sentence": ["Add", "a", "docker", "image", ",", "thanks", "@", "egbaydarov", "."], "golden-entity-mentions": [{"text": ["docker"], "entity-type": "framework", "start": 6, "end": 11, "index": [2]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "terms", "of", "the", "[", "MIT", "license", "]", "(", "https", ":", "//chatgpt.com/LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "License", "start": 49, "end": 59, "index": [10, 11]}]}, {"sentence": ["<", "td", ">", "iOS", "/", "iPadOS", "<", "/td", ">"], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "platform", "start": 4, "end": 6, "index": [3]}, {"text": ["iPadOS"], "entity-type": "platform", "start": 10, "end": 15, "index": [5]}]}, {"sentence": ["By", "downloading", "or", "using", "the", "Flutter", "SDK", ",", "you", "agree", "to", "the", "Google", "Terms", "of", "Service", ":", "https", ":", "//policies.google.com/terms"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 58, "end": 63, "index": [12]}]}, {"sentence": ["Mobile", ":", "Swift", ",", "WebSockets"], "golden-entity-mentions": [{"text": ["WebSockets"], "entity-type": "framework", "start": 15, "end": 24, "index": [4]}]}, {"sentence": ["Tech", "Stack", "-", "shadcn/ui", "-", "Component", "Library"], "golden-entity-mentions": [{"text": ["shadcn/ui"], "entity-type": "framework", "start": 13, "end": 21, "index": [3]}]}, {"sentence": ["React-pdf", "creates", "PDF", "files", "and", "is", "used", "by", "the", "resume", "builder", "to", "create", "a", "downloadable", "PDF", "file", "."], "golden-entity-mentions": [{"text": ["React-pdf"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Begin", "with", "Docker", "to", "deploy", "your", "own", "feature-rich", ",", "unrestricted", "version", "of", "AFFiNE", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 11, "end": 16, "index": [2]}]}, {"sentence": ["Docker", "users", "can", "run", "a", "prebuilt", "image", "with", "`", "docker", "run", "-it", "ghcr.io/typst/typst", ":", "latest", "`", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["AutoGen", "is", "a", "framework", "that", "enables", "the", "development", "of", "LLM", "applications", "using", "multiple", "agents", "that", "can", "converse", "with", "each", "other", "to", "solve", "tasks", "."], "golden-entity-mentions": [{"text": ["AutoGen"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Requirements", ":", "PyTorch", ">", "=", "2.1", ",", "Python", ">", "=", "3.7", ",", "CUDA", ">", "=", "11.0"], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 14, "end": 20, "index": [2]}, {"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [7]}, {"text": ["CUDA"], "entity-type": "language", "start": 45, "end": 48, "index": [12]}]}, {"sentence": ["Official", "Nx", "YouTube", "Channel"], "golden-entity-mentions": [{"text": ["Nx"], "entity-type": "company", "start": 9, "end": 10, "index": [1]}, {"text": ["YouTube"], "entity-type": "company", "start": 12, "end": 18, "index": [2]}]}, {"sentence": ["Source", "Code", "Licensing", ":", "Our", "project", "'s", "source", "code", "is", "licensed", "under", "the", "Apache", "2.0", "License", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0", "License"], "entity-type": "license", "start": 71, "end": 88, "index": [13, 14, 15]}]}, {"sentence": ["Aider", "will", "automatically", "commit", "each", "changeset", "to", "your", "local", "git", "repo", "with", "a", "descriptive", "commit", "message", "."], "golden-entity-mentions": [{"text": ["git"], "entity-type": "framework", "start": 61, "end": 63, "index": [9]}]}, {"sentence": ["CUDA", "11.6", "and", "above", "."], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["``", "This", "app", "is", "provided", "for", "free", "and", "the", "source", "code", "is", "available", "on", "GitHub", ".", "''"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "License", "start": 68, "end": 73, "index": [14]}]}, {"sentence": ["C++", "Roadmap"], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Enhanced", "MoE", "parallelism", ",", "Open-source", "MoE", "model", "training", "can", "be", "9", "times", "more", "efficient"], "golden-entity-mentions": [{"text": ["MoE"], "entity-type": "platform", "start": 9, "end": 11, "index": [1]}, {"text": ["MoE"], "entity-type": "framework", "start": 9, "end": 11, "index": [1]}]}, {"sentence": ["There", "is", "also", "an", "open-source", "Android", "app", "available", "on", "Google", "Play", "or", "F-Droid", ",", "as", "well", "as", "an", "open", "source", "iOS", "app", "available", "on", "the", "App", "Store", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 29, "end": 35, "index": [5]}, {"text": ["iOS"], "entity-type": "platform", "start": 104, "end": 106, "index": [20]}]}, {"sentence": ["Features", "include", "syntax", "highlighting", ",", "code", "completion", ",", "project", "find", "and", "replace", ",", "snippets", ",", "terminal", ",", "task", "running", ",", "debugging", ",", "git", "integration", ",", "code", "review", ",", "extensions", ",", "and", "more", "."], "golden-entity-mentions": [{"text": ["git"], "entity-type": "Framework", "start": 126, "end": 128, "index": [22]}]}, {"sentence": ["Thanks", "to", "[", "Docker", "]", "(", "https", ":", "//hub.docker.com/", ")", "for", "providing", "the", "container", "platform", "that", "helps", "us", "run", "Misskey", "in", "production", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "company", "start": 11, "end": 16, "index": [3]}]}, {"sentence": ["The", "ChatGPT", "Retrieval", "Plugin", "uses", "OpenAI", "'s", "embeddings", "models", "to", "generate", "embeddings", "of", "document", "chunks", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 34, "end": 39, "index": [5]}]}, {"sentence": ["Open", "the", "<", "a", "href='https", ":", "//github.com/Flipper-XFW/Xtreme-Firmware/releases/latest", "'", ">", "latest", "release", "page", "<", "/a", ">", "and", "click", "on", "the", "<", "code", ">", "Web", "Updater", "<", "/code", ">", "link"], "golden-entity-mentions": [{"text": ["Web", "Updater"], "entity-type": "platform", "start": 129, "end": 139, "index": [22, 23]}]}, {"sentence": ["FlashAttention", "and", "FlashAttention-2", "are", "free", "to", "use", "and", "modify", "(", "see", "LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["FlashAttention"], "entity-type": "license", "start": 0, "end": 13, "index": [0]}, {"text": ["FlashAttention-2"], "entity-type": "license", "start": 19, "end": 34, "index": [2]}]}, {"sentence": ["Self-hosting", "with", "Docker", "in", "just", "seconds", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 18, "end": 23, "index": [2]}, {"text": ["Docker"], "entity-type": "framework", "start": 18, "end": 23, "index": [2]}]}, {"sentence": ["macOS", ":", "`", "brew", "install", "typst", "`"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Fira", "Code", "is", "a", "free", "monospaced", "font", "containing", "ligatures", "for", "common", "programming", "multi-character", "combinations", "."], "golden-entity-mentions": [{"text": ["free"], "entity-type": "license", "start": 15, "end": 18, "index": [4]}]}, {"sentence": ["FinGPT", "presents", "a", "more", "accessible", "alternative", ".", "It", "prioritizes", "lightweight", "adaptation", ",", "leveraging", "the", "best", "available", "open-source", "LLMs", "."], "golden-entity-mentions": [{"text": ["FinGPT"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}, {"text": ["LLMs"], "entity-type": "framework", "start": 128, "end": 131, "index": [17]}]}, {"sentence": ["AudioCraft", "contains", "inference", "and", "training", "code", "for", "two", "state-of-the-art", "AI", "generative", "models", "producing", "high-quality", "audio", ":", "AudioGen", "and", "MusicGen", "."], "golden-entity-mentions": [{"text": ["AudioGen"], "entity-type": "platform", "start": 124, "end": 131, "index": [16]}, {"text": ["MusicGen"], "entity-type": "platform", "start": 137, "end": 144, "index": [18]}]}, {"sentence": ["It", "will", "start", "a", "vite", "server", "that", "watches", "the", "`", "core", "`", ",", "`", "2d", "`", ",", "`", "ui", "`", ",", "and", "`", "vite-plugin", "`", "packages", "."], "golden-entity-mentions": [{"text": ["vite"], "entity-type": "platform", "start": 16, "end": 19, "index": [4]}]}, {"sentence": ["Using", "Font", "Awesome", "on", "the", "Desktop"], "golden-entity-mentions": [{"text": ["Desktop"], "entity-type": "platform", "start": 26, "end": 32, "index": [5]}]}, {"sentence": ["Set", "your", "OpenRouter", "API", "key", "(", "default", ")", "and/or", "your", "OpenAI", "API", "key", "(", "to", "use", "the", "OpenAI", "API", "directly", "..."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 50, "end": 55, "index": [10]}]}, {"sentence": ["An", "out-of-box", "online", "demo", "is", "integrated", "in", "InternGPT", "-", "a", "super", "cool", "pointing-language-driven", "visual", "interactive", "system", "."], "golden-entity-mentions": [{"text": ["InternGPT"], "entity-type": "platform", "start": 43, "end": 51, "index": [7]}]}, {"sentence": ["And", "we", "collaborated", "with", "both", "[", "CRFM", "]", "(", "https", ":", "//crfm.stanford.edu", ")", "and", "[", "HazyResearch", "]", "(", "http", ":", "//hazyresearch.stanford.edu", ")", "at", "Stanford", "to", "build", "this", "model", "."], "golden-entity-mentions": [{"text": ["CRFM"], "entity-type": "company", "start": 31, "end": 34, "index": [6]}, {"text": ["HazyResearch"], "entity-type": "company", "start": 69, "end": 80, "index": [15]}]}, {"sentence": ["Quivr", "ensures", "rapid", "access", "to", "your", "data", "."], "golden-entity-mentions": [{"text": ["Quivr"], "entity-type": "company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Project", "CasaOS", "originated", "as", "a", "pre-installed", "system", "for", "the", "crowdfunded", "product", "ZimaBoard", "on", "Kickstarter", "."], "golden-entity-mentions": [{"text": ["Kickstarter"], "entity-type": "company", "start": 93, "end": 103, "index": [13]}]}, {"sentence": ["Semantic", "Kernel", "is", "an", "SDK", "that", "integrates", "Large", "Language", "Models", "(", "LLMs", ")", "like", "OpenAI", ",", "Azure", "OpenAI", ",", "and", "Hugging", "Face", "with", "conventional", "programming", "languages", "like", "C", "#", ",", "Python", ",", "and", "Java", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 76, "end": 81, "index": [14]}, {"text": ["Azure", "OpenAI"], "entity-type": "company", "start": 84, "end": 95, "index": [16, 14]}, {"text": ["Hugging", "Face"], "entity-type": "company", "start": 102, "end": 113, "index": [20, 21]}]}, {"sentence": ["AMD", "users", "can", "install", "rocm", "and", "pytorch", "with", "pip", "if", "you", "do", "n't", "have", "it", "already", "installed", ",", "this", "is", "the", "command", "to", "install", "the", "stable", "version", ":"], "golden-entity-mentions": [{"text": ["AMD"], "entity-type": "Company", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["The", "tldraw", "source", "code", "and", "its", "distributions", "are", "provided", "under", "the", "[", "tldraw", "license", "]", "(", "https", ":", "//github.com/tldraw/tldraw/blob/master/LICENSE.md", ")", "."], "golden-entity-mentions": [{"text": ["tldraw", "license"], "entity-type": "license", "start": 69, "end": 82, "index": [1, 13]}]}, {"sentence": ["You", "can", "run", "this", "documentation", "offline", "by", "using", "[", "Docsify", "]", "(", "https", ":", "//docsify.js.org/", "#", "/", ")", ".", "Fork", "this", "repo", ",", "[", "install", "Docsify", "]", "(", "https", ":", "//docsify.js.org/", "#", "/quickstart", ")", "on", "your", "local", "machine", ",", "and", "then", "in", "the", "root", "folder", "of", "this", "repo", ",", "type", "`", "docsify", "serve", "`", "."], "golden-entity-mentions": [{"text": ["Docsify"], "entity-type": "platform", "start": 49, "end": 55, "index": [9]}]}, {"sentence": ["Create", "a", "new", "virtual", "environment", "that", "uses", "Python", "3.10", ":", "`", "poetry", "env", "use", "python3.10", "poetry", "shell", "`", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 43, "end": 48, "index": [7]}]}, {"sentence": ["[", "!", "[", "License", ":", "MIT", "]", "(", "https", ":", "//img.shields.io/github/license/microsoft/semantic-kernel", ")", "]", "(", "https", ":", "//github.com/microsoft/semantic-kernel/blob/main/LICENSE", ")"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 12, "end": 14, "index": [5]}]}, {"sentence": ["I", "now", "offer", "paid", "plans", "for", "ntfy.sh", "if", "you", "do", "n't", "want", "to", "self-host", ",", "or", "you", "want", "to", "support", "the", "development", "of", "ntfy", "(", "\u2192", "Purchase", "via", "web", "app", ")", "."], "golden-entity-mentions": [{"text": ["ntfy.sh"], "entity-type": "company", "start": 27, "end": 33, "index": [6]}]}, {"sentence": ["PyTorch", "(", "Build", "Deep", "Learning", "models", ")"], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Special", "thanks", "to", "our", "[", "Microsoft", "Student", "Ambassador", "]", "(", "https", ":", "//studentambassadors.microsoft.com/", ")", "authors", ",", "reviewers", "and", "content", "contributors", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "Company", "start": 23, "end": 31, "index": [5]}]}, {"sentence": ["Licensed", "under", "the", "Apache", "License", ",", "Version", "2.0", "(", "the", "``", "License", "''", ")", ";"], "golden-entity-mentions": [{"text": ["Apache", "License"], "entity-type": "license", "start": 19, "end": 32, "index": [3, 4]}]}, {"sentence": ["The", "course", "is", "built", "using", "a", "few", "tools", ":", "[", "mdbook-i18n-helpers", "]", "(", "https", ":", "//github.com/google/mdbook-i18n-helpers", ")"], "golden-entity-mentions": [{"text": ["mdbook-i18n-helpers"], "entity-type": "Framework", "start": 40, "end": 58, "index": [10]}]}, {"sentence": ["Microsoft", "C++", "Redistributable"], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Implement", "ALiBi", "(", "Press", "et", "al.", ",", "2021", ")", "."], "golden-entity-mentions": [{"text": ["ALiBi"], "entity-type": "framework", "start": 10, "end": 14, "index": [1]}]}, {"sentence": ["We", "provide", "a", "Docker", "image", "for", "deploying", "the", "LobeChat", "service", "on", "your", "own", "private", "device", ".", "Use", "the", "following", "command", "to", "start", "the", "LobeChat", "service", ":"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "language", "start": 13, "end": 18, "index": [3]}]}, {"sentence": ["ESLint", "uses", "Espree", "for", "JavaScript", "parsing", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 23, "end": 32, "index": [4]}]}, {"sentence": ["Documentation", "of", "Algorithms", "in", "C", "by", "[", "The", "Algorithms", "Contributors", "]", "(", "https", ":", "//github.com/TheAlgorithms/C/graphs/contributors", ")", "is", "licensed", "under", "[", "CC", "BY-SA", "4.0", "]", "(", "https", ":", "//creativecommons.org/licenses/by-sa/4.0/", "?", "ref=chooser-v1", ")"], "golden-entity-mentions": [{"text": ["CC", "BY-SA", "4.0"], "entity-type": "license", "start": 141, "end": 152, "index": [20, 21, 22]}]}, {"sentence": ["\ud83c\udf10", "TigerBot", "\u2022", "\ud83e\udd17", "Hugging", "Face", "\u2022", "\ud83d\udcbb", "ModelScope"], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "platform", "start": 15, "end": 26, "index": [4, 5]}, {"text": ["ModelScope"], "entity-type": "platform", "start": 32, "end": 41, "index": [8]}]}, {"sentence": ["This", "repo", "includes", "source", "code", "for", ":", "Mojo", "examples", "Mojo", "documentation", "hosted", "at", "[", "modular.com", "]", "(", "https", ":", "//docs.modular.com/mojo/", ")", "The", "[", "Mojo", "standard", "library", "]", "(", "https", ":", "//docs.modular.com/mojo/lib", ")"], "golden-entity-mentions": [{"text": ["Mojo"], "entity-type": "framework", "start": 36, "end": 39, "index": [7]}]}, {"sentence": ["Option", "1", ".", "Install", "and", "Run", "AutoGen", "in", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 37, "end": 42, "index": [8]}]}, {"sentence": ["Install", "the", "packages", "."], "golden-entity-mentions": [{"text": ["packages"], "entity-type": "platform", "start": 12, "end": 19, "index": [2]}]}, {"sentence": ["Powered", "by", "Gin", "and", "Solidjs", "."], "golden-entity-mentions": [{"text": ["Gin"], "entity-type": "framework", "start": 11, "end": 13, "index": [2]}, {"text": ["Solidjs"], "entity-type": "framework", "start": 19, "end": 25, "index": [4]}]}, {"sentence": ["Nx", "is", "a", "build", "system", "with", "built-in", "tooling", "and", "advanced", "CI", "capabilities", ".", "It", "helps", "you", "maintain", "and", "scale", "monorepos", ",", "both", "locally", "and", "on", "CI", "."], "golden-entity-mentions": [{"text": ["Nx"], "entity-type": "framework", "start": 0, "end": 1, "index": [0]}]}, {"sentence": ["Alternatively", ",", "you", "can", "post", "questions", "in", "the", "FaceSwap", "Forum", "."], "golden-entity-mentions": [{"text": ["FaceSwap"], "entity-type": "company", "start": 45, "end": 52, "index": [8]}]}, {"sentence": ["For", "example", ",", "you", "can", "override", "the", "`", "dream", "`", "operation", "to", "use", "OpenAI", "'s", "DALL-E", "instead", "or", "call", "a", "serverless", "endpoint", "on", "a", "service", "like", "AWS", "or", "Replicate", "."], "golden-entity-mentions": [{"text": ["OpenAI", "'s", "DALL-E"], "entity-type": "framework", "start": 59, "end": 73, "index": [13, 14, 15]}, {"text": ["OpenAI"], "entity-type": "company", "start": 59, "end": 64, "index": [13]}, {"text": ["AWS"], "entity-type": "company", "start": 131, "end": 133, "index": [26]}, {"text": ["Replicate"], "entity-type": "company", "start": 138, "end": 146, "index": [28]}]}, {"sentence": ["\u540e\u7aef\u91c7\u7528", "Go", "\u8bed\u8a00\u8fdb\u884c\u5f00\u53d1\u3002"], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 5, "end": 6, "index": [1]}]}, {"sentence": ["SQL", "Roadmap"], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["ios", ":", "A", "Swift", "Native", "binary", "(", "planned", ")", "."], "golden-entity-mentions": [{"text": ["Swift"], "entity-type": "language", "start": 7, "end": 11, "index": [3]}]}, {"sentence": ["On", "WSL", ",", "it", "'s", "recommended", "that", "the", "WIN32", "interop", "feature", "be", "disabled", ":"], "golden-entity-mentions": [{"text": ["WSL"], "entity-type": "platform", "start": 3, "end": 5, "index": [1]}]}, {"sentence": ["pnpm", "bootstrap"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Aider", "works", "well", "with", "GPT-4o", ",", "Claude", "3", "Opus", ",", "GPT-3.5", "and", "supports", "connecting", "to", "almost", "any", "LLM", "."], "golden-entity-mentions": [{"text": ["GPT-4o"], "entity-type": "platform", "start": 22, "end": 27, "index": [4]}, {"text": ["Claude", "3", "Opus"], "entity-type": "platform", "start": 30, "end": 42, "index": [6, 7, 8]}, {"text": ["GPT-3.5"], "entity-type": "platform", "start": 45, "end": 51, "index": [10]}, {"text": ["LLM"], "entity-type": "platform", "start": 91, "end": 93, "index": [17]}]}, {"sentence": ["Credits", "Meta", ",", "MedAlpaca", ",", "Apache", ",", "MLC", "Chat", "&", "OctoML"], "golden-entity-mentions": [{"text": ["Apache"], "entity-type": "license", "start": 25, "end": 30, "index": [5]}]}, {"sentence": ["Release", "OpenXLab", "Demo", "."], "golden-entity-mentions": [{"text": ["OpenXLab"], "entity-type": "company", "start": 8, "end": 15, "index": [1]}]}, {"sentence": ["FAIR", ",", "Meta", "AI"], "golden-entity-mentions": [{"text": ["Meta", "AI"], "entity-type": "company", "start": 6, "end": 12, "index": [2, 3]}]}, {"sentence": ["Turborepo", "\u2013", "monorepo"], "golden-entity-mentions": [{"text": ["Turborepo"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Apache", "Spark"], "golden-entity-mentions": [{"text": ["Apache", "Spark"], "entity-type": "Framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["If", "you", "would", "like", "to", "run", "this", "in", "a", "standardized", "development", "environment", "(", "a", "[", "'devcontainer", "'", "]", "(", "https", ":", "//code.visualstudio.com/docs/devcontainers/containers", ")", ")", "using", "[", "vscode", "locally", "]", "(", "https", ":", "//code.visualstudio.com/docs/devcontainers/create-dev-container", "#", "_create-a-devcontainerjson-file", ")", "or", "in", "a", "web", "browser", "using", "[", "GitHub", "Codespaces", "]", "(", "https", ":", "//github.com/features/codespaces", ")", ",", "you", "can", "use", "the", "provided", "[", "`", ".devcontainer", "`", "]", "(", ".devcontainer/", ")", "folder", "."], "golden-entity-mentions": [{"text": ["vscode"], "entity-type": "platform", "start": 161, "end": 166, "index": [26]}, {"text": ["GitHub", "Codespaces"], "entity-type": "platform", "start": 307, "end": 323, "index": [43, 44]}]}, {"sentence": ["Run", "the", "agent", "with", "FastAPI", "."], "golden-entity-mentions": [{"text": ["FastAPI"], "entity-type": "platform", "start": 19, "end": 25, "index": [4]}]}, {"sentence": ["A", "tool", "for", "deploying", "WSGI", "applications", "on", "AWS", "Lambda", "and", "API", "Gateway", "."], "golden-entity-mentions": [{"text": ["AWS", "Lambda"], "entity-type": "platform", "start": 42, "end": 51, "index": [7, 8]}, {"text": ["API", "Gateway"], "entity-type": "platform", "start": 57, "end": 67, "index": [10, 11]}]}, {"sentence": ["For", "botting", "on", "any", "operating", "system", "-", "Windows", ",", "macOS", "and", "Linux", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 38, "end": 44, "index": [7]}, {"text": ["macOS"], "entity-type": "platform", "start": 47, "end": 51, "index": [9]}, {"text": ["Linux"], "entity-type": "platform", "start": 57, "end": 61, "index": [11]}]}, {"sentence": ["Open", "Interpreter", "uses", "[", "LiteLLM", "]", "(", "https", ":", "//docs.litellm.ai/docs/providers/", ")", "to", "connect", "to", "hosted", "language", "models", "."], "golden-entity-mentions": [{"text": ["LiteLLM"], "entity-type": "framework", "start": 23, "end": 29, "index": [4]}]}, {"sentence": ["A", "plugin", "for", "Vite", "used", "for", "developing", "and", "bundling", "animations", "."], "golden-entity-mentions": [{"text": ["Vite"], "entity-type": "platform", "start": 13, "end": 16, "index": [3]}]}, {"sentence": ["All", "algorithms", "implemented", "in", "Python", "-", "for", "education"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [4]}]}, {"sentence": ["<", "em", ">", "The", "Angular", "CLI", "is", "a", "command-line", "interface", "tool", "that", "you", "use", "to", "initialize", ",", "develop", ",", "scaffold", ",", "and", "maintain", "Angular", "applications", "directly", "from", "a", "command", "shell.", "<", "/em", ">"], "golden-entity-mentions": [{"text": ["Angular"], "entity-type": "framework", "start": 8, "end": 14, "index": [4]}]}, {"sentence": ["Gorilla", ":", "Large", "Language", "Model", "Connected", "with", "Massive", "APIs", "."], "golden-entity-mentions": [{"text": ["Gorilla"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Databricks", "\u2019", "Dolly", "is", "an", "instruction-following", "large", "language", "model", "trained", "on", "the", "Databricks", "machine", "learning", "platform", "that", "is", "licensed", "for", "commercial", "use", "."], "golden-entity-mentions": [{"text": ["Databricks"], "entity-type": "company", "start": 0, "end": 9, "index": [0]}, {"text": ["commercial", "use"], "entity-type": "license", "start": 140, "end": 153, "index": [20, 21]}]}, {"sentence": ["\ud83e\udd16", "DB-GPT", "is", "an", "open", "source", "AI", "native", "data", "app", "development", "framework", "with", "AWEL", "(", "Agentic", "Workflow", "Expression", "Language", ")", "and", "agents", "."], "golden-entity-mentions": [{"text": ["DB-GPT"], "entity-type": "platform", "start": 2, "end": 7, "index": [1]}, {"text": ["AWEL"], "entity-type": "platform", "start": 73, "end": 76, "index": [13]}, {"text": ["DB-GPT"], "entity-type": "framework", "start": 2, "end": 7, "index": [1]}, {"text": ["AWEL"], "entity-type": "framework", "start": 73, "end": 76, "index": [13]}]}, {"sentence": ["Rate", "on", "Microsoft", "Store", "as", "of", "5/7/2024"], "golden-entity-mentions": [{"text": ["Microsoft", "Store"], "entity-type": "platform", "start": 8, "end": 22, "index": [2, 3]}]}, {"sentence": ["Berkeley", "."], "golden-entity-mentions": [{"text": ["Berkeley"], "entity-type": "company", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["You", "can", "find", "me", "(", "BlinkDL", ")", "in", "the", "EleutherAI", "Discord", "too", ":", "https", ":", "//www.eleuther.ai/get-involved/"], "golden-entity-mentions": [{"text": ["EleutherAI"], "entity-type": "company", "start": 33, "end": 42, "index": [9]}]}, {"sentence": ["You", "may", "use", "Windows", ",", "macOS", ",", "or", "Linux", "as", "your", "development", "operating", "system", ",", "though", "building", "and", "running", "iOS", "apps", "is", "limited", "to", "macOS", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 12, "end": 18, "index": [3]}, {"text": ["macOS"], "entity-type": "platform", "start": 21, "end": 25, "index": [5]}, {"text": ["Linux"], "entity-type": "platform", "start": 31, "end": 35, "index": [8]}]}, {"sentence": ["k-diffusion", "-", "https", ":", "//github.com/crowsonkb/k-diffusion.git"], "golden-entity-mentions": [{"text": ["k-diffusion"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["Data", "Science", "@", "Tinder"], "golden-entity-mentions": [{"text": ["Tinder"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["The", "cutest", "Discord", "client", "mod"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 11, "end": 17, "index": [2]}]}, {"sentence": ["Supervision", "was", "designed", "to", "be", "model", "agnostic", ".", "Just", "plug", "in", "any", "classification", ",", "detection", ",", "or", "segmentation", "model", ".", "For", "your", "convenience", ",", "we", "have", "created", "[", "connectors", "]", "(", "https", ":", "//supervision.roboflow.com/latest/detection/core/", "#", "detections", ")", "for", "the", "most", "popular", "libraries", "like", "Ultralytics", ",", "Transformers", ",", "or", "MMDetection", "."], "golden-entity-mentions": [{"text": ["Ultralytics"], "entity-type": "framework", "start": 269, "end": 279, "index": [43]}, {"text": ["Transformers"], "entity-type": "framework", "start": 282, "end": 293, "index": [45]}, {"text": ["MMDetection"], "entity-type": "framework", "start": 299, "end": 309, "index": [48]}]}, {"sentence": ["The", "course", "is", "built", "using", "a", "few", "tools", ":", "[", "mdbook-exerciser", "]", "(", "mdbook-exerciser/", ")"], "golden-entity-mentions": [{"text": ["mdbook-exerciser"], "entity-type": "Framework", "start": 40, "end": 55, "index": [10]}]}, {"sentence": ["Vue", "Roadmap"], "golden-entity-mentions": [{"text": ["Vue"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["uBlock", "Origin", "(", "uBO", ")", "is", "a", "CPU", "and", "memory-efficient", "wide-spectrum", "content", "blocker", "for", "Chromium", "and", "Firefox", "."], "golden-entity-mentions": [{"text": ["uBlock", "Origin"], "entity-type": "framework", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["The", "code", "in", "`", "constants.py", "`", "uses", "a", "`", "DOCUMENT_MAP", "`", "dictionary", "to", "map", "a", "file", "format", "to", "the", "corresponding", "loader", ".", "In", "order", "to", "add", "support", "for", "another", "file", "format", ",", "simply", "add", "this", "dictionary", "with", "the", "file", "format", "and", "the", "corresponding", "loader", "from", "[", "LangChain", "]", "(", "https", ":", "//python.langchain.com/docs/modules/data_connection/document_loaders/", ")", "."], "golden-entity-mentions": [{"text": ["`", "DOCUMENT_MAP", "`", "dictionary"], "entity-type": "language", "start": 34, "end": 58, "index": [3, 9, 3, 11]}]}, {"sentence": ["You", "'ll", "need", "to", "have", "[", "Node.js", "]", "(", "https", ":", "//nodejs.org/en/", ")", "and", "[", "Yarn", "]", "(", "https", ":", "//yarnpkg.com/", ")", "installed", ".", "Then", "run", "the", "following", "commands", "to", "install", "dependencies", "and", "launch", "StableStudio", "."], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "language", "start": 21, "end": 27, "index": [6]}, {"text": ["Yarn"], "entity-type": "language", "start": 59, "end": 62, "index": [15]}]}, {"sentence": ["Misskey", "Documentation", "can", "be", "found", "at", "[", "Misskey", "Hub", "]", "(", "https", ":", "//misskey-hub.net/docs/", ")", ",", "some", "of", "the", "links", "and", "graphics", "above", "also", "lead", "to", "specific", "portions", "of", "it", "."], "golden-entity-mentions": [{"text": ["Misskey", "Hub"], "entity-type": "platform", "start": 39, "end": 49, "index": [0, 8]}]}, {"sentence": ["In", "case", "you", "want", "to", "alter", "FiraCode.glyphs", "and", "build", "OTF/TTF/WOFF", "files", "yourself", ",", "this", "is", "the", "setup", "I", "use", "on", "macOS", ":"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 108, "end": 112, "index": [20]}]}, {"sentence": ["Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "Platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["MagicMirror\u00b2", "focuses", "on", "a", "modular", "plugin", "system", "and", "uses", "[", "Electron", "]", "(", "https", ":", "//www.electronjs.org/", ")", "as", "an", "application", "wrapper", "."], "golden-entity-mentions": [{"text": ["Electron"], "entity-type": "platform", "start": 58, "end": 65, "index": [10]}, {"text": ["Electron"], "entity-type": "framework", "start": 58, "end": 65, "index": [10]}]}, {"sentence": ["Written", "by", "David", "Beazley", ",", "author", "of", "the", "Python", "Cookbook", ",", "3rd", "Edition", "(", "O'Reilly", ")", "and", "Python", "Distilled", "(", "Addison-Wesley", ")", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 40, "end": 45, "index": [8]}, {"text": ["Python", "Distilled"], "entity-type": "language", "start": 84, "end": 99, "index": [8, 18]}, {"text": ["O'Reilly"], "entity-type": "company", "start": 70, "end": 77, "index": [14]}, {"text": ["Addison-Wesley"], "entity-type": "company", "start": 102, "end": 115, "index": [20]}]}, {"sentence": ["ui", ":", "sdl", ",", "qt"], "golden-entity-mentions": [{"text": ["sdl"], "entity-type": "framework", "start": 4, "end": 6, "index": [2]}, {"text": ["qt"], "entity-type": "framework", "start": 9, "end": 10, "index": [4]}]}, {"sentence": ["All", "code", "in", "this", "repository", "was", "developed", "by", "Together", "Computer", "except", "where", "otherwise", "noted", ".", "Copyright", "(", "c", ")", "2023", ",", "Together", "Computer", ".", "All", "rights", "reserved", ".", "The", "code", "is", "licensed", "under", "the", "Apache", "2.0", "license", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0", "license"], "entity-type": "license", "start": 184, "end": 201, "index": [34, 35, 36]}]}, {"sentence": ["Tech", "Stack", "-", "Tailwind", "-", "CSS"], "golden-entity-mentions": [{"text": ["Tailwind"], "entity-type": "framework", "start": 13, "end": 20, "index": [3]}]}, {"sentence": ["`", "codestral-22B-v0.1.tar", "`", "has", "a", "custom", "non-commercial", "license", ",", "called", "Mistral", "AI", "Non-Production", "(", "MNPL", ")", "License", "."], "golden-entity-mentions": [{"text": ["Mistral", "AI", "Non-Production", "(", "MNPL", ")", "License"], "entity-type": "license", "start": 69, "end": 108, "index": [10, 11, 12, 13, 14, 15, 16]}]}, {"sentence": ["You", "can", "implement", "high-performance", "computations", "using", "another", "programming", "language", "(", "except", "for", "SQL", ")", "after", "you", "learn", "these", "algorithms", "."], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "language", "start": 95, "end": 97, "index": [12]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "Apache", "2.0", "License", "-", "see", "the", "LICENSE", "file", "for", "details", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0", "License"], "entity-type": "licenses", "start": 35, "end": 52, "index": [6, 7, 8]}]}, {"sentence": ["$", "npm", "install", "lit-html"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 2, "end": 4, "index": [1]}]}, {"sentence": ["[", "Outreachy", "]", "(", "https", ":", "//www.outreachy.org/", ")", "."], "golden-entity-mentions": [{"text": ["Outreachy"], "entity-type": "company", "start": 1, "end": 9, "index": [1]}]}, {"sentence": ["Trl", "(", "Transformer", "Reinforcement", "Learning", ".", "And", "fine-tuning", ".", ")"], "golden-entity-mentions": [{"text": ["Trl"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Data", "Science", "@", "Booking.com"], "golden-entity-mentions": [{"text": ["Booking.com"], "entity-type": "Company", "start": 14, "end": 24, "index": [3]}]}, {"sentence": ["Audio", "transcription", "with", "whisper.cpp"], "golden-entity-mentions": [{"text": ["whisper.cpp"], "entity-type": "language", "start": 25, "end": 35, "index": [3]}]}, {"sentence": ["GitHub", "Codespaces", "provides", "a", "web-based", "version", "of", "Visual", "Studio", "Code", "and", "a", "cloud-hosted", "development", "environment", "fully", "configured", "with", "the", "software", "needed", "for", "this", "project", "."], "golden-entity-mentions": [{"text": ["GitHub", "Codespaces"], "entity-type": "company", "start": 0, "end": 16, "index": [0, 1]}, {"text": ["Visual", "Studio", "Code"], "entity-type": "company", "start": 50, "end": 67, "index": [7, 8, 9]}]}, {"sentence": ["MIT", "Technology", "Review", ":", "ChatGPT", "is", "about", "to", "revolutionize", "the", "economy", "."], "golden-entity-mentions": [{"text": ["MIT", "Technology", "Review"], "entity-type": "company", "start": 0, "end": 20, "index": [0, 1, 2]}, {"text": ["ChatGPT"], "entity-type": "company", "start": 23, "end": 29, "index": [4]}]}, {"sentence": ["HTX", "(", "Former", "Huobi", ")", "."], "golden-entity-mentions": [{"text": ["HTX"], "entity-type": "company", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Vicuna-7B", "is", "based", "on", "the", "Llama", "model", "so", "that", "has", "the", "original", "Llama", "license", "."], "golden-entity-mentions": [{"text": ["Llama", "license"], "entity-type": "license", "start": 63, "end": 75, "index": [5, 13]}]}, {"sentence": ["Streamlit", "is", "completely", "free", "and", "open-source", "and", "licensed", "under", "the", "[", "Apache", "2.0", "]", "(", "https", ":", "//www.apache.org/licenses/LICENSE-2.0", ")", "license", "."], "golden-entity-mentions": [{"text": ["Apache"], "entity-type": "company", "start": 69, "end": 74, "index": [11]}, {"text": ["Apache", "2.0"], "entity-type": "license", "start": 69, "end": 78, "index": [11, 12]}]}, {"sentence": ["OCaml", "&", "Angstrom", ",", "for", "the", "document", "parser", "[", "mldoc", "]", "(", "https", ":", "//github.com/logseq/mldoc", ")"], "golden-entity-mentions": [{"text": ["OCaml"], "entity-type": "company", "start": 1, "end": 5, "index": [0]}, {"text": ["Angstrom"], "entity-type": "company", "start": 11, "end": 18, "index": [2]}]}, {"sentence": ["If", "you", "do", "n't", "have", "git", "on", "your", "machine", ",", "install", "it", "."], "golden-entity-mentions": [{"text": ["git"], "entity-type": "platform", "start": 18, "end": 20, "index": [5]}]}, {"sentence": ["A", "Transformer", "sequence-to-sequence", "model", "is", "trained", "on", "various", "speech", "processing", "tasks", ",", "including", "multilingual", "speech", "recognition", ",", "speech", "translation", ",", "spoken", "language", "identification", ",", "and", "voice", "activity", "detection", "."], "golden-entity-mentions": [{"text": ["Transformer"], "entity-type": "framework", "start": 2, "end": 12, "index": [1]}]}, {"sentence": ["Pythia-Chat-Base-7B", "is", "a", "7B-parameter", "fine-tuned", "variant", "of", "Pythia-6.9B-deduped", "from", "Eleuther", "AI", "."], "golden-entity-mentions": [{"text": ["Pythia-6.9B-deduped"], "entity-type": "framework", "start": 60, "end": 78, "index": [7]}]}, {"sentence": ["If", "you", "want", "to", "use", "multi-modal", "models", ":"], "golden-entity-mentions": [{"text": ["multi-modal"], "entity-type": "platform", "start": 19, "end": 29, "index": [5]}]}, {"sentence": ["Make", "sure", "you", "have", "Python", "3.10", "or", "3.11", "installed", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 19, "end": 24, "index": [4]}]}, {"sentence": ["In", "a", "conda", "env", "with", "PyTorch", "/", "CUDA", "available", "clone", "and", "download", "this", "repository", "."], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "platform", "start": 30, "end": 33, "index": [7]}]}, {"sentence": ["License", ":", "AGPLv3"], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "License", "start": 9, "end": 14, "index": [2]}]}, {"sentence": ["It", "requires", "Python", "3.7", "or", "higher", ",", "check", "your", "Python", "version", "first", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 12, "end": 17, "index": [2]}, {"text": ["Python"], "entity-type": "language", "start": 12, "end": 17, "index": [2]}]}, {"sentence": ["On", "Mac", "and", "Linux", "a", "small", "version", "of", "Vim", "is", "pre-installed", ",", "you", "still", "need", "to", "install", "Vim", "if", "you", "want", "more", "features", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 3, "end": 5, "index": [1]}, {"text": ["Linux"], "entity-type": "platform", "start": 11, "end": 15, "index": [3]}]}, {"sentence": ["Extra", "special", "thanks", "to", "the", "OpenCore", "team", "over", "at", ":", "https", ":", "//github.com/acidanthera/OpenCorePkg", "."], "golden-entity-mentions": [{"text": ["OpenCore"], "entity-type": "company", "start": 28, "end": 35, "index": [5]}]}, {"sentence": ["Training", "is", "possible", "on", "other", "GPU", "instance", "types", ",", "for", "smaller", "Dolly", "model", "sizes", ",", "and", "with", "small", "modifications", "to", "reduce", "memory", "usage", "."], "golden-entity-mentions": [{"text": ["GPU", "instance", "types"], "entity-type": "platform", "start": 30, "end": 47, "index": [5, 6, 7]}]}, {"sentence": ["The", "core", "(", "sdcore", ")", "is", "written", "in", "pure", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 37, "end": 40, "index": [9]}]}, {"sentence": ["pip", "install", "numpy", "torch", "datasets", "huggingface_hub", "transformers", "trl", "bitsandbytes", "sentencepiece", "openai", "tvm", "peft", "onnx"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Instructions", "on", "how", "to", "do", "this", "on", "different", "platforms", "are", "here", "."], "golden-entity-mentions": [{"text": ["different", "platforms"], "entity-type": "platform", "start": 34, "end": 52, "index": [7, 8]}]}, {"sentence": ["Source", "code", "is", "licensed", "under", "the", "Apache", "License", ",", "Version", "2.0", "."], "golden-entity-mentions": [{"text": ["Apache", "License", ",", "Version", "2.0"], "entity-type": "license", "start": 34, "end": 60, "index": [6, 7, 8, 9, 10]}]}, {"sentence": ["Node.js", ":", "withcatai/node-llama-cpp"], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "language", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["The", "Twilio", "blog", "has", "a", "deeper", "dive", "to", "learn", "more", "."], "golden-entity-mentions": [{"text": ["Twilio"], "entity-type": "company", "start": 4, "end": 9, "index": [1]}]}, {"sentence": ["Minimum", "Required", "Version", ":", "Python", "3.9"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 26, "end": 31, "index": [4]}]}, {"sentence": ["TypeScript", "\u2013", "language"], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["React", "Native", "Roadmap"], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["JavaScript", "framework", "for", "writing", "natively", "rendering", "mobile", "apps", "for", "iOS", "and", "Android", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}, {"text": ["iOS"], "entity-type": "platform", "start": 68, "end": 70, "index": [9]}, {"text": ["Android"], "entity-type": "platform", "start": 76, "end": 82, "index": [11]}]}, {"sentence": ["Manageable", "via", "Telegram", "."], "golden-entity-mentions": [{"text": ["Telegram"], "entity-type": "framework", "start": 15, "end": 22, "index": [2]}]}, {"sentence": ["ruff", "can", "be", "used", "as", "a", "pre-commit", "hook", "via", "ruff-pre-commit", "."], "golden-entity-mentions": [{"text": ["pre-commit"], "entity-type": "framework", "start": 22, "end": 31, "index": [6]}]}, {"sentence": ["\ud83d\udcd8", "Python", "Notebook", "provides", "an", "interactive", "Python", "notebook", "that", "can", "run", "Python", "code", "to", "validate", "ideas", ",", "draw", "figures", ",", "etc", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 2, "end": 7, "index": [1]}]}, {"sentence": ["This", "repository", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "licenses", "start": 38, "end": 48, "index": [6, 7]}]}, {"sentence": ["JavaScript", "Roadmap"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["ModelScope", "Library", "currently", "supports", "popular", "deep", "learning", "framework", "for", "model", "training", "and", "inference", ",", "including", "PyTorch", ",", "TensorFlow", "and", "ONNX", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "platform", "start": 114, "end": 120, "index": [15]}, {"text": ["TensorFlow"], "entity-type": "platform", "start": 123, "end": 132, "index": [17]}, {"text": ["ONNX"], "entity-type": "platform", "start": 138, "end": 141, "index": [19]}]}, {"sentence": ["Ensure", "you", "have", "the", "following", "installed", ":", "Docker", ",", "Docker", "Compose", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 41, "end": 46, "index": [7]}, {"text": ["Docker", "Compose"], "entity-type": "platform", "start": 49, "end": 62, "index": [7, 10]}]}, {"sentence": ["For", "example", ",", "when", "installed", "from", "GitHub", "(", "as", "opposed", "to", "from", "a", "prepackaged", "archive", ")", ",", "the", "Flutter", "tool", "will", "download", "the", "Dart", "SDK", "from", "Google", "servers", "immediately", "when", "first", "run", ",", "as", "it", "is", "used", "to", "execute", "the", "flutter", "tool", "itself", "."], "golden-entity-mentions": [{"text": ["Dart"], "entity-type": "language", "start": 119, "end": 122, "index": [23]}]}, {"sentence": ["MacOS", ":", "~/Library/Application\\", "Support/ai.bloop.bloop/bleep/logs"], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Message", "Mckay", "on", "[", "Twitter/X", "]", "(", "https", ":", "//twitter.com/mckaywrigley", ")"], "golden-entity-mentions": [{"text": ["Twitter/X"], "entity-type": "company", "start": 18, "end": 26, "index": [4]}]}, {"sentence": ["HashiCorp", "Discuss"], "golden-entity-mentions": [{"text": ["HashiCorp"], "entity-type": "company", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Tech", "Stack", "-", "Stripe", "-", "Payments"], "golden-entity-mentions": [{"text": ["Stripe"], "entity-type": "company", "start": 13, "end": 18, "index": [3]}]}, {"sentence": ["Edge", "position", "sizing", ":", "Calculate", "your", "win", "rate", ",", "risk", "reward", "ratio", ",", "the", "best", "stoploss", "and", "adjust", "your", "position", "size", "before", "taking", "a", "position", "for", "each", "specific", "market", "."], "golden-entity-mentions": [{"text": ["Edge", "position", "sizing"], "entity-type": "framework", "start": 0, "end": 19, "index": [0, 1, 2]}]}, {"sentence": ["We", "use", "the", "most", "up-to-date", "AI", "technology", "to", "power", "your", "AI", "character", ",", "including", "OpenAI", ",", "Anthropic", "Claude", "2", ",", "Chroma", ",", "Whisper", ",", "ElevenLabs", ",", "etc", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 79, "end": 84, "index": [14]}, {"text": ["Anthropic"], "entity-type": "company", "start": 87, "end": 95, "index": [16]}, {"text": ["Chroma"], "entity-type": "company", "start": 107, "end": 112, "index": [20]}, {"text": ["ElevenLabs"], "entity-type": "company", "start": 124, "end": 133, "index": [24]}]}, {"sentence": ["Let", "us", "not", "expect", "Wall", "Street", "to", "open-source", "LLMs", "or", "open", "APIs", ",", "due", "to", "FinTech", "institutes", "'", "internal", "regulations", "and", "policies", "."], "golden-entity-mentions": [{"text": ["Wall", "Street"], "entity-type": "platform", "start": 18, "end": 28, "index": [4, 5]}, {"text": ["LLMs"], "entity-type": "platform", "start": 45, "end": 48, "index": [8]}, {"text": ["open", "APIs"], "entity-type": "platform", "start": 53, "end": 61, "index": [10, 11]}, {"text": ["FinTech", "institutes"], "entity-type": "platform", "start": 71, "end": 88, "index": [15, 16]}]}, {"sentence": ["Cached", "Embedding", ",", "utilize", "software", "cache", "to", "train", "larger", "embedding", "tables", "with", "a", "smaller", "GPU", "memory", "budget", "."], "golden-entity-mentions": [{"text": ["Cached", "Embedding"], "entity-type": "platform", "start": 0, "end": 15, "index": [0, 1]}]}, {"sentence": ["This", "project", "is", "maintained", "by", "Sick.Codes", "."], "golden-entity-mentions": [{"text": ["Sick.Codes"], "entity-type": "company", "start": 30, "end": 39, "index": [5]}]}, {"sentence": ["Join", "the", "[", "course", "Telegram", "channel", "with", "announcements", "]", "(", "https", ":", "//t.me/dezoomcamp", ")"], "golden-entity-mentions": [{"text": ["Telegram"], "entity-type": "Company", "start": 17, "end": 24, "index": [4]}]}, {"sentence": ["Or", ",", "if", "you", "'re", "using", "Gentoo", ":", "sudo", "emerge", "pipenv"], "golden-entity-mentions": [{"text": ["Gentoo"], "entity-type": "platform", "start": 20, "end": 25, "index": [6]}]}, {"sentence": ["On", "Mac", ",", "use", "clang", "from", "brew", "for", "openmp", "build", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 3, "end": 5, "index": [1]}]}, {"sentence": ["Misskey", "is", "an", "open", "source", ",", "decentralized", "social", "media", "platform", "that", "'s", "free", "forever", "!", "\ud83d\ude80"], "golden-entity-mentions": [{"text": ["Misskey"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["If", "you", "'re", "linking", "the", "`", "ui", "`", "package", ",", "you", "'ll", "also", "need", "to", "modify", "`", "vite.config.ts", "`", "to", "allow", "vite", "to", "load", "external", "files", ":"], "golden-entity-mentions": [{"text": ["vite"], "entity-type": "platform", "start": 64, "end": 67, "index": [21]}]}, {"sentence": ["Run", "yarn", "to", "install", "required", "packages"], "golden-entity-mentions": [{"text": ["yarn"], "entity-type": "language", "start": 4, "end": 7, "index": [1]}]}, {"sentence": ["LazyVim", "is", "a", "Neovim", "setup", "powered", "by", "[", "\ud83d\udca4", "lazy.nvim", "]", "(", "https", ":", "//github.com/folke/lazy.nvim", ")"], "golden-entity-mentions": [{"text": ["lazy.nvim"], "entity-type": "framework", "start": 40, "end": 48, "index": [9]}]}, {"sentence": ["Supports", "macOS", ",", "Linux", ",", "and", "Windows", ".", "Portable", "<", "3mb", "binaries"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 9, "end": 13, "index": [1]}]}, {"sentence": ["User", "Installation", ":", "-", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 21, "end": 26, "index": [4]}]}, {"sentence": ["npm", "install", "pnpm", "-g"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 0, "end": 2, "index": [0]}, {"text": ["pnpm"], "entity-type": "platform", "start": 12, "end": 15, "index": [2]}]}, {"sentence": ["PowerShell", "is", "licensed", "under", "the", "[", "MIT", "license", "]", "(", "https", ":", "//github.com/PowerShell/PowerShel/tree/master/LICENSE.txt", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "license", "start": 34, "end": 44, "index": [6, 7]}]}, {"sentence": ["Spandrel", "-", "https", ":", "//github.com/chaiNNer-org/spandrel", "implementing"], "golden-entity-mentions": [{"text": ["Spandrel"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Typst", "is", "a", "new", "markup-based", "typesetting", "system", "that", "is", "designed", "to", "be", "as", "powerful", "as", "LaTeX", "while", "being", "much", "easier", "to", "learn", "and", "use", "."], "golden-entity-mentions": [{"text": ["Typst"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}, {"text": ["LaTeX"], "entity-type": "framework", "start": 85, "end": 89, "index": [15]}]}, {"sentence": ["Note", "2", ":", "Currently", ",", "OpenCore", "Legacy", "Patcher", "officially", "supports", "patching", "to", "run", "macOS", "Big", "Sur", "through", "Sonoma", "installs", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 79, "end": 83, "index": [13]}]}, {"sentence": ["Python", "3.7+", "&", "dependencies", "(", "specified", "in", "`", "setup.py", "`", ")"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["ESLint", "adheres", "to", "the", "JS", "Foundation", "Code", "of", "Conduct", "."], "golden-entity-mentions": [{"text": ["JS", "Foundation"], "entity-type": "company", "start": 22, "end": 34, "index": [4, 5]}]}, {"sentence": ["Community", "tested", "Exchanges", "confirmed", "working", "by", "the", "community", "."], "golden-entity-mentions": [{"text": ["Community", "tested", "Exchanges"], "entity-type": "platform", "start": 0, "end": 25, "index": [0, 1, 2]}]}, {"sentence": ["The", "libraries", "(", "cuBLAS", ",", "cuDNN", ")", "are", "installed", "in", "these", "official", "NVIDIA", "CUDA", "Docker", "images", "."], "golden-entity-mentions": [{"text": ["NVIDIA"], "entity-type": "company", "start": 62, "end": 67, "index": [12]}]}, {"sentence": ["If", "you", "'re", "linking", "the", "`", "ui", "`", "package", ",", "you", "'ll", "also", "need", "to", "modify", "`", "vite.config.ts", "`", "to", "allow", "vite", "to", "load", "external", "files", ":"], "golden-entity-mentions": [{"text": ["vite"], "entity-type": "platform", "start": 64, "end": 67, "index": [21]}]}, {"sentence": ["Check", "out", "my", "Data", "Engineering", "Academy", "at", "LearnDataEngineering.com", "trusted", "by", "almost", "2,000", "students", "!"], "golden-entity-mentions": [{"text": ["LearnDataEngineering.com"], "entity-type": "Platform", "start": 41, "end": 64, "index": [7]}]}, {"sentence": ["Bun", "'s", "built-in", "tools", "are", "significantly", "faster", "than", "existing", "options", "and", "usable", "in", "existing", "Node.js", "projects", "with", "little", "to", "no", "changes", "."], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "framework", "start": 91, "end": 97, "index": [14]}]}, {"sentence": ["With", "a", "little", "bit", "of", "TypeScript", ",", "you", "can", "[", "create", "your", "own", "plugin", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/packages/stablestudio-plugin/README.md", ")", "and", "use", "StableStudio", "with", "any", "back-end", "you", "want", "!"], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 21, "end": 30, "index": [5]}]}, {"sentence": ["Elasticsearch"], "golden-entity-mentions": [{"text": ["Elasticsearch"], "entity-type": "Framework", "start": 0, "end": 12, "index": [0]}]}, {"sentence": ["By", "'modern", "C++", "'", "we", "mean", "C++11", "and", "newer", "."], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "Language", "start": 11, "end": 13, "index": [2]}]}, {"sentence": ["Open", "[", "Azure", "App", "Registration", "]", "(", "https", ":", "//portal.azure.com/", "#", "blade/Microsoft_AAD_IAM/ActiveDirectoryMenuBlade/RegisteredApps", ")", "and", "select", "New", "registration"], "golden-entity-mentions": [{"text": ["Azure", "App", "Registration"], "entity-type": "platform", "start": 6, "end": 27, "index": [2, 3, 4]}]}, {"sentence": ["Follow", "Nx", "on", "Twitter"], "golden-entity-mentions": [{"text": ["Twitter"], "entity-type": "company", "start": 13, "end": 19, "index": [3]}]}, {"sentence": ["This", "project", "has", "adopted", "the", "[", "Microsoft", "Open", "Source", "Code", "of", "Conduct", "]", "(", "https", ":", "//opensource.microsoft.com/codeofconduct/", ")", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 30, "end": 38, "index": [6]}]}, {"sentence": ["Gorilla", "is", "Apache", "2.0"], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 11, "end": 20, "index": [2, 3]}]}, {"sentence": ["Release", "FastSAM", "Replicate", "Online", "Demo", "."], "golden-entity-mentions": [{"text": ["FastSAM"], "entity-type": "company", "start": 8, "end": 14, "index": [1]}, {"text": ["Replicate"], "entity-type": "company", "start": 16, "end": 24, "index": [2]}]}, {"sentence": ["FaceSwap", "is", "a", "Python", "program", "that", "will", "run", "on", "multiple", "Operating", "Systems", "including", "Windows", ",", "Linux", ",", "and", "MacOS", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["[", "Homepage", "]", "[", "homepage", "]", "\u2022", "[", "Discord", "]", "[", "discord", "]", "\u2022", "[", "GitHub", "]", "[", "github", "]", "\u2022", "[", "Codeberg", "]", "[", "codeberg", "]"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 45, "end": 50, "index": [15]}, {"text": ["Codeberg"], "entity-type": "company", "start": 64, "end": 71, "index": [22]}]}, {"sentence": ["Native", "iOS", "app", "(", "source", ")"], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "platform", "start": 7, "end": 9, "index": [1]}]}, {"sentence": ["Spectro", "Cloud", "kindly", "supports", "LocalAI", "by", "providing", "GPU", "and", "computing", "resources", "to", "run", "tests", "on", "lamdalabs", "!"], "golden-entity-mentions": [{"text": ["Spectro", "Cloud"], "entity-type": "company", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["1", ".", "Install", "[", "Python", "3.10.6", "]", "(", "https", ":", "//www.python.org/downloads/release/python-3106/", ")", "(", "Newer", "version", "of", "Python", "does", "not", "support", "torch", ")", ",", "checking", "``", "Add", "Python", "to", "PATH", "''", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 12, "end": 17, "index": [4]}]}, {"sentence": ["#", "with", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 7, "end": 12, "index": [2]}]}, {"sentence": ["\ud83d\udda5\ufe0f", "Shell", "provides", "a", "bash", "shell", "tool", "that", "can", "execute", "any", "shell", "commands", ",", "even", "install", "programs", "and", "host", "services", "."], "golden-entity-mentions": [{"text": ["Shell"], "entity-type": "platform", "start": 3, "end": 7, "index": [1]}]}, {"sentence": ["The", "same", "code", "can", "then", "be", "run", "without", "modification", "on", "your", "local", "machine", "for", "debugging", "or", "your", "training", "environment", "."], "golden-entity-mentions": [{"text": ["local", "machine"], "entity-type": "platform", "start": 59, "end": 71, "index": [11, 12]}]}, {"sentence": ["OpenChatKit", "models", "were", "trained", "on", "the", "OIG-43M", "training", "dataset", ",", "which", "was", "a", "collaboration", "between", "[", "Together", "]", "(", "https", ":", "//www.together.xyz/", ")", ",", "[", "LAION", "]", "(", "https", ":", "//laion.ai", ")", ",", "and", "[", "Ontocord.ai", "]", "(", "https", ":", "//ontocord.ai", ")", "."], "golden-entity-mentions": [{"text": ["Together"], "entity-type": "company", "start": 100, "end": 107, "index": [16]}, {"text": ["LAION"], "entity-type": "company", "start": 139, "end": 143, "index": [25]}, {"text": ["Ontocord.ai"], "entity-type": "company", "start": 170, "end": 180, "index": [35]}]}, {"sentence": ["Redis", "4+"], "golden-entity-mentions": [{"text": ["Redis"], "entity-type": "language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Go", ":", "go-skynet/go-llama.cpp"], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 0, "end": 1, "index": [0]}]}, {"sentence": ["A", "Curious", "Course", "on", "Coroutines", "and", "Concurrency"], "golden-entity-mentions": [{"text": ["A", "Curious", "Course", "on", "Coroutines", "and", "Concurrency"], "entity-type": "framework", "start": 0, "end": 45, "index": [0, 1, 2, 3, 4, 5, 6]}]}, {"sentence": ["Download", "DevPod", "Desktop", ":", "-", "Windows"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 27, "end": 33, "index": [5]}]}, {"sentence": ["AMD", "users", "can", "install", "rocm", "and", "pytorch", "with", "pip", "if", "you", "do", "n't", "have", "it", "already", "installed", ",", "this", "is", "the", "command", "to", "install", "the", "stable", "version", ":"], "golden-entity-mentions": [{"text": ["AMD"], "entity-type": "Platform", "start": 0, "end": 2, "index": [0]}, {"text": ["AMD"], "entity-type": "Company", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Profiling", ":", "`", "gprof", "`", ",", "`", "uftrace", "`", ",", "`", "callgrind", "`", ",", "`", "cachegrind", "`", ",", "`", "perf", "`", "Linux", "profiler"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 65, "end": 69, "index": [21]}]}, {"sentence": ["PyTorch", "1.12", "and", "above", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["On", "Linux", ",", "you", "can", "install", "micro", "through", "[", "snap", "]", "(", "https", ":", "//snapcraft.io/docs/core/install", ")"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 3, "end": 7, "index": [1]}]}, {"sentence": ["First", ",", "create", "a", "virtual", "environment", "with", "the", "version", "of", "Python", "you", "'re", "going", "to", "use", "and", "activate", "it", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 56, "end": 61, "index": [10]}, {"text": ["virtual", "environment"], "entity-type": "language", "start": 16, "end": 34, "index": [4, 5]}]}, {"sentence": ["Gradio", "and", "Colab", "Demo", "."], "golden-entity-mentions": [{"text": ["Gradio"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Noodle", "is", "a", "platform", "that", "aims", "to", "solve", "this", "problem", "by", "providing", "a", "single", "platform", "for", "students", "to", "manage", "everything", "to", "do", "with", "their", "education", "."], "golden-entity-mentions": [{"text": ["Noodle"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "minGPT", "library", "is", "three", "files", ":", "[", "mingpt/model.py", "]", "(", "mingpt/model.py", ")", "contains", "the", "actual", "Transformer", "model", "definition", ",", "[", "mingpt/bpe.py", "]", "(", "mingpt/bpe.py", ")", "contains", "a", "mildly", "refactored", "Byte", "Pair", "Encoder", "that", "translates", "between", "text", "and", "sequences", "of", "integers", "exactly", "like", "OpenAI", "did", "in", "GPT", ",", "[", "mingpt/trainer.py", "]", "(", "mingpt/trainer.py", ")", "is", "(", "GPT-independent", ")", "PyTorch", "boilerplate", "code", "that", "trains", "the", "model", "."], "golden-entity-mentions": [{"text": ["Transformer"], "entity-type": "framework", "start": 90, "end": 100, "index": [16]}]}, {"sentence": ["For", "Wayland", ",", "`", "grim", "`", "and", "`", "slurp", "`", "will", "be", "used", "when", "they", "are", "both", "available", "."], "golden-entity-mentions": [{"text": ["Wayland"], "entity-type": "platform", "start": 4, "end": 10, "index": [1]}, {"text": ["grim"], "entity-type": "platform", "start": 14, "end": 17, "index": [4]}, {"text": ["slurp"], "entity-type": "platform", "start": 25, "end": 29, "index": [8]}]}, {"sentence": ["AFFiNE", "is", "an", "open-source", ",", "all-in-one", "workspace", "and", "an", "operating", "system", "for", "all", "the", "building", "blocks", "that", "assemble", "your", "knowledge", "base", "and", "much", "more", "--", "wiki", ",", "knowledge", "management", ",", "presentation", "and", "digital", "assets", "."], "golden-entity-mentions": [{"text": ["AFFiNE"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Openfunctions-v1", ",", "Apache", "2.0", ",", "with", "parallel", "and", "multiple", "function", "calling", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 18, "end": 27, "index": [2, 3]}]}, {"sentence": ["A", "Docusaurus", "website", "has", "been", "created", "to", "provide", "a", "better", "reading", "experience", "."], "golden-entity-mentions": [{"text": ["Docusaurus"], "entity-type": "framework", "start": 2, "end": 11, "index": [1]}]}, {"sentence": ["Integration", ":", "Currently", "integrated", "with", "GPT-4v", ",", "Gemini", "Pro", "Vision", ",", "Claude", "3", "and", "LLaVa", "."], "golden-entity-mentions": [{"text": ["GPT-4v"], "entity-type": "platform", "start": 39, "end": 44, "index": [5]}, {"text": ["Gemini", "Pro", "Vision"], "entity-type": "platform", "start": 47, "end": 63, "index": [7, 8, 9]}, {"text": ["Claude", "3"], "entity-type": "platform", "start": 66, "end": 73, "index": [11, 12]}, {"text": ["LLaVa"], "entity-type": "platform", "start": 79, "end": 83, "index": [14]}]}, {"sentence": ["<", "td", ">", "Linux", "/", "Win", "<", "/td", ">"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 4, "end": 8, "index": [3]}, {"text": ["Win"], "entity-type": "platform", "start": 12, "end": 14, "index": [5]}]}, {"sentence": ["The", "TensorRT", "model", "of", "FlashAttention", "."], "golden-entity-mentions": [{"text": ["TensorRT"], "entity-type": "company", "start": 4, "end": 11, "index": [1]}]}, {"sentence": ["The", "MIT", "License", "...", "Copyright", "(", "c", ")", "2020-2021", "Traversy", "Media", "[", "https", ":", "//traversymedia.com", "]", "(", "https", ":", "//traversymedia.com/", ")"], "golden-entity-mentions": [{"text": ["Traversy", "Media"], "entity-type": "company", "start": 43, "end": 56, "index": [9, 10]}]}, {"sentence": ["Special", "thanks", "to", "these", "amazing", "projects", "which", "help", "power", "AppFlowy.IO", ":", "-", "flutter-quill"], "golden-entity-mentions": [{"text": ["flutter-quill"], "entity-type": "company", "start": 73, "end": 85, "index": [12]}]}, {"sentence": ["A", "library", "for", "neural", "networks", "with", "NumPy", "and", "Theano", "."], "golden-entity-mentions": [{"text": ["Theano"], "entity-type": "framework", "start": 45, "end": 50, "index": [8]}]}, {"sentence": ["Sync", "device", "speaker", "sound", "to", "the", "computer", "(", "based", "on", "[", "sndcpy", "]", "(", "https", ":", "//github.com/rom1v/sndcpy", ")", ",", "Android", "10+", "only", ")"], "golden-entity-mentions": [{"text": ["sndcpy"], "entity-type": "framework", "start": 53, "end": 58, "index": [11]}]}, {"sentence": ["Bruno", "is", "available", "as", "binary", "download", "[", "on", "our", "website", "]", "(", "https", ":", "//www.usebruno.com/downloads", ")", "for", "Mac", ",", "Windows", "and", "Linux", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 95, "end": 97, "index": [17]}, {"text": ["Windows"], "entity-type": "platform", "start": 100, "end": 106, "index": [19]}, {"text": ["Linux"], "entity-type": "platform", "start": 112, "end": 116, "index": [21]}]}, {"sentence": ["Use", "a", "Ruby", "version", "manager", "to", "install", "the", "specified", "version", "from", ".ruby-version"], "golden-entity-mentions": [{"text": ["Ruby"], "entity-type": "language", "start": 6, "end": 9, "index": [2]}]}, {"sentence": ["Licensed", "under", "the", "[", "MIT", "license", "]", "(", "https", ":", "//github.com/CodeEditApp/CodeEdit/blob/main/LICENSE.md", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "License", "start": 20, "end": 30, "index": [4, 5]}]}, {"sentence": ["-", "[", "X", "]", "Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 6, "end": 10, "index": [4]}]}, {"sentence": ["Vercel", "customers", "like", "Hashnode", ",", "Super", ",", "and", "Cal.com", "are", "building", "scalable", "platforms", "on", "top", "of", "Vercel", "and", "Next.js", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}, {"text": ["Hashnode"], "entity-type": "company", "start": 22, "end": 29, "index": [3]}, {"text": ["Super"], "entity-type": "company", "start": 32, "end": 36, "index": [5]}, {"text": ["Cal.com"], "entity-type": "company", "start": 43, "end": 49, "index": [8]}]}, {"sentence": ["Docker", "users", "can", "run", "a", "prebuilt", "image", "with", "`", "docker", "run", "-it", "ghcr.io/typst/typst", ":", "latest", "`", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["npm", "i"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["A", "simple", "way", "to", "download", "and", "sample", "Stable", "Diffusion", "is", "by", "using", "the", "[", "diffusers", "library", "]", "(", "https", ":", "//github.com/huggingface/diffusers/tree/main", "#", "new", "--", "stable-diffusion-is-now-fully-compatible-with-diffusers", ")", ":"], "golden-entity-mentions": [{"text": ["diffusers", "library"], "entity-type": "framework", "start": 70, "end": 86, "index": [14, 15]}]}, {"sentence": ["Licensed", "under", "the", "[", "MIT", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/LICENSE", ")", "license", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 20, "end": 22, "index": [4]}]}, {"sentence": ["storybook", ":", "A", "React", "storybook", "for", "the", "UI", "components", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 13, "end": 17, "index": [3]}]}, {"sentence": ["Set", "up", "API", "keys", "using", "two", "methods", ":", "exporting", "them", "directly", "or", "storing", "them", "in", "a", ".env", "file", ".", "For", "Linux/Windows", "temporary", "setup", ",", "use", "the", "export", "method", ":", "export", "OPENAI_API_KEY=", "{", "Your", "OpenAI", "API", "Key", "here", "}", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 177, "end": 182, "index": [33]}]}, {"sentence": ["PDF.js", "reads", "content", "from", "PDF", "files", "and", "is", "used", "by", "the", "resume", "parser", "at", "its", "first", "step", "to", "read", "a", "resume", "PDF", "\u2019", "s", "content", "."], "golden-entity-mentions": [{"text": ["PDF.js"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Support", "Railway", "and", "Fly.io", "deployment"], "golden-entity-mentions": [{"text": ["Railway"], "entity-type": "platform", "start": 8, "end": 14, "index": [1]}, {"text": ["Fly.io"], "entity-type": "platform", "start": 20, "end": 25, "index": [3]}]}, {"sentence": ["!", "[", "MacOS", "]", "(", "https", ":", "//github.com/barry-ran/QtScrcpy/workflows/MacOS/badge.svg", ")"], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 2, "end": 6, "index": [2]}]}, {"sentence": ["Mobile", "operating", "system", "for", "Apple", "phones", "and", "tablets", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "company", "start": 28, "end": 32, "index": [4]}]}, {"sentence": ["You", "are", "welcome", "to", "join", "the", "RWKV", "discord", "https", ":", "//discord.gg/bDSBUMeFpc", "to", "build", "upon", "it", ".", "We", "have", "plenty", "of", "potential", "compute", "(", "A100", "40Gs", ")", "now", "(", "thanks", "to", "Stability", "and", "EleutherAI", ")", ",", "so", "if", "you", "have", "interesting", "ideas", "I", "can", "run", "them", "."], "golden-entity-mentions": [{"text": ["EleutherAI"], "entity-type": "company", "start": 166, "end": 175, "index": [32]}]}, {"sentence": ["On", "Mac", "OS", "or", "Linux", ",", "write", ":", "./setup.sh"], "golden-entity-mentions": [{"text": ["Mac", "OS"], "entity-type": "platform", "start": 3, "end": 8, "index": [1, 2]}]}, {"sentence": ["Python", "bindings", "for", "the", "Qt", "cross-platform", "application", "and", "UI", "framework", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["If", "you", "'d", "rather", "not", "donate", "(", "which", "is", "okay", "!", ")", ",", "there", "are", "other", "ways", "you", "can", "and", "support", "us", "...", "Amazon", "US", "affiliate", "link"], "golden-entity-mentions": [{"text": ["Amazon"], "entity-type": "company", "start": 92, "end": 97, "index": [23]}]}, {"sentence": ["They", "have", "been", "tested", "on", "Windows", "10", "and", "Ubuntu", "Linux", "22.04", "."], "golden-entity-mentions": [{"text": ["Windows", "10"], "entity-type": "platform", "start": 25, "end": 34, "index": [5, 6]}, {"text": ["Ubuntu", "Linux", "22.04"], "entity-type": "platform", "start": 40, "end": 57, "index": [8, 9, 10]}]}, {"sentence": ["We", "have", "built", "a", "dedicated", "SDK", "for", "building", "custom", "code", "interpreters", "in", "your", "AI", "apps", ".", "It", "'s", "built", "on", "top", "of", "E2B", "and", "our", "core", "E2B", "SDK", "."], "golden-entity-mentions": [{"text": ["E2B", "SDK"], "entity-type": "framework", "start": 123, "end": 129, "index": [22, 5]}]}, {"sentence": ["More", "tractions", "on", "Blocksuite", "."], "golden-entity-mentions": [{"text": ["Blocksuite"], "entity-type": "framework", "start": 18, "end": 27, "index": [3]}]}, {"sentence": ["*", "*", "[", "Next.js", "]", "(", "https", ":", "//nextjs.org/", ")", "*", "*", "-", "Fast", "by", "default", ",", "with", "config", "optimized", "for", "performance", "(", "with", "*", "*", "App", "Directory", "*", "*", ")"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 3, "end": 9, "index": [3]}]}, {"sentence": ["PlanetScale", "\u2013", "database"], "golden-entity-mentions": [{"text": ["PlanetScale"], "entity-type": "company", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 35, "end": 45, "index": [6, 7]}]}, {"sentence": ["Opendream", "makes", "writing", "and", "using", "new", "diffusion", "features", "as", "simple", "as", "writing", "a", "Python", "function", "."], "golden-entity-mentions": [{"text": ["Opendream"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Thank", "you", "to", "all", "those", "who", "inspire", "us", ",", "and", "we", "look", "forward", "to", "seeing", "what", "the", "Logseq", "community", "will", "create", "with", "this", "tool", "!"], "golden-entity-mentions": [{"text": ["Logseq"], "entity-type": "company", "start": 78, "end": 83, "index": [17]}]}, {"sentence": ["Free", ".", "Open", "Source", "."], "golden-entity-mentions": [{"text": ["Open", "Source"], "entity-type": "platform", "start": 6, "end": 16, "index": [2, 3]}]}, {"sentence": ["To", "learn", "how", "to", "get", "started", "with", "Docker", ",", "Poetry", "or", "a", "virtual", "environment", "check", "out", "the", "documentation", "page", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 33, "end": 38, "index": [7]}]}, {"sentence": ["Vim", "runs", "under", "MS-Windows", "(", "7", ",", "8", ",", "10", ",", "11", ")", ",", "macOS", ",", "Haiku", ",", "VMS", "and", "almost", "all", "flavours", "of", "UNIX", "."], "golden-entity-mentions": [{"text": ["MS-Windows", "(", "7", ",", "8", ",", "10", ",", "11", ")"], "entity-type": "platform", "start": 15, "end": 39, "index": [3, 4, 5, 6, 7, 6, 9, 6, 11, 12]}, {"text": ["macOS"], "entity-type": "platform", "start": 42, "end": 46, "index": [14]}, {"text": ["Haiku"], "entity-type": "platform", "start": 49, "end": 53, "index": [16]}, {"text": ["VMS"], "entity-type": "platform", "start": 56, "end": 58, "index": [18]}, {"text": ["UNIX"], "entity-type": "platform", "start": 87, "end": 90, "index": [24]}]}, {"sentence": ["For", "training", "details", "of", "MiniGPT-4", ",", "check", "[", "here", "]", "(", "MiniGPT4_Train.md", ")", "."], "golden-entity-mentions": [{"text": ["MiniGPT-4"], "entity-type": "platform", "start": 24, "end": 32, "index": [4]}]}, {"sentence": ["Docker-OSX", "is", "licensed", "under", "the", "GPL", "v3+", "."], "golden-entity-mentions": [{"text": ["GPL", "v3+"], "entity-type": "license", "start": 33, "end": 39, "index": [5, 6]}]}, {"sentence": ["King", "Abdullah", "University", "of", "Science", "and", "Technology"], "golden-entity-mentions": [{"text": ["King", "Abdullah", "University", "of", "Science", "and", "Technology"], "entity-type": "company", "start": 0, "end": 49, "index": [0, 1, 2, 3, 4, 5, 6]}]}, {"sentence": ["Integrate", "into", "InternGPT"], "golden-entity-mentions": [{"text": ["InternGPT"], "entity-type": "framework", "start": 15, "end": 23, "index": [2]}]}, {"sentence": ["The", "Assistants", "API", "natively", "supports", "retrieval", "from", "uploaded", "files", ",", "so", "you", "should", "use", "the", "Retrieval", "Plugin", "with", "function", "calling", "only", "if", "you", "want", "more", "granular", "control", "of", "your", "retrieval", "system", "(", "e.g", ".", "embedding", "chunk", "length", ",", "embedding", "model", "/", "size", ",", "etc", ".", ")", "."], "golden-entity-mentions": [{"text": ["Assistants", "API"], "entity-type": "platform", "start": 4, "end": 17, "index": [1, 2]}]}, {"sentence": ["MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["The", "code", "in", "`", "/retrieval", "`", "implements", "a", "python", "package", "for", "querying", "a", "Faiss", "index", "of", "Wikipedia", "."], "golden-entity-mentions": [{"text": ["Wikipedia"], "entity-type": "company", "start": 83, "end": 91, "index": [16]}]}, {"sentence": ["Install", "Segment", "Anything", ":", "`", "pip", "install", "git+https", ":", "//github.com/facebookresearch/segment-anything.git", "`"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "framework", "start": 27, "end": 29, "index": [5]}]}, {"sentence": ["lit-html", "templates", "are", "plain", "JavaScript", "and", "combine", "the", "familiarity", "of", "writing", "HTML", "with", "the", "power", "of", "JavaScript", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 29, "end": 38, "index": [4]}]}, {"sentence": ["Embedchain", "streamlines", "the", "creation", "of", "personalized", "LLM", "applications", ",", "offering", "a", "seamless", "process", "for", "managing", "various", "types", "of", "unstructured", "data", "."], "golden-entity-mentions": [{"text": ["LLM", "applications"], "entity-type": "platform", "start": 52, "end": 67, "index": [6, 7]}, {"text": ["Embedchain"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["This", "project", "is", "licensed", "under", "the", "[", "MIT", "license", "]", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 36, "end": 38, "index": [7]}]}, {"sentence": ["For", "testing", ",", "this", "repository", "comes", "with", "[", "Constitution", "of", "USA", "]", "(", "https", ":", "//constitutioncenter.org/media/files/constitution.pdf", ")", "as", "an", "example", "file", "to", "use", "."], "golden-entity-mentions": [{"text": ["Constitution", "of", "USA"], "entity-type": "company", "start": 41, "end": 59, "index": [8, 9, 10]}]}, {"sentence": ["This", "edition", "of", "the", "*", "*", "YDKJS", "(", "Y", ")", "*", "*", "book", "series", "is", "exclusively", "sponsored", "by", "Frontend", "Masters", "."], "golden-entity-mentions": [{"text": ["Frontend", "Masters"], "entity-type": "company", "start": 73, "end": 88, "index": [18, 19]}]}, {"sentence": ["The", "app", "hosted", "at", "excalidraw.com", "is", "a", "minimal", "showcase", "of", "what", "you", "can", "build", "with", "Excalidraw", "."], "golden-entity-mentions": [{"text": ["excalidraw.com"], "entity-type": "platform", "start": 18, "end": 31, "index": [4]}]}, {"sentence": ["The", "demo", "application", "can", "be", "found", "at", "https", ":", "//waifu2x.udp.jp/", "(", "Cloud", "version", ")", ",", "https", ":", "//unlimited.waifu2x.net/", "(", "In-Browser", "version", ")", "."], "golden-entity-mentions": [{"text": ["Cloud"], "entity-type": "platform", "start": 62, "end": 66, "index": [11]}, {"text": ["In-Browser"], "entity-type": "platform", "start": 110, "end": 119, "index": [19]}]}, {"sentence": ["Tech", "Stack", "-", "@", "documenso/pdf-sign", "-", "PDF", "Signatures"], "golden-entity-mentions": [{"text": ["@", "documenso/pdf-sign"], "entity-type": "framework", "start": 13, "end": 31, "index": [3, 4]}]}, {"sentence": ["Internals", "of", "BigQuery"], "golden-entity-mentions": [{"text": ["BigQuery"], "entity-type": "Framework", "start": 13, "end": 20, "index": [2]}]}, {"sentence": ["TypeScript", "Roadmap"], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Put", "your", "files", "in", "the", "`", "SOURCE_DOCUMENTS", "`", "folder", ".", "You", "can", "put", "multiple", "folders", "within", "the", "`", "SOURCE_DOCUMENTS", "`", "folder", "and", "the", "code", "will", "recursively", "read", "your", "files", "."], "golden-entity-mentions": [{"text": ["`", "SOURCE_DOCUMENTS", "`"], "entity-type": "company", "start": 22, "end": 39, "index": [5, 6, 5]}]}, {"sentence": ["Google", "'s", "mobile", "SDK", "for", "building", "native", "iOS", "and", "Android", "apps", "from", "a", "single", "codebase", "written", "in", "Dart", "."], "golden-entity-mentions": [{"text": ["Dart"], "entity-type": "language", "start": 95, "end": 98, "index": [17]}, {"text": ["Google"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Numpy", "(", "Use", "matrix", "math", "operations", ")"], "golden-entity-mentions": [{"text": ["Numpy"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["folly", "is", "available", "as", "a", "Formula", "and", "releases", "may", "be", "built", "via", "brew", "install", "folly", "."], "golden-entity-mentions": [{"text": ["Formula"], "entity-type": "license", "start": 24, "end": 30, "index": [5]}]}, {"sentence": ["Based", "on", "pythia-12b", ",", "Dolly", "is", "trained", "on", "~15k", "instruction/response", "fine", "tuning", "records", "."], "golden-entity-mentions": [{"text": ["pythia-12b"], "entity-type": "language", "start": 9, "end": 18, "index": [2]}]}, {"sentence": ["SwinIR", "-", "https", ":", "//github.com/JingyunLiang/SwinIR"], "golden-entity-mentions": [{"text": ["SwinIR"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Font", "Awesome", "Free", "is", "free", ",", "open", "source", ",", "and", "GPL", "friendly", "."], "golden-entity-mentions": [{"text": ["GPL"], "entity-type": "license", "start": 44, "end": 46, "index": [10]}]}, {"sentence": ["Our", "goal", "is", "to", "make", "open", "LLMs", "much", "more", "accessible", "to", "both", "developers", "and", "end", "users", ".", "We", "'re", "doing", "that", "by", "combining", "llama.cpp", "with", "Cosmopolitan", "Libc", "into", "one", "framework", "that", "collapses", "all", "the", "complexity", "of", "LLMs", "down", "to", "a", "single-file", "executable", "(", "called", "a", "'llamafile", "'", ")", "that", "runs", "locally", "on", "most", "computers", ",", "with", "no", "installation", "."], "golden-entity-mentions": [{"text": ["llama.cpp"], "entity-type": "framework", "start": 115, "end": 123, "index": [23]}, {"text": ["Cosmopolitan", "Libc"], "entity-type": "framework", "start": 130, "end": 146, "index": [25, 26]}]}, {"sentence": ["For", "more", "detailed", "examples", "leveraging", "Hugging", "Face", ",", "see", "[", "llama-recipes", "]", "(", "https", ":", "//github.com/facebookresearch/llama-recipes/", ")", "."], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "framework", "start": 38, "end": 49, "index": [5, 6]}]}, {"sentence": ["Torch", "Hub", "and", "TensorFlow", "Hub", "Models", "."], "golden-entity-mentions": [{"text": ["Torch", "Hub"], "entity-type": "framework", "start": 0, "end": 8, "index": [0, 1]}, {"text": ["TensorFlow", "Hub", "Models"], "entity-type": "framework", "start": 14, "end": 34, "index": [3, 1, 5]}]}, {"sentence": ["This", "project", "is", "now", "a", "sub-project", "of", "InternGPT", "for", "interactive", "image", "editing", "."], "golden-entity-mentions": [{"text": ["InternGPT"], "entity-type": "framework", "start": 37, "end": 45, "index": [7]}]}, {"sentence": ["Qt", "based", "cross-platform", "GUI", "proxy", "configuration", "manager", "(", "backend", ":", "v2ray", "/", "sing-box", ")"], "golden-entity-mentions": [{"text": ["v2ray"], "entity-type": "framework", "start": 66, "end": 70, "index": [10]}, {"text": ["sing-box"], "entity-type": "framework", "start": 74, "end": 81, "index": [12]}, {"text": ["Qt"], "entity-type": "framework", "start": 0, "end": 1, "index": [0]}]}, {"sentence": ["Ruby", ":", "yoshoku/llama_cpp.rb"], "golden-entity-mentions": [{"text": ["Ruby"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["The", "module", "can", "be", "installed", "from", "PyPI", "."], "golden-entity-mentions": [{"text": ["PyPI"], "entity-type": "platform", "start": 33, "end": 36, "index": [6]}, {"text": ["PyPI"], "entity-type": "company", "start": 33, "end": 36, "index": [6]}]}, {"sentence": ["Supports", "macOS", ",", "Linux", ",", "and", "Windows", ".", "Portable", "<", "3mb", "binaries"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 27, "end": 33, "index": [6]}]}, {"sentence": ["Data", "Science", "@", "Google"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["Install", "Python", "3.10", "on", "your", "machine", "if", "it", "is", "n't", "already", "installed", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 8, "end": 13, "index": [1]}]}, {"sentence": ["Special", "thanks", "to", "these", "amazing", "projects", "which", "help", "power", "AppFlowy.IO", ":", "-", "cargo-make"], "golden-entity-mentions": [{"text": ["cargo-make"], "entity-type": "company", "start": 73, "end": 82, "index": [12]}]}, {"sentence": ["Spark", "SQL"], "golden-entity-mentions": [{"text": ["Spark"], "entity-type": "Language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Fairseq", "streamlines", "the", "creation", "of", "personalized", "LLM", "applications", ",", "offering", "a", "seamless", "process", "for", "managing", "various", "types", "of", "unstructured", "data", "."], "golden-entity-mentions": [{"text": ["Fairseq"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Whether", "for", "users", "or", "professional", "developers", ",", "LobeHub", "will", "be", "your", "AI", "Agent", "playground", "."], "golden-entity-mentions": [{"text": ["LobeHub"], "entity-type": "framework", "start": 46, "end": 52, "index": [7]}]}, {"sentence": ["It", "'s", "often", "a", "dependency", "of", "Facebook", "'s", "other", "open", "source", "C++", "efforts", "and", "place", "where", "those", "projects", "can", "share", "code", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 27, "end": 34, "index": [6]}]}, {"sentence": ["Generator", "Tricks", "for", "Systems", "Programmers"], "golden-entity-mentions": [{"text": ["Generator", "Tricks", "for", "Systems", "Programmers"], "entity-type": "framework", "start": 0, "end": 39, "index": [0, 1, 2, 3, 4]}]}, {"sentence": ["DevToys", "is", "using", "a", "license", "that", "permits", "redistribution", "of", "the", "app", "as", "trialware", "or", "shareware", "without", "changes", "."], "golden-entity-mentions": [{"text": ["trialware", "or", "shareware"], "entity-type": "license", "start": 69, "end": 90, "index": [12, 13, 14]}]}, {"sentence": ["Benchmark", "Results", "for", "the", "above", "open-source", "Base", "Models", "in", "the", "financial", "sentiment", "analysis", "task", "using", "the", "same", "instruction", "template", "for", "SFT", "(", "LoRA", ")", "."], "golden-entity-mentions": [{"text": ["Base", "Models"], "entity-type": "platform", "start": 44, "end": 54, "index": [6, 7]}, {"text": ["SFT", "(", "LoRA", ")"], "entity-type": "platform", "start": 137, "end": 146, "index": [20, 21, 22, 23]}, {"text": ["Base", "Models"], "entity-type": "framework", "start": 44, "end": 54, "index": [6, 7]}, {"text": ["SFT", "(", "LoRA", ")"], "entity-type": "framework", "start": 137, "end": 146, "index": [20, 21, 22, 23]}, {"text": ["Base", "Models"], "entity-type": "language", "start": 44, "end": 54, "index": [6, 7]}, {"text": ["SFT", "(", "LoRA", ")"], "entity-type": "language", "start": 137, "end": 146, "index": [20, 21, 22, 23]}]}, {"sentence": ["\ud83d\udee0\ufe0f", "*", "*", "[", "Extremely", "strict", "TypeScript", "]", "(", "https", ":", "//www.typescriptlang.org/", ")", "*", "*", "-", "With", "[", "`", "ts-reset", "`", "]", "(", "https", ":", "//github.com/total-typescript/ts-reset", ")", "library", "for", "ultimate", "type", "safety"], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 23, "end": 32, "index": [6]}]}, {"sentence": ["isomorphic-git", "-", "A", "pure", "JavaScript", "implementation", "of", "Git", "for", "NodeJS", "and", "web", "browsers", "."], "golden-entity-mentions": [{"text": ["isomorphic-git"], "entity-type": "company", "start": 1, "end": 14, "index": [0]}]}, {"sentence": ["Create", "Characters", "on", "ReByte.ai"], "golden-entity-mentions": [{"text": ["ReByte.ai"], "entity-type": "platform", "start": 21, "end": 29, "index": [3]}]}, {"sentence": ["Introducing", "Files", ",", "the", "ultimate", "file", "manager", "app", "for", "Windows", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 53, "end": 59, "index": [9]}]}, {"sentence": ["Data", "Licensing", ":", "The", "related", "data", "utilized", "in", "our", "project", "is", "licensed", "under", "CC", "BY-NC", "4.0", "."], "golden-entity-mentions": [{"text": ["CC", "BY-NC", "4.0"], "entity-type": "license", "start": 75, "end": 86, "index": [13, 14, 15]}]}, {"sentence": ["Bitmart", "."], "golden-entity-mentions": [{"text": ["Bitmart"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["ruff", "can", "be", "used", "as", "a", "VS", "Code", "extension", "or", "alongside", "any", "other", "editor", "through", "the", "Ruff", "LSP", "."], "golden-entity-mentions": [{"text": ["VS", "Code"], "entity-type": "platform", "start": 22, "end": 28, "index": [6, 7]}]}, {"sentence": ["Doctor", "Dignity", "is", "a", "version", "of", "Meta", "'s", "Llama2", "7", "billion", "parameter", "Large", "Language", "Model", "that", "was", "fine-tuned", "on", "a", "Medical", "Dialogue", "Dataset", ",", "then", "further", "improved", "using", "Reinforcement", "Learning", "&", "Constitutional", "AI", "."], "golden-entity-mentions": [{"text": ["Llama2"], "entity-type": "framework", "start": 38, "end": 43, "index": [8]}, {"text": ["Reinforcement", "Learning"], "entity-type": "framework", "start": 165, "end": 186, "index": [28, 29]}, {"text": ["Constitutional", "AI"], "entity-type": "framework", "start": 190, "end": 206, "index": [31, 32]}]}, {"sentence": ["Then", "you", "can", "learn", "how", "to", "integrate", "SPL", "in", "a", "Java", "application", "How", "to", "Call", "an", "SPL", "Script", "in", "Java", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 45, "end": 48, "index": [10]}, {"text": ["Java"], "entity-type": "language", "start": 45, "end": 48, "index": [10]}]}, {"sentence": ["Now", "you", "can", "access", "[", "Awesome", "ChatGPT", "Store", "]", "(", "https", ":", "//github.com/devisasari/awesome-chatgpt-store", ")", ",", "a", "dynamic", "new", "addition", "to", "the", "ChatGPT", "ecosystem", "!"], "golden-entity-mentions": [{"text": ["Awesome", "ChatGPT", "Store"], "entity-type": "platform", "start": 20, "end": 40, "index": [5, 6, 7]}]}, {"sentence": ["You", "can", "use", "Ivy", "to", "get", "TensorFlow", "code", "from", ":"], "golden-entity-mentions": [{"text": ["TensorFlow"], "entity-type": "framework", "start": 23, "end": 32, "index": [6]}]}, {"sentence": ["Furthermore", ",", "plugins", "can", "be", "created", "using", "AiScript", ",", "an", "original", "programming", "language", "."], "golden-entity-mentions": [{"text": ["AiScript"], "entity-type": "language", "start": 42, "end": 49, "index": [7]}]}, {"sentence": ["Prisma", "as", "the", "ORM", "for", "database", "access", "."], "golden-entity-mentions": [{"text": ["Prisma"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "mainboard", "is", "manufactured", "by", "some", "Chinese", "company", "(", "SUMEC", "Hardware", ")", "."], "golden-entity-mentions": [{"text": ["SUMEC", "Hardware"], "entity-type": "company", "start": 55, "end": 68, "index": [9, 10]}]}, {"sentence": ["Ollama", "supports", "a", "list", "of", "models", "available", "on", "[", "ollama.com/library", "]", "(", "https", ":", "//ollama.com/library", ")"], "golden-entity-mentions": [{"text": ["Ollama"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}, {"text": ["Ollama"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["[", "!", "[", "Windows", "Build", "Status", "]", "(", "https", ":", "//ci.appveyor.com/api/projects/status/w1bdniovwm4egfyg/branch/master", "?", "svg=true", ")", "]", "(", "https", ":", "//ci.appveyor.com/project/warner/magic-wormhole", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 3, "end": 9, "index": [3]}]}, {"sentence": ["Licenses", "for", "borrowed", "code", "can", "be", "found", "in", "`", "Settings", "-", ">", "Licenses", "`", "screen", ",", "and", "also", "in", "`", "html/licenses.html", "`", "file", "."], "golden-entity-mentions": [{"text": ["Licenses"], "entity-type": "licenses", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["PrivateGPT", "is", "actively", "supported", "by", "the", "teams", "behind", ":", "[", "Qdrant", "]", "(", "https", ":", "//qdrant.tech/", ")", ",", "providing", "the", "default", "vector", "database", "."], "golden-entity-mentions": [{"text": ["Qdrant"], "entity-type": "company", "start": 55, "end": 60, "index": [10]}]}, {"sentence": ["Android", "app", "(", "source", ")"], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Build", "cross-platform", "desktop", "apps", "with", "JavaScript", ",", "HTML", ",", "and", "CSS", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 39, "end": 48, "index": [5]}, {"text": ["HTML"], "entity-type": "language", "start": 51, "end": 54, "index": [7]}, {"text": ["CSS"], "entity-type": "language", "start": 61, "end": 63, "index": [10]}]}, {"sentence": ["In", "this", "repo", ",", "you", "'ll", "find", "code", "for", ":", "Training", "GPT-NeoXT-Chat-Base-20B", ",", "a", "20B", "parameter", "chat", "model", "(", "see", "[", "docs/GPT-NeoXT-Chat-Base-20B.md", "]", "(", "docs/GPT-NeoXT-Chat-Base-20B.md", ")", ")", "."], "golden-entity-mentions": [{"text": ["GPT-NeoXT-Chat-Base-20B"], "entity-type": "framework", "start": 45, "end": 67, "index": [11]}]}, {"sentence": ["GitHub", "Releases", "(", "Portable", "ZIP", ")"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Flutter", "Roadmap"], "golden-entity-mentions": [{"text": ["Flutter"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Remember", "to", "write", "stories", "in", "JSX", "or", "TSX", "format", "only", "."], "golden-entity-mentions": [{"text": ["JSX"], "entity-type": "language", "start": 29, "end": 31, "index": [5]}, {"text": ["TSX"], "entity-type": "language", "start": 36, "end": 38, "index": [7]}]}, {"sentence": ["TVM", "(", "Tensor", "Virtual", "Machine", ",", "converts", "onnx", "model", "to", "efficient", "cross-platform", "use", ")"], "golden-entity-mentions": [{"text": ["TVM"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["ruff", "can", "be", "used", "to", "replace", "Flake8", ",", "Black", ",", "isort", ",", "pydocstyle", ",", "pyupgrade", ",", "autoflake", ",", "and", "more", "."], "golden-entity-mentions": [{"text": ["Flake8"], "entity-type": "framework", "start": 28, "end": 33, "index": [6]}, {"text": ["Black"], "entity-type": "framework", "start": 36, "end": 40, "index": [8]}, {"text": ["isort"], "entity-type": "framework", "start": 43, "end": 47, "index": [10]}, {"text": ["pydocstyle"], "entity-type": "framework", "start": 50, "end": 59, "index": [12]}, {"text": ["pyupgrade"], "entity-type": "framework", "start": 62, "end": 70, "index": [14]}, {"text": ["autoflake"], "entity-type": "framework", "start": 73, "end": 81, "index": [16]}]}, {"sentence": ["RAG", "(", "Retrieval", "Augmented", "Generation", ")", ":", "RAG", "is", "currently", "the", "most", "practically", "implemented", "and", "urgently", "needed", "domain", "."], "golden-entity-mentions": [{"text": ["RAG"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Right-click", "on", "the", "Windows", "start", "menu", "and", "select", "PowerShell", "or", "Terminal", "(", "Not", "CMD", ")", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 19, "end": 25, "index": [3]}, {"text": ["PowerShell"], "entity-type": "language", "start": 49, "end": 58, "index": [8]}]}, {"sentence": ["Scalable", "implementation", "of", "Google", "'s", "Pathways", "Language", "Model", "(", "PaLM", ")", "."], "golden-entity-mentions": [{"text": ["PaLM"], "entity-type": "platform", "start": 61, "end": 64, "index": [9]}]}, {"sentence": ["Data", "Science", "@", "Twitter"], "golden-entity-mentions": [{"text": ["Twitter"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["In", "the", "words", "of", "OpenAI", "'s", "President", "Greg", "Brockman", ":"], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 16, "end": 21, "index": [4]}]}, {"sentence": ["use", "nvm", "to", "manage", "multiple", "local", "node", "versions"], "golden-entity-mentions": [{"text": ["nvm"], "entity-type": "platform", "start": 4, "end": 6, "index": [1]}]}, {"sentence": ["This", "repository", "has", "the", "source", "code", "for", "Comprehensive", "Rust", "\ud83e\udd80", ",", "a", "multi-day", "Rust", "course", "developed", "by", "the", "Android", "team", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "Platform", "start": 103, "end": 109, "index": [18]}, {"text": ["Rust"], "entity-type": "Language", "start": 54, "end": 57, "index": [8]}]}, {"sentence": ["A", "light-weight", ",", "scalable", ",", "data", "engine", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 49, "end": 52, "index": [9]}]}, {"sentence": ["*", "[", "*", "*", "Python", "*", "*", ":", "*", "A", "3D", "Modeller", "*", "]", "(", "http", ":", "//aosabook.org/en/500L/a-3d-modeller.html", ")"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 5, "end": 10, "index": [4]}]}, {"sentence": ["Frontend", "uses", "<", "a", "href=", "''", "https", ":", "//vitejs.dev/", "''", ">", "Vite", "<", "/a", ">", "and", "<", "a", "href=", "''", "https", ":", "//react.dev/", "''", ">", "React", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["Vite"], "entity-type": "language", "start": 46, "end": 49, "index": [11]}]}, {"sentence": ["`", "ingest.py", "`", "uses", "`", "LangChain", "`", "tools", "to", "parse", "the", "document", "and", "create", "embeddings", "locally", "using", "`", "InstructorEmbeddings", "`", "."], "golden-entity-mentions": [{"text": ["`", "LangChain", "`"], "entity-type": "framework", "start": 17, "end": 27, "index": [0, 5, 0]}, {"text": ["`", "InstructorEmbeddings", "`"], "entity-type": "framework", "start": 93, "end": 114, "index": [0, 18, 0]}]}, {"sentence": ["Postmark", "\u2013", "emails"], "golden-entity-mentions": [{"text": ["Postmark"], "entity-type": "company", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Learn", "more", "about", "Ollama", "at", "its", "[", "GitHub", "Repository", "]", "(", "https", ":", "//www.github.com/ollama/ollama", ")", "."], "golden-entity-mentions": [{"text": ["Ollama"], "entity-type": "platform", "start": 17, "end": 22, "index": [3]}]}, {"sentence": ["Code", "\u2014", "MIT", "License"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 7, "end": 17, "index": [2, 3]}]}, {"sentence": ["You", "can", "run", "this", "documentation", "offline", "by", "using", "Docsify", "."], "golden-entity-mentions": [{"text": ["Docsify"], "entity-type": "framework", "start": 48, "end": 54, "index": [8]}]}, {"sentence": ["Prerequisites", "-", "Visual", "Studio", "2022", "with", "the", "following", "individual", "components", ":"], "golden-entity-mentions": [{"text": ["Visual", "Studio"], "entity-type": "platform", "start": 16, "end": 28, "index": [2, 3]}]}, {"sentence": ["You", "will", "need", "to", "install", "Docker", "to", "run", "Supabase", "locally", ".", "You", "can", "download", "it", "[", "here", "]", "(", "https", ":", "//docs.docker.com/get-docker", ")", "for", "free", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 25, "end": 30, "index": [5]}]}, {"sentence": ["FaceSwap", "is", "a", "Python", "program", "that", "will", "run", "on", "multiple", "Operating", "Systems", "including", "Windows", ",", "Linux", ",", "and", "MacOS", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 83, "end": 89, "index": [13]}, {"text": ["Linux"], "entity-type": "platform", "start": 92, "end": 96, "index": [15]}, {"text": ["MacOS"], "entity-type": "platform", "start": 103, "end": 107, "index": [18]}]}, {"sentence": ["Ruff", "is", "used", "by", "a", "number", "of", "major", "open-source", "projects", "and", "companies", ",", "including", "Amazon", ",", "Anthropic", ",", "AstraZeneca", ",", "Benchling", ",", "CERN", ",", "Databricks", ",", "ING", "Bank", ",", "Microsoft", ",", "Netflix", ",", "and", "Nokia", "."], "golden-entity-mentions": [{"text": ["Amazon"], "entity-type": "company", "start": 80, "end": 85, "index": [14]}, {"text": ["Anthropic"], "entity-type": "company", "start": 88, "end": 96, "index": [16]}, {"text": ["AstraZeneca"], "entity-type": "company", "start": 99, "end": 109, "index": [18]}, {"text": ["Benchling"], "entity-type": "company", "start": 112, "end": 120, "index": [20]}, {"text": ["CERN"], "entity-type": "company", "start": 123, "end": 126, "index": [22]}, {"text": ["Databricks"], "entity-type": "company", "start": 129, "end": 138, "index": [24]}, {"text": ["ING", "Bank"], "entity-type": "company", "start": 141, "end": 148, "index": [26, 27]}, {"text": ["Microsoft"], "entity-type": "company", "start": 151, "end": 159, "index": [29]}, {"text": ["Netflix"], "entity-type": "company", "start": 162, "end": 168, "index": [31]}, {"text": ["Nokia"], "entity-type": "company", "start": 175, "end": 179, "index": [34]}]}, {"sentence": ["MSVC", "v143", "-", "VS", "2022", "C++", "x64/x86", "or", "ARM64", "build", "tools", "(", "latest", ")"], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "language", "start": 20, "end": 22, "index": [5]}]}, {"sentence": ["PyTorch", "container", "from", "Nvidia", ",", "which", "has", "all", "the", "required", "tools", "to", "install", "FlashAttention", "."], "golden-entity-mentions": [{"text": ["PyTorch", "container"], "entity-type": "platform", "start": 0, "end": 16, "index": [0, 1]}, {"text": ["Nvidia"], "entity-type": "platform", "start": 23, "end": 28, "index": [3]}, {"text": ["FlashAttention"], "entity-type": "platform", "start": 75, "end": 88, "index": [13]}, {"text": ["PyTorch", "container"], "entity-type": "framework", "start": 0, "end": 16, "index": [0, 1]}, {"text": ["Nvidia"], "entity-type": "company", "start": 23, "end": 28, "index": [3]}, {"text": ["FlashAttention"], "entity-type": "company", "start": 75, "end": 88, "index": [13]}]}, {"sentence": ["ESLint", "is", "completely", "pluggable", ",", "every", "single", "rule", "is", "a", "plugin", "and", "you", "can", "add", "more", "at", "runtime", "."], "golden-entity-mentions": [{"text": ["ESLint"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Data", "Science", "@", "Grammarly"], "golden-entity-mentions": [{"text": ["Grammarly"], "entity-type": "Company", "start": 14, "end": 22, "index": [3]}]}, {"sentence": ["MLCEngine", "provides", "OpenAI-compatible", "API", "available", "through", "REST", "server", ",", "python", ",", "javascript", ",", "iOS", ",", "Android", ",", "all", "backed", "by", "the", "same", "engine", "and", "compiler", "that", "we", "keep", "improving", "with", "the", "community", "."], "golden-entity-mentions": [{"text": ["REST", "server"], "entity-type": "platform", "start": 59, "end": 69, "index": [6, 7]}, {"text": ["iOS"], "entity-type": "platform", "start": 92, "end": 94, "index": [13]}, {"text": ["Android"], "entity-type": "platform", "start": 97, "end": 103, "index": [15]}]}, {"sentence": ["MIT", "\u00a9", "Sherlock", "Project"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["*", "*", "[", "Storybook", "]", "(", "https", ":", "//storybook.js.org/", ")", "*", "*", "-", "Create", ",", "test", ",", "and", "showcase", "your", "components"], "golden-entity-mentions": [{"text": ["Storybook"], "entity-type": "framework", "start": 3, "end": 11, "index": [3]}]}, {"sentence": ["For", "[", "Dev", "Containers", "]", "(", "https", ":", "//aka.ms/vscode-remote/download/containers", ")", ",", "use", "the", "*", "*", "Dev", "Containers", ":", "Clone", "Repository", "in", "Container", "Volume", "...", "*", "*", "command", "which", "creates", "a", "Docker", "volume", "for", "better", "disk", "I/O", "on", "macOS", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 164, "end": 169, "index": [30]}, {"text": ["macOS"], "entity-type": "platform", "start": 201, "end": 205, "index": [37]}, {"text": ["Windows"], "entity-type": "platform", "start": 211, "end": 217, "index": [39]}]}, {"sentence": ["Facebook", "FAIR", "'s", "WMT19", "News", "Translation", "Task", "Submission", "(", "Ng", "et", "al.", ",", "2019", ")"], "golden-entity-mentions": [{"text": ["Facebook", "FAIR"], "entity-type": "company", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["Files", "is", "the", "ultimate", "file", "management", "solution", "for", "Windows", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 51, "end": 57, "index": [8]}]}, {"sentence": ["*", "*", "`", "Star-history", "`", "*", "*", "is", "built", "using", "a", "*", "*", "modern", "tech", "stack", "*", "*", ":", "*", "*", "`", "Vue", "`", "*", "*", "+", "*", "*", "`", "Vite", "`", "*", "*", "+", "*", "*", "`", "TailwindCSS", "`", "*", "*", "."], "golden-entity-mentions": [{"text": ["Vue"], "entity-type": "framework", "start": 62, "end": 64, "index": [22]}, {"text": ["Vite"], "entity-type": "framework", "start": 74, "end": 77, "index": [30]}, {"text": ["TailwindCSS"], "entity-type": "framework", "start": 87, "end": 97, "index": [38]}]}, {"sentence": ["Set", "up", "the", "Qt", "development", "environment", "with", "the", "official", "Qt", "installer", "or", "third-party", "tools", "such", "as", "[", "aqt", "]", "(", "https", ":", "//github.com/miurahr/aqtinstall", ")", "on", "the", "target", "platform", "."], "golden-entity-mentions": [{"text": ["Qt"], "entity-type": "framework", "start": 11, "end": 12, "index": [3]}, {"text": ["aqt"], "entity-type": "framework", "start": 99, "end": 101, "index": [17]}]}, {"sentence": ["Go", "to", "[", "Supabase", "]", "(", "https", ":", "//supabase.com/", ")", "and", "create", "a", "new", "project", "."], "golden-entity-mentions": [{"text": ["Supabase"], "entity-type": "platform", "start": 7, "end": 14, "index": [3]}, {"text": ["Supabase"], "entity-type": "company", "start": 7, "end": 14, "index": [3]}]}, {"sentence": ["Kraken", "."], "golden-entity-mentions": [{"text": ["Kraken"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "primary", "objective", "of", "ChatDev", "is", "to", "offer", "an", "*", "*", "easy-to-use", "*", "*", ",", "*", "*", "highly", "customizable", "*", "*", "and", "*", "*", "extendable", "*", "*", "framework", ",", "which", "is", "based", "on", "large", "language", "models", "(", "LLMs", ")", "and", "serves", "as", "an", "ideal", "scenario", "for", "studying", "collective", "intelligence", "."], "golden-entity-mentions": [{"text": ["large", "language", "models", "(", "LLMs", ")"], "entity-type": "framework", "start": 137, "end": 164, "index": [33, 34, 35, 36, 37, 38]}, {"text": ["ChatDev"], "entity-type": "company", "start": 25, "end": 31, "index": [4]}]}, {"sentence": ["Please", "refer", "to", "the", "Docker", "Quickstart", "documentation", "on", "how", "to", "get", "started", "quickly", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 20, "end": 25, "index": [4]}, {"text": ["Docker"], "entity-type": "framework", "start": 20, "end": 25, "index": [4]}]}, {"sentence": ["You", "can", "also", "submit", "pull", "requests", "to", "this", "repository", "or", "submit", "translations", "using", "Crowdin", "."], "golden-entity-mentions": [{"text": ["Crowdin"], "entity-type": "company", "start": 82, "end": 88, "index": [13]}]}, {"sentence": ["windows", ":", "A", "C", "#", "Native", "binary", "(", "planned", ")", "."], "golden-entity-mentions": [{"text": ["C", "#"], "entity-type": "language", "start": 11, "end": 12, "index": [3, 4]}]}, {"sentence": ["First", ",", "create", "a", "virtual", "environment", "with", "the", "version", "of", "Python", "you", "'re", "going", "to", "use", "and", "activate", "it", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 56, "end": 61, "index": [10]}, {"text": ["virtual", "environment"], "entity-type": "language", "start": 16, "end": 34, "index": [4, 5]}]}, {"sentence": ["Bun", "supports", "Linux", "(", "x64", "&", "arm64", ")", ",", "macOS", "(", "x64", "&", "Apple", "Silicon", ")", "and", "Windows", "(", "x64", ")", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 13, "end": 17, "index": [2]}, {"text": ["macOS"], "entity-type": "platform", "start": 34, "end": 38, "index": [9]}, {"text": ["Windows"], "entity-type": "platform", "start": 66, "end": 72, "index": [17]}]}, {"sentence": ["We", "'ve", "been", "very", "happy", "to", "see", "FlashAttention", "being", "widely", "adopted", "in", "such", "a", "short", "time", "after", "its", "release", "."], "golden-entity-mentions": [{"text": ["FlashAttention"], "entity-type": "platform", "start": 29, "end": 42, "index": [7]}, {"text": ["FlashAttention"], "entity-type": "framework", "start": 29, "end": 42, "index": [7]}]}, {"sentence": ["NTP", "server", "."], "golden-entity-mentions": [{"text": ["NTP"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["The", "ChatGPT", "Retrieval", "Plugin", "repository", "provides", "a", "flexible", "solution", "for", "semantic", "search", "and", "retrieval", "of", "personal", "or", "organizational", "documents", "using", "natural", "language", "queries", "."], "golden-entity-mentions": [{"text": ["ChatGPT"], "entity-type": "platform", "start": 4, "end": 10, "index": [1]}]}, {"sentence": ["The", "libraries", "(", "cuBLAS", ",", "cuDNN", ")", "are", "installed", "in", "these", "official", "NVIDIA", "CUDA", "Docker", "images", "."], "golden-entity-mentions": [{"text": ["NVIDIA"], "entity-type": "company", "start": 62, "end": 67, "index": [12]}]}, {"sentence": ["\u524d\u7aef\u91c7\u7528", "Next.js", "\u8fdb\u884c\u5f00\u53d1\u3002"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 5, "end": 11, "index": [1]}]}, {"sentence": ["To", "run", "the", "model", "you", "need", "Python", "3.7+"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 26, "end": 31, "index": [6]}]}, {"sentence": ["A", "Kakoune", "/", "Neovim", "inspired", "editor", ",", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 47, "end": 50, "index": [9]}]}, {"sentence": ["Acceleration", "of", "AlphaFold", "Protein", "Structure"], "golden-entity-mentions": [{"text": ["AlphaFold"], "entity-type": "platform", "start": 16, "end": 24, "index": [2]}]}, {"sentence": ["The", "application", "bundles", "with", "the", "Prisma", "query", "engine", "and", "codegen", "for", "a", "beautiful", "Rust", "API", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 81, "end": 84, "index": [13]}]}, {"sentence": ["iOS", "Roadmap"], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "platform", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Folly", "complements", "(", "as", "opposed", "to", "competing", "against", ")", "offerings", "such", "as", "Boost", "and", "of", "course", "std", "."], "golden-entity-mentions": [{"text": ["Boost"], "entity-type": "framework", "start": 70, "end": 74, "index": [12]}]}, {"sentence": ["Onnx", "(", "Convert", "trained", "model", "to", "universal", "format", ")"], "golden-entity-mentions": [{"text": ["Onnx"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Fixing", "bugs", "that", "are", "regularly", "talked", "about", ",", "broadening", "the", "capabilities", "of", "the", "Flipper", "with", "new", "exciting", "functionality", ",", "and", "most", "importantly", ",", "ensuring", "the", "easiest", "user", "experience", "possible", "."], "golden-entity-mentions": [{"text": ["Flipper"], "entity-type": "framework", "start": 80, "end": 86, "index": [13]}]}, {"sentence": ["Principal", "Sponsors", ":", "[", "Trilon", "]", "(", "https", ":", "//trilon.io", ")", ",", "[", "Valor", "Software", "]", "(", "https", ":", "//valor-software.com/", ")", ",", "[", "Amplication", "]", "(", "https", ":", "//amplication.com/", ")"], "golden-entity-mentions": [{"text": ["Trilon"], "entity-type": "company", "start": 21, "end": 26, "index": [4]}, {"text": ["Valor", "Software"], "entity-type": "company", "start": 50, "end": 63, "index": [13, 14]}, {"text": ["Amplication"], "entity-type": "company", "start": 97, "end": 107, "index": [23]}]}, {"sentence": ["Each", "source", "code", "is", "atomic", "using", "standard", "C", "library", "[", "`", "libc", "`", "]", "(", "https", ":", "//en.wikipedia.org/wiki/C_standard_library", ")", "and", "*", "no", "external", "libraries", "*", "are", "required", "for", "their", "compilation", "and", "execution", "."], "golden-entity-mentions": [{"text": ["libc"], "entity-type": "framework", "start": 54, "end": 57, "index": [11]}]}, {"sentence": ["pip", "install", "--", "upgrade", "metagpt"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "platform", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["It", "works", "anywhere", ":", "GitLab", "CI", ",", "CircleCI", ",", "Buildkite", ",", "CI", "on", "your", "Raspberry", "Pi", ",", "etc", "."], "golden-entity-mentions": [{"text": ["GitLab", "CI"], "entity-type": "platform", "start": 19, "end": 27, "index": [4, 5]}, {"text": ["CircleCI"], "entity-type": "platform", "start": 30, "end": 37, "index": [7]}, {"text": ["Buildkite"], "entity-type": "platform", "start": 40, "end": 48, "index": [9]}, {"text": ["Raspberry", "Pi"], "entity-type": "platform", "start": 62, "end": 73, "index": [14, 15]}]}, {"sentence": ["ruff", "can", "be", "used", "as", "a", "GitHub", "Action", "via", "`", "ruff-action", "`", ":"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "platform", "start": 22, "end": 27, "index": [6]}]}, {"sentence": ["APIBench", ",", "the", "largest", "collection", "of", "APIs", ",", "curated", "and", "easy", "to", "be", "trained", "on", "."], "golden-entity-mentions": [{"text": ["APIBench"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Fonts", "\u2014", "SIL", "OFL", "1.1", "License"], "golden-entity-mentions": [{"text": ["SIL", "OFL", "1.1"], "entity-type": "license", "start": 8, "end": 18, "index": [2, 3, 4]}]}, {"sentence": ["To", "run", "and", "chat", "with", "[", "Llama", "3", "]", "(", "https", ":", "//ollama.com/library/llama3", ")", ":", "`", "ollama", "run", "llama3", "`"], "golden-entity-mentions": [{"text": ["Llama", "3"], "entity-type": "framework", "start": 22, "end": 28, "index": [6, 7]}]}, {"sentence": ["2D", "character", "picture", "(", "HatsuneMiku", ")", "is", "licensed", "under", "CC", "BY-NC", "by", "piapro", "[", "2", "]", "."], "golden-entity-mentions": [{"text": ["CC", "BY-NC"], "entity-type": "license", "start": 53, "end": 60, "index": [9, 10]}]}, {"sentence": ["My", "small", "tutorial", "on", "how", "to", "write", "a", "JavaScript", "Parser", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 57, "end": 60, "index": [11]}]}, {"sentence": ["This", "software", "is", "not", "affiliated", "with", "OpenAI", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 37, "end": 42, "index": [6]}]}, {"sentence": ["LobeChat", "provides", "Self-Hosted", "Version", "with", "Vercel", "and", "[", "Docker", "Image", "]", "[", "docker-release-link", "]", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "platform", "start": 43, "end": 48, "index": [5]}, {"text": ["Docker", "Image"], "entity-type": "platform", "start": 55, "end": 66, "index": [8, 9]}]}, {"sentence": ["Data", "Science", "@", "Ebay"], "golden-entity-mentions": [{"text": ["Ebay"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["This", "repository", "(", "``", "`", "Code", "-", "OSS", "`", "``", ")", "is", "where", "we", "(", "Microsoft", ")", "develop", "the", "[", "Visual", "Studio", "Code", "]", "(", "https", ":", "//code.visualstudio.com/", ")", "product", "together", "with", "the", "community", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 48, "end": 56, "index": [15]}]}, {"sentence": ["Otherwise", ",", "refer", "to", "this", "Guide", "for", "Windows", ":"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 35, "end": 41, "index": [7]}]}, {"sentence": ["Data", "Science", "@", "Slack"], "golden-entity-mentions": [{"text": ["Slack"], "entity-type": "Company", "start": 14, "end": 18, "index": [3]}]}, {"sentence": ["Supported", "stacks", ":", "-", "Vue", "+", "Tailwind"], "golden-entity-mentions": [{"text": ["Vue"], "entity-type": "language", "start": 20, "end": 22, "index": [4]}]}, {"sentence": ["For", "example", ",", "the", "`", "json", "`", "extension", "provides", "coloring", "for", "`", "JSON", "`", "and", "the", "`", "json-language-features", "`", "extension", "provides", "rich", "language", "support", "for", "`", "JSON", "`", "."], "golden-entity-mentions": [{"text": ["JSON"], "entity-type": "language", "start": 57, "end": 60, "index": [12]}]}, {"sentence": ["In", "the", "words", "of", "OpenAI", "'s", "President", "Greg", "Brockman", ":"], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 16, "end": 21, "index": [4]}]}, {"sentence": ["Rust", "code", "hotreloading", "is", "not", "yet", "1st", "class", ",", "but", "possible", "with", "hot-lib-reloader", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["We", "highly", "recommend", "exploring", "Microsoft", "Learn", "for", "additional", "study", "materials", "."], "golden-entity-mentions": [{"text": ["Microsoft", "Learn"], "entity-type": "platform", "start": 30, "end": 44, "index": [4, 5]}]}, {"sentence": ["Particularly", ",", "esProc", "SPL", "enables", "more", "flexible", "microservices", ":", "Open-source", "SPL", "Makes", "Microservices", "More", "'Micro", "'", "."], "golden-entity-mentions": [{"text": ["Microservices"], "entity-type": "framework", "start": 84, "end": 96, "index": [12]}]}, {"sentence": ["AGPL-3.0", "License", ":", "This", "OSI-approved", "open-source", "license", "is", "ideal", "for", "students", "and", "enthusiasts", ",", "promoting", "open", "collaboration", "and", "knowledge", "sharing", "."], "golden-entity-mentions": [{"text": ["AGPL-3.0"], "entity-type": "license", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["JavaScript", "minification", "plays", "a", "crucial", "role", "in", "optimizing", "website", "performance", "as", "it", "reduces", "the", "amount", "of", "data", "sent", "to", "users", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["A", "web", "interface", "for", "Stable", "Diffusion", ",", "implemented", "using", "Gradio", "library", "."], "golden-entity-mentions": [{"text": ["Gradio"], "entity-type": "framework", "start": 56, "end": 61, "index": [9]}]}, {"sentence": ["This", "script", "is", "used", "by", "many", "of", "Meta", "'s", "OSS", "tools", "."], "golden-entity-mentions": [{"text": ["Meta"], "entity-type": "company", "start": 31, "end": 34, "index": [7]}]}, {"sentence": ["Run", "bin/dev", "which", "will", "launch", "the", "local", "services", "via", "overmind", "(", "if", "installed", ")", "or", "foreman"], "golden-entity-mentions": [{"text": ["overmind"], "entity-type": "framework", "start": 53, "end": 60, "index": [9]}, {"text": ["foreman"], "entity-type": "framework", "start": 80, "end": 86, "index": [15]}]}, {"sentence": ["core", ":", "The", "Rust", "core", ",", "referred", "to", "internally", "as", "sdcore", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 10, "end": 13, "index": [3]}]}, {"sentence": ["*", "[", "isomorphic-git", "]", "(", "https", ":", "//isomorphic-git.org/", ")", "-", "A", "pure", "JavaScript", "implementation", "of", "Git", "for", "NodeJS", "and", "web", "browsers", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 57, "end": 66, "index": [12]}]}, {"sentence": ["We", "also", "provide", "pre-trained", "models", "for", "translation", "and", "language", "modeling", "with", "a", "convenient", "torch.hub", "interface", ":"], "golden-entity-mentions": [{"text": ["torch.hub"], "entity-type": "platform", "start": 91, "end": 99, "index": [13]}]}, {"sentence": ["Thanks", "to", "Docker", "for", "providing", "the", "container", "platform", "that", "helps", "us", "run", "Misskey", "in", "production", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 10, "end": 15, "index": [2]}]}, {"sentence": ["This", "project", "has", "adopted", "the", "[", "Microsoft", "Open", "Source", "Code", "of", "Conduct", "]", "(", "https", ":", "//opensource.microsoft.com/codeofconduct/", ")", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 30, "end": 38, "index": [6]}]}, {"sentence": ["In", "most", "cases", ",", "LocalSend", "should", "work", "out", "of", "the", "box", ".", "However", ",", "if", "you", "are", "having", "trouble", "sending", "or", "receiving", "files", ",", "you", "may", "need", "to", "configure", "your", "firewall", "to", "allow", "LocalSend", "to", "communicate", "over", "your", "local", "network", "."], "golden-entity-mentions": [{"text": ["firewall"], "entity-type": "platform", "start": 147, "end": 154, "index": [30]}, {"text": ["local", "network"], "entity-type": "platform", "start": 200, "end": 212, "index": [38, 39]}]}, {"sentence": ["desktop", ":", "A", "Tauri", "app", "."], "golden-entity-mentions": [{"text": ["Tauri"], "entity-type": "framework", "start": 11, "end": 15, "index": [3]}]}, {"sentence": ["Linux", ":", "View", "[", "Typst", "on", "Repology", "]", "[", "repology", "]"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["You", "can", "run", "the", "scripts", "to", "try", "the", "everything", "mode", "and", "three", "prompt", "modes", "."], "golden-entity-mentions": [{"text": ["scripts"], "entity-type": "platform", "start": 16, "end": 22, "index": [4]}, {"text": ["everything", "mode"], "entity-type": "platform", "start": 35, "end": 49, "index": [8, 9]}, {"text": ["prompt", "modes"], "entity-type": "platform", "start": 61, "end": 72, "index": [12, 13]}]}, {"sentence": ["Download", "DevPod", "Desktop", ":", "-", "Linux", "AppImage"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 27, "end": 31, "index": [5]}]}, {"sentence": ["`", "run_localGPT.py", "`", "uses", "a", "local", "LLM", "to", "understand", "questions", "and", "create", "answers", "."], "golden-entity-mentions": [{"text": ["`", "run_localGPT.py", "`"], "entity-type": "framework", "start": 0, "end": 16, "index": [0, 1, 0]}]}, {"sentence": ["[", "!", "[", "Published", "on", "npm", "]", "(", "https", ":", "//img.shields.io/npm/v/lit-html.svg", ")", "]", "(", "https", ":", "//www.npmjs.com/package/lit-html", ")"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 16, "end": 18, "index": [5]}]}, {"sentence": ["docker", "run", "-ti", "--", "name", "local-ai", "-p", "8080:8080", "localai/localai"], "golden-entity-mentions": [{"text": ["docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Operating", "system", "for", "Apple", "'s", "Mac", "computers", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "company", "start": 21, "end": 25, "index": [3]}]}, {"sentence": ["Scala"], "golden-entity-mentions": [{"text": ["Scala"], "entity-type": "Language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Does", "ESLint", "support", "JSX", "?"], "golden-entity-mentions": [{"text": ["JSX"], "entity-type": "language", "start": 20, "end": 22, "index": [3]}]}, {"sentence": ["If", "you", "prompt", "it", "with", "'Write", "me", "a", "function", "that", "computes", "fibonacci", "in", "Rust", "'", ",", "the", "model", "should", "generate", "something", "along", "the", "following", "lines", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 70, "end": 73, "index": [13]}]}, {"sentence": ["Linux", ":", "`", "curl", "-fsSL", "https", ":", "//ollama.com/install.sh", "|", "sh", "`"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["The", "mission", "of", "this", "project", "is", "to", "enable", "everyone", "to", "develop", ",", "optimize", ",", "and", "deploy", "AI", "models", "natively", "on", "everyone", "'s", "platforms", "."], "golden-entity-mentions": [{"text": ["platforms"], "entity-type": "platform", "start": 116, "end": 124, "index": [22]}]}, {"sentence": ["We", "strive", "to", "remain", "true", "to", "Apple", "'s", "human", "interface", "guidelines", "and", "development", "patterns", ",", "ensuring", "CodeEdit", "looks", "and", "feels", "like", "an", "application", "developed", "by", "Apple", "themselves", ",", "which", "includes", "a", "meticulous", "attention", "to", "detail", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "Company", "start": 28, "end": 32, "index": [6]}, {"text": ["Apple"], "entity-type": "Company", "start": 28, "end": 32, "index": [6]}]}, {"sentence": ["BlackArch", "Linux"], "golden-entity-mentions": [{"text": ["BlackArch", "Linux"], "entity-type": "platform", "start": 0, "end": 14, "index": [0, 1]}]}] \ No newline at end of file diff --git a/task3/NER/input/train.json b/task3/NER/input/train.json new file mode 100644 index 0000000..bb98b51 --- /dev/null +++ b/task3/NER/input/train.json @@ -0,0 +1 @@ +[{"sentence": ["SQL", "Queries"], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "Language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Thanks", "to", "[", "Codecov", "]", "(", "https", ":", "//about.codecov.io/for/open-source/", ")", "for", "providing", "the", "code", "coverage", "platform", "that", "helps", "us", "improve", "our", "test", "coverage", "."], "golden-entity-mentions": [{"text": ["Codecov"], "entity-type": "company", "start": 11, "end": 17, "index": [3]}]}, {"sentence": ["For", "more", "info", ",", "check", "out", "the", "[", "GitHub", "documentation", "]", "(", "https", ":", "//docs.github.com/en/codespaces/developing-in-codespaces/creating-a-codespace-for-a-repository", "#", "creating-a-codespace", ")", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "Language", "start": 30, "end": 35, "index": [8]}]}, {"sentence": ["Install", "Cypress", "for", "Mac", ",", "Linux", ",", "or", "Windows", ",", "then", "[", "get", "started", "]", "(", "https", ":", "//on.cypress.io/install", ")", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "Platform", "start": 20, "end": 22, "index": [3]}, {"text": ["Linux"], "entity-type": "Platform", "start": 25, "end": 29, "index": [5]}, {"text": ["Windows"], "entity-type": "Platform", "start": 35, "end": 41, "index": [8]}]}, {"sentence": ["It", "will", "start", "a", "vite", "server", "that", "watches", "the", "`", "core", "`", ",", "`", "2d", "`", ",", "`", "ui", "`", ",", "and", "`", "vite-plugin", "`", "packages", "."], "golden-entity-mentions": [{"text": ["vite"], "entity-type": "platform", "start": 16, "end": 19, "index": [4]}]}, {"sentence": ["Nougat", "model", "weights", "are", "licensed", "under", "CC-BY-NC", "."], "golden-entity-mentions": [{"text": ["CC-BY-NC"], "entity-type": "license", "start": 40, "end": 47, "index": [6]}]}, {"sentence": ["Modules", "and", "Packages", ":", "Live", "and", "Let", "Die"], "golden-entity-mentions": [{"text": ["Modules", "and", "Packages", ":", "Live", "and", "Let", "Die"], "entity-type": "framework", "start": 0, "end": 37, "index": [0, 1, 2, 3, 4, 1, 6, 7]}]}, {"sentence": ["Angular", "is", "cross-platform", ",", "fast", ",", "scalable", ",", "has", "incredible", "tooling", ",", "and", "is", "loved", "by", "millions", "."], "golden-entity-mentions": [{"text": ["cross-platform"], "entity-type": "platform", "start": 11, "end": 24, "index": [2]}]}, {"sentence": ["Thanks", "to", "a", "generous", "compute", "donation", "from", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "and", "support", "from", "[", "LAION", "]", "(", "https", ":", "//laion.ai/", ")", ",", "we", "were", "able", "to", "train", "a", "Latent", "Diffusion", "Model", "on", "512x512", "images", "from", "a", "subset", "of", "the", "[", "LAION-5B", "]", "(", "https", ":", "//laion.ai/blog/laion-5b/", ")", "database", "."], "golden-entity-mentions": [{"text": ["Stability", "AI"], "entity-type": "company", "start": 44, "end": 55, "index": [8, 9]}, {"text": ["LAION"], "entity-type": "company", "start": 99, "end": 103, "index": [20]}, {"text": ["LAION-5B"], "entity-type": "company", "start": 213, "end": 220, "index": [46]}]}, {"sentence": ["All", "algorithms", "implemented", "in", "Rust", "-", "for", "education"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "Language", "start": 30, "end": 33, "index": [4]}]}, {"sentence": ["Tech", "Stack", "-", "tRPC", "-", "API"], "golden-entity-mentions": [{"text": ["tRPC"], "entity-type": "framework", "start": 13, "end": 16, "index": [3]}]}, {"sentence": ["At", "[", "HyperwriteAI", "]", "(", "https", ":", "//www.hyperwriteai.com/", ")", ",", "we", "are", "developing", "Agent-1-Vision", "a", "multimodal", "model", "with", "more", "accurate", "click", "location", "predictions", "."], "golden-entity-mentions": [{"text": ["HyperwriteAI"], "entity-type": "company", "start": 4, "end": 15, "index": [2]}]}, {"sentence": [".NET", "8", "SDK"], "golden-entity-mentions": [{"text": [".NET"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["The", "bot", "documentation", "."], "golden-entity-mentions": [{"text": ["documentation"], "entity-type": "language", "start": 8, "end": 20, "index": [2]}]}, {"sentence": ["In", "addition", "to", "its", "core", "features", ",", "Logseq", "has", "a", "growing", "ecosystem", "of", "*", "*", "plugins", "*", "*", "and", "*", "*", "themes", "*", "*", "that", "enable", "a", "wide", "range", "of", "workflows", "and", "*", "*", "customization", "*", "*", "options", "."], "golden-entity-mentions": [{"text": ["plugins"], "entity-type": "framework", "start": 70, "end": 76, "index": [15]}, {"text": ["themes"], "entity-type": "framework", "start": 86, "end": 91, "index": [21]}]}, {"sentence": [".NET", "8", "SDK"], "golden-entity-mentions": [{"text": [".NET"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["pip", "install", "e2b"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["!", "[", "License", ":", "Apache", "2.0", "]", "(", "https", ":", "//img.shields.io/badge/License-Apache_2.0-green.svg", ")"], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 11, "end": 20, "index": [4, 5]}]}, {"sentence": ["DeepSpeech", "is", "an", "open-source", "Speech-To-Text", "engine", ",", "using", "a", "model", "trained", "by", "machine", "learning", "techniques", "based", "on", "Baidu", "'s", "Deep", "Speech", "research", "paper", "."], "golden-entity-mentions": [{"text": ["Baidu", "'s", "Deep", "Speech"], "entity-type": "platform", "start": 114, "end": 132, "url": "https://arxiv.org/abs/1412.5567", "index": [17, 18, 19, 20]}, {"text": ["DeepSpeech"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}, {"text": ["Baidu"], "entity-type": "company", "start": 114, "end": 118, "index": [17]}]}, {"sentence": ["web", ":", "A", "React", "webapp", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 7, "end": 11, "index": [3]}]}, {"sentence": ["You", "will", "need", "to", "install", "a", "few", "dependencies", "before", "running", "the", "project", "setup", "...", "CMake", "(", "recent", "version", ",", "we", "used", "3.24", ")"], "golden-entity-mentions": [{"text": ["CMake"], "entity-type": "framework", "start": 80, "end": 84, "index": [14]}]}, {"sentence": ["For", "Windows", ",", "please", "refer", "to", "the", "detailed", "documentation", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 4, "end": 10, "index": [1]}]}, {"sentence": ["Android", "Roadmap"], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Create", "a", "SendGrid", "account", "(", "https", ":", "//signup.sendgrid.com/", ")"], "golden-entity-mentions": [{"text": ["SendGrid"], "entity-type": "framework", "start": 9, "end": 16, "index": [2]}]}, {"sentence": ["`", "lit-html", "`", "lets", "you", "write", "[", "HTML", "templates", "]", "(", "https", ":", "//developer.mozilla.org/en-US/docs/Web/HTML/Element/template", ")", "in", "JavaScript", "with", "[", "template", "literals", "]", "(", "https", ":", "//developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Template_literals", ")", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 114, "end": 123, "index": [16]}]}, {"sentence": ["Transformers", "(", "Access", "models", "from", "HuggingFace", "hub", ")"], "golden-entity-mentions": [{"text": ["Transformers"], "entity-type": "framework", "start": 0, "end": 11, "index": [0]}]}, {"sentence": ["To", "run", "logits", "equivalence", ":", "`", "python", "-m", "pytest", "tests", "`", "."], "golden-entity-mentions": [{"text": ["pytest"], "entity-type": "framework", "start": 38, "end": 43, "index": [8]}]}, {"sentence": ["Read", "more", "on", "thewhiteh4t", "'s", "Blog", "."], "golden-entity-mentions": [{"text": ["thewhiteh4t"], "entity-type": "company", "start": 13, "end": 23, "index": [3]}]}, {"sentence": ["[", "!", "[", "Python", "package", "]", "(", "https", ":", "//img.shields.io/pypi/v/semantic-kernel", ")", "]", "(", "https", ":", "//pypi.org/project/semantic-kernel/", ")"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 3, "end": 8, "index": [3]}]}, {"sentence": ["Thanks", "to", "a", "generous", "compute", "donation", "from", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "and", "support", "from", "[", "LAION", "]", "(", "https", ":", "//laion.ai/", ")", ",", "we", "were", "able", "to", "train", "a", "Latent", "Diffusion", "Model", "on", "512x512", "images", "from", "a", "subset", "of", "the", "[", "LAION-5B", "]", "(", "https", ":", "//laion.ai/blog/laion-5b/", ")", "database", "."], "golden-entity-mentions": [{"text": ["Stability", "AI"], "entity-type": "platform", "start": 44, "end": 55, "index": [8, 9]}, {"text": ["LAION"], "entity-type": "platform", "start": 99, "end": 103, "index": [20]}, {"text": ["LAION-5B"], "entity-type": "platform", "start": 213, "end": 220, "index": [46]}]}, {"sentence": ["I", "want", "to", "extend", "a", "warm", "and", "deep", "thanks", "to", "Marc", "Grabanski", "and", "the", "entire", "Frontend", "Masters", "team", ",", "not", "only", "for", "their", "excellent", "work", "with", "the", "video", "training", "platform", ",", "but", "for", "their", "unwavering", "support", "of", "me", "and", "of", "the", "'You", "Do", "n't", "Know", "JS", "'", "books", "!"], "golden-entity-mentions": [{"text": ["Frontend", "Masters"], "entity-type": "company", "start": 73, "end": 88, "index": [15, 16]}]}, {"sentence": ["We", "evaluated", "our", "model", "on", "[", "HELM", "]", "(", "https", ":", "//crfm.stanford.edu/helm/latest/", ")", "provided", "by", "the", "[", "Center", "for", "Research", "on", "Foundation", "Models", "]", "(", "https", ":", "//crfm.stanford.edu", ")", "."], "golden-entity-mentions": [{"text": ["Center", "for", "Research", "on", "Foundation", "Models"], "entity-type": "company", "start": 90, "end": 129, "index": [17, 18, 19, 4, 21, 22]}]}, {"sentence": ["To", "develop", "the", "player", ",", "first", "build", "the", "template", ":", "`", "npm", "run", "template", ":", "build", "`", ".", "Then", ",", "start", "`", "npm", "run", "player", ":", "dev", "`", "."], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 50, "end": 52, "index": [11]}]}, {"sentence": ["Then", ",", "you", "will", "need", "to", "install", "PyTorch", ":", "refer", "to", "the", "official", "installation", "page", "regarding", "the", "specific", "install", "command", "for", "your", "platform", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 31, "end": 37, "index": [7]}]}, {"sentence": ["Copyright", "(", "c", ")", "2023-present", "tldraw", "Inc", ".", "The", "tldraw", "name", "and", "logo", "are", "trademarks", "of", "tldraw", "."], "golden-entity-mentions": [{"text": ["tldraw", "Inc", "."], "entity-type": "company", "start": 27, "end": 37, "index": [5, 6, 7]}]}, {"sentence": ["Navigate", "to", "Mastodon", "'s", "root", "directory", "and", "run", "brew", "install", "nvm", "then", "nvm", "use", "to", "use", "the", "version", "from", ".nvmrc"], "golden-entity-mentions": [{"text": ["nvm"], "entity-type": "language", "start": 59, "end": 61, "index": [10]}]}, {"sentence": ["Black", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 28, "end": 38, "index": [5, 6]}]}, {"sentence": ["GraphQL", "Roadmap"], "golden-entity-mentions": [{"text": ["GraphQL"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Our", "goal", "is", "to", "maintain", "a", "lightweight", "experience", ",", "similar", "to", "TextEdit", ",", "while", "being", "able", "to", "scale", "up", "to", "a", "more", "feature-rich", "experience", ",", "comparable", "to", "Xcode", ",", "as", "necessary", "."], "golden-entity-mentions": [{"text": ["TextEdit"], "entity-type": "Framework", "start": 61, "end": 68, "index": [11]}, {"text": ["Xcode"], "entity-type": "Framework", "start": 149, "end": 153, "index": [27]}]}, {"sentence": ["MSVC", "v143", "-", "VS", "2022", "C++", "x64/x86", "or", "ARM64", "build", "tools", "(", "latest", ")"], "golden-entity-mentions": [{"text": ["MSVC", "v143"], "entity-type": "platform", "start": 0, "end": 8, "index": [0, 1]}]}, {"sentence": ["Smart", ",", "incremental", "syntax", "highlighting", "and", "code", "editing", "via", "tree-sitter", "."], "golden-entity-mentions": [{"text": ["tree-sitter"], "entity-type": "framework", "start": 60, "end": 70, "index": [9]}]}, {"sentence": ["Please", "follow", "the", "instructions", "here", "to", "install", "both", "PyTorch", "and", "TorchVision", "dependencies", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "platform", "start": 52, "end": 58, "index": [8]}, {"text": ["TorchVision"], "entity-type": "platform", "start": 64, "end": 74, "index": [10]}, {"text": ["PyTorch"], "entity-type": "framework", "start": 52, "end": 58, "index": [8]}, {"text": ["TorchVision"], "entity-type": "framework", "start": 64, "end": 74, "index": [10]}]}, {"sentence": ["Foundational", "understanding", "of", "Python", "programming", "is", "recommended", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 30, "end": 35, "index": [3]}]}, {"sentence": ["React", "makes", "it", "painless", "to", "create", "interactive", "UIs", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Tested", "On", ":", "Kali", "Linux", ",", "BlackArch", "Linux", ",", "Ubuntu", ",", "Fedora", ",", "Kali", "Nethunter", ",", "Termux", ",", "Parrot", "OS", ",", "OSX", "-", "Monterey", "v.12.0.1"], "golden-entity-mentions": [{"text": ["Kali", "Linux"], "entity-type": "platform", "start": 12, "end": 21, "index": [3, 4]}, {"text": ["BlackArch", "Linux"], "entity-type": "platform", "start": 24, "end": 38, "index": [6, 4]}, {"text": ["Ubuntu"], "entity-type": "platform", "start": 41, "end": 46, "index": [9]}, {"text": ["Fedora"], "entity-type": "platform", "start": 49, "end": 54, "index": [11]}, {"text": ["Kali", "Nethunter"], "entity-type": "platform", "start": 57, "end": 70, "index": [3, 14]}, {"text": ["Termux"], "entity-type": "platform", "start": 73, "end": 78, "index": [16]}, {"text": ["Parrot", "OS"], "entity-type": "platform", "start": 81, "end": 89, "index": [18, 19]}, {"text": ["OSX"], "entity-type": "platform", "start": 92, "end": 94, "index": [21]}]}, {"sentence": ["A", "TypeScript", "library", "that", "uses", "generators", "to", "program", "animations", "."], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 2, "end": 11, "index": [1]}]}, {"sentence": ["[", "Linux", "\u8fd0\u884c\u6559\u7a0b", "]", "(", "docs/Run_Linux.md", ")"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 1, "end": 5, "index": [1]}]}, {"sentence": ["Data", "Science", "@", "Symantec"], "golden-entity-mentions": [{"text": ["Symantec"], "entity-type": "Company", "start": 14, "end": 21, "index": [3]}]}, {"sentence": ["Some", "proxies", "automatically", "do", "this", "step", ",", "like", "Caddy", "(", "see", "examples", "linked", "above", ")", "."], "golden-entity-mentions": [{"text": ["Caddy"], "entity-type": "framework", "start": 46, "end": 50, "index": [8]}]}, {"sentence": ["Android", "API", ">", "=", "21", "(", "Android", "5.0", ")", "."], "golden-entity-mentions": [{"text": ["Android", "API"], "entity-type": "platform", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["What", "is", "the", "smallest", "chat", "server", "you", "can", "write", "?", "For", "starters", "to", "be", "truly", "minimal", "we", "should", "not", "require", "any", "proper", "client", ".", "Even", "if", "not", "very", "well", ",", "it", "should", "work", "with", "`", "telnet", "`", "or", "`", "nc", "`", "(", "netcat", ")", "."], "golden-entity-mentions": [{"text": ["telnet"], "entity-type": "language", "start": 166, "end": 171, "index": [35]}]}, {"sentence": ["use", "OpenAI", "API", "Key", ",", "fill", "in", "the", "OPENAI_API_KEY", "field"], "golden-entity-mentions": [{"text": ["OpenAI", "API", "Key"], "entity-type": "framework", "start": 4, "end": 17, "index": [1, 2, 3]}]}, {"sentence": ["With", "Smart", "Detection", ",", "DevToys", "can", "detect", "the", "best", "tool", "to", "use", "for", "the", "data", "copied", "to", "the", "Windows", "clipboard", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 89, "end": 95, "index": [18]}]}, {"sentence": ["Rust", "(", "more", "features", ")", ":", "edgenai/llama_cpp-rs"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["You", "can", "buy", "the", "book", "on", "[", "Amazon", "]", "(", "https", ":", "//www.amazon.com/dp/1955811563", ")", "or", "[", "Audible", "]", "(", "https", ":", "//www.audible.com/pd/B0CXB5YZL2", ")"], "golden-entity-mentions": [{"text": ["Amazon"], "entity-type": "company", "start": 25, "end": 30, "index": [7]}, {"text": ["Audible"], "entity-type": "company", "start": 75, "end": 81, "index": [16]}]}, {"sentence": ["Data", "Science", "@", "Spotify"], "golden-entity-mentions": [{"text": ["Spotify"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["AGPL", "License"], "golden-entity-mentions": [{"text": ["AGPL", "License"], "entity-type": "license", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["#", "On", "Linux", "via", "Apt"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 5, "end": 9, "index": [2]}]}, {"sentence": ["You", "just", "need", "SSH", "connection", "."], "golden-entity-mentions": [{"text": ["SSH"], "entity-type": "Platform", "start": 14, "end": 16, "index": [3]}]}, {"sentence": ["Dub", "is", "open-source", "under", "the", "GNU", "Affero", "General", "Public", "License", "Version", "3", "(", "AGPLv3", ")", "or", "any", "later", "version", "."], "golden-entity-mentions": [{"text": ["GNU", "Affero", "General", "Public", "License", "Version", "3", "(", "AGPLv3", ")"], "entity-type": "license", "start": 29, "end": 80, "index": [5, 6, 7, 8, 9, 10, 11, 12, 13, 14]}]}, {"sentence": ["E2B", "Sandbox", "is", "a", "secure", "sandboxed", "cloud", "environment", "made", "for", "AI", "agents", "and", "AI", "apps", "."], "golden-entity-mentions": [{"text": ["cloud"], "entity-type": "platform", "start": 34, "end": 38, "index": [6]}]}, {"sentence": ["video", "encode", ":", "ffmpeg"], "golden-entity-mentions": [{"text": ["ffmpeg"], "entity-type": "framework", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["Supports", "Linux", "and", "MacOS", "on", "x86_64", "and", "ARM64", "architectures", ",", "as", "well", "as", "embedded", "ARMv6", "and", "ARMv7-A", "systems", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 9, "end": 13, "index": [1]}, {"text": ["MacOS"], "entity-type": "platform", "start": 19, "end": 23, "index": [3]}, {"text": ["x86_64"], "entity-type": "platform", "start": 28, "end": 33, "index": [5]}, {"text": ["ARM64"], "entity-type": "platform", "start": 39, "end": 43, "index": [7]}, {"text": ["ARMv6"], "entity-type": "platform", "start": 80, "end": 84, "index": [14]}, {"text": ["ARMv7-A"], "entity-type": "platform", "start": 90, "end": 96, "index": [16]}]}, {"sentence": ["If", "you", "'ve", "already", "developed", "your", "software", "using", "the", "openai", "Python", "package", "(", "that", "'s", "published", "by", "OpenAI", ")", "then", "you", "should", "be", "able", "to", "port", "your", "app", "to", "talk", "to", "llamafile", "instead", ",", "by", "making", "a", "few", "changes", "to", "base_url", "and", "api_key", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 59, "end": 64, "index": [10]}]}, {"sentence": ["I", "'d", "also", "like", "to", "thank", "JetBrains", "for", "their", "awesome", "IntelliJ", "IDEA", ",", "and", "DigitalOcean", "for", "supporting", "the", "project", ":"], "golden-entity-mentions": [{"text": ["JetBrains"], "entity-type": "company", "start": 23, "end": 31, "index": [6]}, {"text": ["DigitalOcean"], "entity-type": "company", "start": 70, "end": 81, "index": [14]}]}, {"sentence": ["How", "do", "models", "stack", "up", "for", "function", "calling", "?"], "golden-entity-mentions": [{"text": ["models"], "entity-type": "platform", "start": 7, "end": 12, "index": [2]}, {"text": ["function", "calling"], "entity-type": "platform", "start": 27, "end": 42, "index": [6, 7]}]}, {"sentence": ["Troubleshooting", "on", "Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 19, "end": 23, "index": [2]}]}, {"sentence": ["macOS", "with", "[", "MacPorts", "]", "(", "https", ":", "//www.macports.org", ")", ":"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["NextAuth.js", "\u2013", "auth"], "golden-entity-mentions": [{"text": ["NextAuth.js"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["The", "optimizer", "uses", "PyTorch", "and", "CUDA", "extensions", "in", "a", "Python", "environment", "to", "produce", "trained", "models", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 19, "end": 25, "index": [3]}, {"text": ["Python"], "entity-type": "language", "start": 52, "end": 57, "index": [9]}]}, {"sentence": ["We", "are", "sharing", "codes", "for", "academic", "purposes", "under", "the", "MIT", "education", "license", "."], "golden-entity-mentions": [{"text": ["MIT", "education", "license"], "entity-type": "license", "start": 53, "end": 73, "index": [9, 10, 11]}]}, {"sentence": ["Elementor", "website", "builder", "is", "free", "and", "open", "source", ".", "It", "'s", "the", "perfect", "plugin", "to", "extend", "and", "integrate", "further", "."], "golden-entity-mentions": [{"text": ["open", "source"], "entity-type": "platform", "start": 38, "end": 48, "index": [6, 7]}]}, {"sentence": ["It", "'s", "often", "a", "dependency", "of", "Facebook", "'s", "other", "open", "source", "C++", "efforts", "and", "place", "where", "those", "projects", "can", "share", "code", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 27, "end": 34, "index": [6]}]}, {"sentence": ["Berkeley", "Function", "Calling", "Leaderboard", "."], "golden-entity-mentions": [{"text": ["Berkeley", "Function", "Calling", "Leaderboard"], "entity-type": "framework", "start": 0, "end": 36, "index": [0, 1, 2, 3]}]}, {"sentence": ["DevPod", "reuses", "the", "open", "DevContainer", "standard", "(", "used", "by", "GitHub", "Codespaces", "and", "VSCode", "DevContainers", ")", "to", "create", "a", "consistent", "developer", "experience", "no", "matter", "what", "backend", "you", "want", "to", "use", "."], "golden-entity-mentions": [{"text": ["DevContainer"], "entity-type": "framework", "start": 23, "end": 34, "index": [4]}]}, {"sentence": ["Prompt2Model", "supports", "various", "platforms", "such", "as", "OpenAI", ",", "Anthropic", ",", "Huggingface", ",", "etc", ".", "using", "LiteLLM", "."], "golden-entity-mentions": [{"text": ["LiteLLM"], "entity-type": "framework", "start": 91, "end": 97, "index": [15]}, {"text": ["OpenAI"], "entity-type": "company", "start": 48, "end": 53, "index": [6]}, {"text": ["Anthropic"], "entity-type": "company", "start": 56, "end": 64, "index": [8]}, {"text": ["Huggingface"], "entity-type": "company", "start": 67, "end": 77, "index": [10]}]}, {"sentence": ["PyTorch", "implementation", "and", "pretrained", "models", "for", "ImageBind", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["DeepSpeech", "is", "an", "open-source", "Speech-To-Text", "engine", ",", "using", "a", "model", "trained", "by", "machine", "learning", "techniques", "based", "on", "Baidu", "'s", "Deep", "Speech", "research", "paper", "."], "golden-entity-mentions": [{"text": ["DeepSpeech"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Works", "on", "any", "Discord", "branch", ":", "Stable", ",", "Canary", "or", "PTB", "all", "work", "(", "though", "for", "the", "best", "experience", "I", "recommend", "stable", "!", ")"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 13, "end": 19, "index": [3]}]}, {"sentence": ["Oxc", "is", "building", "a", "parser", ",", "linter", ",", "formatter", ",", "transpiler", ",", "minifier", ",", "resolver", "...", "all", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 95, "end": 98, "index": [19]}]}, {"sentence": ["Meta", "."], "golden-entity-mentions": [{"text": ["Meta"], "entity-type": "company", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["-", "[", "X", "]", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 6, "end": 11, "index": [4]}]}, {"sentence": ["using", "primarily", "Scikit-learn", "as", "a", "library", "and", "avoiding", "deep", "learning", ",", "which", "is", "covered", "in", "our", "forthcoming", "'AI", "for", "Beginners", "'", "curriculum", "."], "golden-entity-mentions": [{"text": ["Scikit-learn"], "entity-type": "framework", "start": 16, "end": 27, "index": [2]}]}, {"sentence": ["on", "Ubuntu", "or", "Debian", "sudo", "apt", "update", "&", "&", "sudo", "apt", "install", "ffmpeg"], "golden-entity-mentions": [{"text": ["Ubuntu"], "entity-type": "platform", "start": 3, "end": 8, "index": [1]}, {"text": ["Debian"], "entity-type": "platform", "start": 13, "end": 18, "index": [3]}]}, {"sentence": ["Download", "ChatGPT", "Desktop", "App", ":", "macOS", "/", "Windows", "/", "Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 48, "end": 52, "index": [9]}, {"text": ["macOS"], "entity-type": "platform", "start": 30, "end": 34, "index": [5]}, {"text": ["Windows"], "entity-type": "platform", "start": 38, "end": 44, "index": [7]}]}, {"sentence": ["If", "you", "have", "boost", ",", "gtest", ",", "or", "other", "dependencies", "installed", "in", "a", "non-default", "location", ",", "you", "can", "use", "the", "CMAKE_INCLUDE_PATH", "and", "CMAKE_LIBRARY_PATH", "variables", "to", "make", "CMAKE", "look", "also", "look", "for", "header", "files", "and", "libraries", "in", "non-standard", "locations", "."], "golden-entity-mentions": [{"text": ["CMAKE"], "entity-type": "language", "start": 101, "end": 105, "index": [26]}]}, {"sentence": ["Big", "improvements", "can", "also", "be", "achieved", "by", "compiling", "with", "OpenMP", ",", "which", "``", "activates", "''", "the", "#", "pragma", "omp", "parallel", "for", "inside", "the", "matmul", "and", "attention", ",", "allowing", "the", "work", "in", "the", "loops", "to", "be", "split", "up", "over", "multiple", "processors", "."], "golden-entity-mentions": [{"text": ["OpenMP"], "entity-type": "framework", "start": 56, "end": 61, "index": [9]}]}, {"sentence": ["Data", "Science", "@", "BMW"], "golden-entity-mentions": [{"text": ["BMW"], "entity-type": "Company", "start": 14, "end": 16, "index": [3]}]}, {"sentence": ["For", "Codespaces", ",", "install", "the", "[", "GitHub", "Codespaces", "]", "(", "https", ":", "//marketplace.visualstudio.com/items", "?", "itemName=GitHub.codespaces", ")", "extension", "in", "VS", "Code", ",", "and", "use", "the", "*", "*", "Codespaces", ":", "Create", "New", "Codespace", "*", "*", "command", "."], "golden-entity-mentions": [{"text": ["GitHub", "Codespaces"], "entity-type": "framework", "start": 29, "end": 45, "index": [6, 1]}]}, {"sentence": ["Just", "define", "your", "training", "loop", "in", "a", "training_function", "then", "in", "your", "last", "cell", ",", "add", ":"], "golden-entity-mentions": [{"text": ["training_function"], "entity-type": "platform", "start": 36, "end": 52, "index": [7]}]}, {"sentence": ["The", "audio", "is", "decoded", "with", "the", "Python", "library", "PyAV", "which", "bundles", "the", "FFmpeg", "libraries", "in", "its", "package", "."], "golden-entity-mentions": [{"text": ["PyAV"], "entity-type": "platform", "start": 45, "end": 48, "index": [8]}, {"text": ["FFmpeg"], "entity-type": "platform", "start": 68, "end": 73, "index": [12]}, {"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [6]}]}, {"sentence": ["As", "you", "get", "started", "you", "can", "choose", "to", "run", "the", "curriculum", "in", "a", "Codespace", ",", "or", "locally", "on", "your", "computer", "using", "a", "text", "editor", "such", "as", "Visual", "Studio", "Code", "."], "golden-entity-mentions": [{"text": ["Codespace"], "entity-type": "platform", "start": 61, "end": 69, "index": [13]}, {"text": ["Visual", "Studio", "Code"], "entity-type": "platform", "start": 128, "end": 145, "index": [26, 27, 28]}]}, {"sentence": ["Node.js", "powers", "the", "streaming", "API"], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "language", "start": 0, "end": 6, "index": [0]}, {"text": ["Node.js"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["You", "can", "also", "try", "it", "in", "your", "browser", "with", "Google", "Colab", ":"], "golden-entity-mentions": [{"text": ["Google", "Colab"], "entity-type": "platform", "start": 41, "end": 52, "index": [9, 10]}]}, {"sentence": ["If", "you", "would", "like", "to", "run", "the", "data", "collection", "app", "locally", "for", "development", ",", "you", "can", "set", "up", "an", "entire", "stack", "needed", "to", "run", "*", "*", "Open-Assistant", "*", "*", ",", "including", "the", "website", ",", "backend", ",", "and", "associated", "dependent", "services", ",", "with", "Docker", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 211, "end": 216, "index": [42]}]}, {"sentence": ["Linux", ",", "macOS", ",", "and", "Windows", "are", "all", "first-class", "citizens", "in", "pipenv", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}, {"text": ["macOS"], "entity-type": "platform", "start": 7, "end": 11, "index": [2]}, {"text": ["Windows"], "entity-type": "platform", "start": 18, "end": 24, "index": [5]}]}, {"sentence": ["micro", "uses", "the", "amazing", "[", "tcell", "library", "]", "(", "https", ":", "//github.com/gdamore/tcell", ")", ",", "but", "this", "means", "that", "micro", "is", "restricted", "to", "the", "platforms", "tcell", "supports", "."], "golden-entity-mentions": [{"text": ["tcell"], "entity-type": "framework", "start": 24, "end": 28, "index": [5]}]}, {"sentence": ["BoxyHQ", "\u2013", "SSO/SAML"], "golden-entity-mentions": [{"text": ["BoxyHQ"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Clean", "and", "format", "each", "block", "(", "heuristics", ",", "[", "texify", "]", "(", "https", ":", "//github.com/VikParuchuri/texify", ")", ")"], "golden-entity-mentions": [{"text": ["texify"], "entity-type": "framework", "start": 42, "end": 47, "index": [9]}]}, {"sentence": ["Go", "Roadmap"], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 0, "end": 1, "index": [0]}]}, {"sentence": ["API", "method"], "golden-entity-mentions": [{"text": ["API"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["You", "can", "follow", "the", "Python", "official", "documentation", "for", "virtual", "environments", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 19, "end": 24, "index": [4]}]}, {"sentence": ["Docker", "Quickstart", "documentation", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["They", "may", "be", "less", "efficient", "than", "the", "implementations", "in", "the", "Python", "standard", "library", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 59, "end": 64, "index": [10]}]}, {"sentence": ["Works", "on", "GPU", ",", "CPU", ",", "or", "MPS"], "golden-entity-mentions": [{"text": ["GPU"], "entity-type": "platform", "start": 9, "end": 11, "index": [2]}, {"text": ["CPU"], "entity-type": "platform", "start": 14, "end": 16, "index": [4]}, {"text": ["MPS"], "entity-type": "platform", "start": 22, "end": 24, "index": [7]}]}, {"sentence": ["For", "example", ",", "to", "migrate", "a", "Python", "codebase", "to", "Node.js", ",", "you", "might", "run", ":", "python", "main.py", "--", "sourcedir", "/path/to/my-python-app", "--", "sourceentry", "app.py", "--", "targetdir", "/path/to/my-nodejs-app", "--", "targetlang", "nodejs"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 26, "end": 31, "index": [6]}, {"text": ["Node.js"], "entity-type": "language", "start": 45, "end": 51, "index": [9]}]}, {"sentence": ["Mastodon", "is", "free", ",", "open-source", "software", "licensed", "under", "AGPLv3", "."], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "licenses", "start": 54, "end": 59, "index": [8]}]}, {"sentence": ["The", "easiest", "way", "to", "start", "a", "Tabby", "server", "is", "by", "using", "the", "following", "Docker", "command", ":"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 66, "end": 71, "index": [13]}]}, {"sentence": ["You", "can", "get", "an", "API", "key", "by", "creating", "an", "account", "on", "[", "OpenAI", "]", "(", "https", ":", "//openai.com/", ")", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 50, "end": 55, "index": [12]}]}, {"sentence": ["Open", "Interpreter", "lets", "LLMs", "run", "code", "(", "Python", ",", "Javascript", ",", "Shell", ",", "and", "more", ")", "locally", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 37, "end": 42, "index": [7]}, {"text": ["Shell"], "entity-type": "language", "start": 57, "end": 61, "index": [11]}]}, {"sentence": ["Kubernetes", "Container", "Deployment"], "golden-entity-mentions": [{"text": ["Kubernetes"], "entity-type": "Platform", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Developers", "can", "integrate", "any", "front-end", "framework", "that", "compiles", "to", "HTML", ",", "JS", "and", "CSS", "for", "building", "their", "user", "interface", "."], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "language", "start": 66, "end": 69, "index": [9]}, {"text": ["CSS"], "entity-type": "language", "start": 79, "end": 81, "index": [13]}]}, {"sentence": ["Open-Source", "Base", "Model", "used", "in", "the", "LLMs", "layer", "of", "FinGPT", "."], "golden-entity-mentions": [{"text": ["Base", "Model"], "entity-type": "platform", "start": 12, "end": 21, "index": [1, 2]}, {"text": ["LLMs", "layer"], "entity-type": "platform", "start": 35, "end": 44, "index": [6, 7]}, {"text": ["FinGPT"], "entity-type": "platform", "start": 49, "end": 54, "index": [9]}]}, {"sentence": ["Vim", "is", "Charityware", "."], "golden-entity-mentions": [{"text": ["Charityware"], "entity-type": "license", "start": 7, "end": 17, "index": [2]}]}, {"sentence": ["The", "`", "deploy", "`", "folder", "contains", "code", "to", "build", "a", "vLLM", "image", "with", "the", "required", "dependencies", "to", "serve", "the", "Mistral", "AI", "model", "."], "golden-entity-mentions": [{"text": ["vLLM"], "entity-type": "framework", "start": 45, "end": 48, "index": [10]}]}, {"sentence": ["MIT", "License"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["It", "requires", "Python", "3.8+", "to", "run", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 12, "end": 17, "index": [2]}]}, {"sentence": ["Tailwind", "\u2013", "CSS"], "golden-entity-mentions": [{"text": ["Tailwind"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Azure", "Cloud", "Advocates", "at", "Microsoft", "are", "pleased", "to", "offer", "a", "12-week", ",", "26-lesson", "curriculum", "all", "about", "*", "*", "Machine", "Learning", "*", "*", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 25, "end": 33, "index": [4]}]}, {"sentence": ["The", "models", "weights", "in", "this", "repository", "are", "released", "under", "the", "CC-BY-NC", "4.0", "license", "as", "found", "in", "the", "LICENSE_weights", "file", "."], "golden-entity-mentions": [{"text": ["CC-BY-NC", "4.0", "license"], "entity-type": "license", "start": 61, "end": 80, "index": [10, 11, 12]}]}, {"sentence": ["You", "can", "deploy", "Cal.com", "on", "[", "Railway", "]", "(", "https", ":", "//railway.app/", ")", "using", "the", "button", "above", "."], "golden-entity-mentions": [{"text": ["Railway"], "entity-type": "platform", "start": 27, "end": 33, "index": [6]}]}, {"sentence": ["The", "repository", "is", "a", "collection", "of", "open-source", "implementations", "of", "a", "variety", "of", "algorithms", "implemented", "in", "C", "and", "licensed", "under", "[", "GPLv3", "License", "]", "(", "https", ":", "//github.com/TheAlgorithms/C/blob/master/LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 104, "end": 104, "index": [15]}, {"text": ["GPLv3"], "entity-type": "license", "start": 126, "end": 130, "index": [20]}]}, {"sentence": ["[", "Google", "Summer", "of", "Code", "]", "(", "https", ":", "//developers.google.com/open-source/gsoc/", ")"], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 1, "end": 6, "index": [1]}]}, {"sentence": ["On", "Centos", "7", ",", "Amazon", "Linux", "2018", "use", "rungnu", "Makefile", "target", ":", "make", "rungnu", "or", "make", "runompgnu", "to", "use", "openmp", "."], "golden-entity-mentions": [{"text": ["Centos", "7"], "entity-type": "platform", "start": 3, "end": 10, "index": [1, 2]}, {"text": ["Amazon", "Linux", "2018"], "entity-type": "platform", "start": 13, "end": 29, "index": [4, 5, 6]}]}, {"sentence": ["The", "following", "organizations", "use", "*", "Black", "*", ":", "Facebook", ",", "Dropbox", ",", "KeepTruckin", ",", "Lyft", ",", "Mozilla", ",", "Quora", ",", "Duolingo", ",", "QuantumBlack", ",", "Tesla", ",", "Archer", "Aviation", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 41, "end": 48, "index": [8]}, {"text": ["Dropbox"], "entity-type": "company", "start": 51, "end": 57, "index": [10]}, {"text": ["KeepTruckin"], "entity-type": "company", "start": 60, "end": 70, "index": [12]}, {"text": ["Lyft"], "entity-type": "company", "start": 73, "end": 76, "index": [14]}, {"text": ["Mozilla"], "entity-type": "company", "start": 79, "end": 85, "index": [16]}, {"text": ["Quora"], "entity-type": "company", "start": 88, "end": 92, "index": [18]}, {"text": ["Duolingo"], "entity-type": "company", "start": 95, "end": 102, "index": [20]}, {"text": ["QuantumBlack"], "entity-type": "company", "start": 105, "end": 116, "index": [22]}, {"text": ["Tesla"], "entity-type": "company", "start": 119, "end": 123, "index": [24]}, {"text": ["Archer", "Aviation"], "entity-type": "company", "start": 126, "end": 140, "index": [26, 27]}]}, {"sentence": ["The", "MIT", "License", "(", "MIT", ")"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 4, "end": 14, "index": [1, 2]}]}, {"sentence": ["join", "us", "on", "discord", "or", "reach", "out", "to", "@", "vijaytarian", "and", "@", "Chenan3_Zhao", "on", "Twitter"], "golden-entity-mentions": [{"text": ["Twitter"], "entity-type": "company", "start": 69, "end": 75, "index": [14]}]}, {"sentence": ["You", "can", "run", "this", "documentation", "offline", "by", "using", "[", "Docsify", "]", "(", "https", ":", "//docsify.js.org/", "#", "/", ")", "."], "golden-entity-mentions": [{"text": ["Docsify"], "entity-type": "Platform", "start": 49, "end": 55, "index": [9]}, {"text": ["Docsify"], "entity-type": "Framework", "start": 49, "end": 55, "index": [9]}]}, {"sentence": ["Bad-KB", "allows", "you", "to", "toggle", "between", "USB", "and", "Bluetooth", "mode", "for", "your", "attacks", "."], "golden-entity-mentions": [{"text": ["Bad-KB"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Ollama", "supports", "importing", "GGUF", "models", "in", "the", "Modelfile", "."], "golden-entity-mentions": [{"text": ["GGUF"], "entity-type": "framework", "start": 26, "end": 29, "index": [3]}]}, {"sentence": ["#", "On", "Windows", "via", "Scoop"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 5, "end": 11, "index": [2]}]}, {"sentence": ["The", "course", "is", "built", "using", "a", "few", "tools", ":", "[", "mdbook-svgbob", "]", "(", "https", ":", "//github.com/boozook/mdbook-svgbob", ")"], "golden-entity-mentions": [{"text": ["mdbook-svgbob"], "entity-type": "Framework", "start": 40, "end": 52, "index": [10]}]}, {"sentence": ["FinGPT", "by", "finetuning", "ChatGLM2", "/", "Llama2", "with", "LoRA", "with", "the", "market-labeled", "data", "for", "the", "Chinese", "Market", "."], "golden-entity-mentions": [{"text": ["ChatGLM2"], "entity-type": "framework", "start": 21, "end": 28, "index": [3]}, {"text": ["Llama2"], "entity-type": "framework", "start": 32, "end": 37, "index": [5]}, {"text": ["LoRA"], "entity-type": "framework", "start": 44, "end": 47, "index": [7]}]}, {"sentence": ["[", "GPLv3", "License", "]", "(", "https", ":", "//chatgpt.com/c/LICENSE.txt", ")"], "golden-entity-mentions": [{"text": ["GPLv3", "License"], "entity-type": "license", "start": 1, "end": 13, "index": [1, 2]}]}, {"sentence": ["Referring", "to", "the", "successful", "attempts", "of", "BLOOM", "and", "Stable", "Diffusion", ",", "any", "and", "all", "developers", "and", "partners", "with", "computing", "powers", ",", "datasets", ",", "models", "are", "welcome", "to", "join", "and", "build", "the", "DB-GPT", "community", "."], "golden-entity-mentions": [{"text": ["BLOOM"], "entity-type": "company", "start": 40, "end": 44, "index": [6]}, {"text": ["Stable", "Diffusion"], "entity-type": "company", "start": 50, "end": 65, "index": [8, 9]}, {"text": ["DB-GPT"], "entity-type": "company", "start": 178, "end": 183, "index": [31]}]}, {"sentence": ["AWS", "Lambda"], "golden-entity-mentions": [{"text": ["AWS", "Lambda"], "entity-type": "Platform", "start": 0, "end": 9, "index": [0, 1]}]}, {"sentence": ["If", "you", "have", "a", "[", "Rust", "]", "[", "rust", "]", "toolchain", "installed", ",", "you", "can", "install", "the", "latest", "released", "Typst", "version", "with", "`", "cargo", "install", "--", "locked", "typst-cli", "`"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 15, "end": 18, "index": [5]}]}, {"sentence": ["Stable", "Diffusion", "was", "made", "possible", "thanks", "to", "a", "collaboration", "with", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "and", "[", "Runway", "]", "(", "https", ":", "//runwayml.com/", ")", "and", "builds", "upon", "our", "previous", "work", ":"], "golden-entity-mentions": [{"text": ["Stability", "AI"], "entity-type": "platform", "start": 67, "end": 78, "index": [11, 12]}, {"text": ["Runway"], "entity-type": "platform", "start": 109, "end": 114, "index": [21]}]}, {"sentence": ["\u53ef\u4ee5\u901a\u8fc7\u8bbe\u7f6e\u73af\u5883\u53d8\u91cf", "`", "BLOB_READ_WRITE_TOKEN", "`", "\uff0c\u5c06\u5176\u4e0e", "Vercel", "Blob", "\u96c6\u6210\u3002"], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "platform", "start": 39, "end": 44, "index": [5]}]}, {"sentence": ["Python", "3.9+", "."], "golden-entity-mentions": [{"text": ["Python", "3.9+"], "entity-type": "language", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["Logseq", "is", "also", "made", "possible", "by", "the", "following", "projects", ":", "*", "[", "Clojure", "&", "ClojureScript", "]", "(", "https", ":", "//clojure.org/", ")", "-", "A", "dynamic", ",", "functional", ",", "general-purpose", "programming", "language", "."], "golden-entity-mentions": [{"text": ["Clojure"], "entity-type": "language", "start": 59, "end": 65, "index": [12]}, {"text": ["ClojureScript"], "entity-type": "language", "start": 69, "end": 81, "index": [14]}]}, {"sentence": ["[", "!", "[", "MIT", "License", "]", "(", "https", ":", "//img.shields.io/badge/license-MIT-blue.svg", ")", "]", "(", "https", ":", "//github.com/zyedidia/micro/blob/master/LICENSE", ")"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 3, "end": 5, "index": [3]}]}, {"sentence": ["Initial", "Gradio", "script", "-", "posted", "on", "4chan", "by", "an", "Anonymous", "user", ".", "Thank", "you", "Anonymous", "user", "."], "golden-entity-mentions": [{"text": ["4chan"], "entity-type": "company", "start": 34, "end": 38, "index": [6]}]}, {"sentence": ["You", "can", "deploy", "your", "own", "version", "of", "Novel", "to", "Vercel", "with", "one", "click", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 44, "end": 49, "index": [9]}]}, {"sentence": ["Install", "[", "Rust", "1.70+", "]", "(", "https", ":", "//www.rust-lang.org/", ")", ",", "[", "Node", "v18", "]", "(", "https", ":", "//nodejs.org/", ")", ",", "[", "NPM", "v9", "]", "(", "https", ":", "//www.npmjs.com/", ")", ",", "and", "[", "mprocs", "]", "(", "https", ":", "//github.com/pvolok/mprocs", ")", "."], "golden-entity-mentions": [{"text": ["Node"], "entity-type": "framework", "start": 51, "end": 54, "index": [12]}, {"text": ["NPM"], "entity-type": "framework", "start": 84, "end": 86, "index": [22]}, {"text": ["mprocs"], "entity-type": "framework", "start": 122, "end": 127, "index": [33]}]}, {"sentence": ["The", "main", "purpose", "of", "this", "repository", "is", "to", "continue", "evolving", "React", "Native", "core", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 60, "end": 71, "index": [10, 11]}]}, {"sentence": ["We", "also", "provide", "a", "UI", "for", "testing", "our", "method", "that", "is", "built", "with", "gradio", "."], "golden-entity-mentions": [{"text": ["UI"], "entity-type": "platform", "start": 18, "end": 19, "index": [4]}, {"text": ["gradio"], "entity-type": "platform", "start": 63, "end": 68, "index": [13]}]}, {"sentence": ["Tech", "Stack", "-", "PDF-Lib", "-", "PDF", "manipulation"], "golden-entity-mentions": [{"text": ["PDF-Lib"], "entity-type": "framework", "start": 13, "end": 19, "index": [3]}]}, {"sentence": ["Thanks", "to", "Chromatic", "for", "providing", "the", "visual", "testing", "platform", "that", "helps", "us", "review", "UI", "changes", "and", "catch", "visual", "regressions", "."], "golden-entity-mentions": [{"text": ["Chromatic"], "entity-type": "company", "start": 10, "end": 18, "index": [2]}]}, {"sentence": ["To", "set", "up", "MacOS", "for", "native", "development", ",", "complete", "the", "following", "steps", ":"], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 10, "end": 14, "index": [3]}]}, {"sentence": ["Our", "multi-platform", "app", "is", "built", "with", "Tauri"], "golden-entity-mentions": [{"text": ["Tauri"], "entity-type": "framework", "start": 37, "end": 41, "index": [6]}]}, {"sentence": ["-", "Vulkan", ",", "SYCL", ",", "and", "(", "partial", ")", "OpenCL", "backend", "support"], "golden-entity-mentions": [{"text": ["Vulkan"], "entity-type": "framework", "start": 2, "end": 7, "index": [1]}, {"text": ["SYCL"], "entity-type": "framework", "start": 10, "end": 13, "index": [3]}, {"text": ["OpenCL"], "entity-type": "framework", "start": 30, "end": 35, "index": [9]}]}, {"sentence": ["-", "[", "Angular", "Framework", "]", "[", "adev", "]"], "golden-entity-mentions": [{"text": ["Angular", "Framework"], "entity-type": "framework", "start": 3, "end": 19, "index": [2, 3]}]}, {"sentence": ["Frontend", "uses", "<", "a", "href=", "''", "https", ":", "//vitejs.dev/", "''", ">", "Vite", "<", "/a", ">", "and", "<", "a", "href=", "''", "https", ":", "//react.dev/", "''", ">", "React", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "language", "start": 90, "end": 94, "index": [25]}]}, {"sentence": ["However", ",", "Discord", "is", "pretty", "indifferent", "about", "them", "and", "there", "are", "no", "known", "cases", "of", "users", "getting", "banned", "for", "using", "client", "mods", "!"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 9, "end": 15, "index": [2]}]}, {"sentence": ["run", "the", "following", "commands", "pnpm", "start"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 27, "end": 30, "index": [4]}]}, {"sentence": ["Develop", "a", "Solidity", "smart", "contract", "for", "this", "purpose", ",", "including", "the", "necessary", "functions", "and", "considerations", "for", "achieving", "the", "specified", "goals", "."], "golden-entity-mentions": [{"text": ["Solidity"], "entity-type": "language", "start": 10, "end": 17, "index": [2]}]}, {"sentence": ["You", "can", "use", "Intel", "MPI", "or", "MVAPICH", "as", "well", "."], "golden-entity-mentions": [{"text": ["Intel", "MPI"], "entity-type": "platform", "start": 12, "end": 20, "index": [3, 4]}, {"text": ["MVAPICH"], "entity-type": "platform", "start": 25, "end": 31, "index": [6]}]}, {"sentence": ["React", "\u2019", "s", "declarative", "syntax", "and", "component-based", "architecture", "make", "it", "simple", "to", "develop", "reactive", "reusable", "components", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Folly", "is", "published", "on", "GitHub", "at", "https", ":", "//github.com/facebook/folly", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 22, "end": 27, "index": [4]}]}, {"sentence": ["Unicode", "coverage", "makes", "Fira", "Code", "a", "great", "choice", "for", "mathematical", "writing", "."], "golden-entity-mentions": [{"text": ["Unicode"], "entity-type": "language", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Given", "the", "challenges", "of", "maintaining", "installations", "of", "various", "frameworks", "in", "a", "single", "environment", ",", "users", "who", "would", "want", "to", "test", "ivy", "with", "multiple", "frameworks", "at", "once", "can", "use", "our", "Docker", "images", "for", "a", "seamless", "experience", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 175, "end": 180, "index": [29]}]}, {"sentence": ["You", "can", "install", "Typst", "through", "different", "package", "managers", "."], "golden-entity-mentions": [{"text": ["Typst"], "entity-type": "language", "start": 16, "end": 20, "index": [3]}]}, {"sentence": ["All", "``", "over-the-wire", "''", "API", "calls", "have", "been", "replaced", "by", "a", "[", "plugin", "system", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/packages/stablestudio-plugin/README.md", ")", "which", "allows", "you", "to", "easily", "swap", "out", "the", "back-end", "."], "golden-entity-mentions": [{"text": ["plugin", "system"], "entity-type": "framework", "start": 57, "end": 69, "index": [12, 13]}]}, {"sentence": ["The", "`", "frontend", "`", "gives", "you", "a", "user-friendly", "interface", "to", "control", "and", "monitor", "your", "agents", "."], "golden-entity-mentions": [{"text": ["frontend"], "entity-type": "framework", "start": 5, "end": 12, "index": [2]}]}, {"sentence": ["The", "prompt2model", "package", "is", "composed", "of", "several", "components", ",", "each", "designed", "to", "fulfill", "a", "specific", "purpose", "."], "golden-entity-mentions": [{"text": ["prompt2model"], "entity-type": "framework", "start": 4, "end": 15, "index": [1]}]}, {"sentence": ["-", "ui", ":", "React", "frontend"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 6, "end": 10, "index": [3]}]}, {"sentence": ["A", "tool", "for", "developing", "and", "deploying", "Python", "code", "in", "AWS", "Lambda", "."], "golden-entity-mentions": [{"text": ["AWS", "Lambda"], "entity-type": "platform", "start": 51, "end": 60, "index": [9, 10]}]}, {"sentence": ["The", "user", "interface", "in", "Tauri", "apps", "currently", "leverages", "`", "tao", "`", "as", "a", "window", "handling", "library", "on", "macOS", ",", "Windows", ",", "Linux", ",", "Android", "and", "iOS", "."], "golden-entity-mentions": [{"text": ["tao"], "entity-type": "framework", "start": 54, "end": 56, "index": [9]}]}, {"sentence": ["esProc", "SPL", "is", "a", "JVM-based", "data", "computing", "class", "library", ":", "SPL", ":", "The", "Open-source", "Java", "Library", "to", "Process", "Structured", "Data", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 77, "end": 80, "index": [14]}]}, {"sentence": ["Omnivore", "and", "our", "extensions", "to", "Readability.js", "are", "under", "the", "AGPL-3.0", "license", "."], "golden-entity-mentions": [{"text": ["AGPL-3.0", "license"], "entity-type": "license", "start": 60, "end": 75, "index": [9, 10]}]}, {"sentence": ["#", "#", "#", "Bytebase", "[", "Bytebase", "]", "(", "https", ":", "//bytebase.com/", "?", "source=star-history", ")", "is", "an", "open", "source", ",", "web-based", "database", "schema", "change", "and", "version", "control", "tool", "for", "teams", ".", "Supporting", "MySQL", ",", "PostgreSQL", ",", "Oracle", ",", "MongoDB", ",", "Redis", ",", "Snowflake", ",", "ClickHouse", ",", "TiDB", ",", "Google", "Spanner", "."], "golden-entity-mentions": [{"text": ["Bytebase"], "entity-type": "company", "start": 4, "end": 11, "index": [3]}]}, {"sentence": ["Data", "Science", "@", "Dropbox"], "golden-entity-mentions": [{"text": ["Dropbox"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["Web", "app", "written", "in", "Node.js", "and", "TypeScript"], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "platform", "start": 19, "end": 25, "index": [4]}, {"text": ["TypeScript"], "entity-type": "language", "start": 31, "end": 40, "index": [6]}, {"text": ["Node.js"], "entity-type": "framework", "start": 19, "end": 25, "index": [4]}]}, {"sentence": ["Expo", "is", "an", "open-source", "platform", "for", "making", "universal", "native", "apps", "that", "run", "on", "Android", ",", "iOS", ",", "and", "the", "web", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 77, "end": 83, "index": [13]}, {"text": ["iOS"], "entity-type": "platform", "start": 86, "end": 88, "index": [15]}, {"text": ["web"], "entity-type": "platform", "start": 99, "end": 101, "index": [19]}]}, {"sentence": ["You", "may", "need", "to", "install", "the", "CPU", "version", "of", "torch", "first", "if", "you", "'re", "not", "using", "a", "Mac", "or", "a", "GPU", "machine", "."], "golden-entity-mentions": [{"text": ["CPU"], "entity-type": "platform", "start": 28, "end": 30, "index": [6]}, {"text": ["Mac"], "entity-type": "platform", "start": 77, "end": 79, "index": [17]}, {"text": ["GPU"], "entity-type": "platform", "start": 86, "end": 88, "index": [20]}]}, {"sentence": ["*", "[", "OCaml", "]", "(", "https", ":", "//ocaml.org/", ")", "&", "[", "Angstrom", "]", "(", "https", ":", "//github.com/inhabitedtype/angstrom", ")", ",", "for", "the", "document", "parser", "[", "mldoc", "]", "(", "https", ":", "//github.com/logseq/mldoc", ")"], "golden-entity-mentions": [{"text": ["OCaml"], "entity-type": "language", "start": 3, "end": 7, "index": [2]}]}, {"sentence": ["Apache", "Kafka"], "golden-entity-mentions": [{"text": ["Apache", "Kafka"], "entity-type": "Framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["This", "project", "is", "maintained", "by", "Sick.Codes", "."], "golden-entity-mentions": [{"text": ["Sick.Codes"], "entity-type": "company", "start": 30, "end": 39, "index": [5]}]}, {"sentence": ["Source", "codes", "are", "[", "compiled", "and", "tested", "]", "(", "https", ":", "//github.com/TheAlgorithms/C/actions", "?", "query=workflow", "%", "3A", "''", "Awesome+CI+Workflow", "''", ")", "for", "every", "commit", "on", "the", "latest", "versions", "of", "two", "major", "operating", "systems", "viz.", ",", "MacOS", "and", "Ubuntu", "(", "Linux", ")", "using", "AppleClang", "14.0.0", "and", "GNU", "11.3.0", "respectively", "."], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 201, "end": 205, "index": [34]}, {"text": ["Ubuntu", "(", "Linux", ")"], "entity-type": "platform", "start": 211, "end": 224, "index": [36, 8, 38, 19]}]}, {"sentence": ["An", "extremely", "fast", "Python", "linter", "and", "code", "formatter", ",", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 18, "end": 23, "index": [3]}, {"text": ["Rust"], "entity-type": "language", "start": 63, "end": 66, "index": [11]}]}, {"sentence": ["Click", "this", "button", "to", "create", "a", "new", "codespace", ":", "[", "Open", "in", "GitHub", "Codespaces", "]"], "golden-entity-mentions": [{"text": ["GitHub", "Codespaces"], "entity-type": "company", "start": 54, "end": 70, "index": [12, 13]}]}, {"sentence": ["A", "TypeScript", "library", "that", "uses", "generators", "to", "program", "animations", "."], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 2, "end": 11, "index": [1]}]}, {"sentence": ["Thank", "you", "to", "all", "those", "who", "inspire", "us", ",", "and", "we", "look", "forward", "to", "seeing", "what", "the", "Logseq", "community", "will", "create", "with", "this", "tool", "!"], "golden-entity-mentions": [{"text": ["Logseq", "community"], "entity-type": "company", "start": 78, "end": 93, "index": [17, 18]}]}, {"sentence": ["\ud83d\udea8\ud83d\udea8", "You", "can", "run", "localGPT", "on", "a", "pre-configured", "[", "Virtual", "Machine", "]", "(", "https", ":", "//bit.ly/localGPT", ")", "."], "golden-entity-mentions": [{"text": ["Virtual", "Machine"], "entity-type": "platform", "start": 45, "end": 59, "index": [9, 10]}]}, {"sentence": ["Browser", "extensions", "for", "Chrome", ",", "Safari", ",", "Firefox", ",", "and", "Edge"], "golden-entity-mentions": [{"text": ["Chrome"], "entity-type": "platform", "start": 23, "end": 28, "index": [3]}, {"text": ["Safari"], "entity-type": "platform", "start": 31, "end": 36, "index": [5]}, {"text": ["Firefox"], "entity-type": "platform", "start": 39, "end": 45, "index": [7]}, {"text": ["Edge"], "entity-type": "platform", "start": 52, "end": 55, "index": [10]}]}, {"sentence": ["License", ":", "MIT"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "company", "start": 9, "end": 11, "index": [2]}]}, {"sentence": ["For", "more", "introductory", "material", ",", "you", "might", "consider", "the", "Practical", "Python", "Programming", "course", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 65, "end": 70, "index": [10]}]}, {"sentence": ["The", "repository", "includes", "deployment", "configurations", "for", "Docker", "and", "docker-compose", "as", "well", "as", "specific", "platforms", "like", "Heroku", ",", "Scalingo", ",", "and", "Nanobox", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 54, "end": 59, "index": [6]}, {"text": ["docker-compose"], "entity-type": "platform", "start": 65, "end": 78, "index": [8]}, {"text": ["Heroku"], "entity-type": "platform", "start": 115, "end": 120, "index": [15]}, {"text": ["Scalingo"], "entity-type": "platform", "start": 123, "end": 130, "index": [17]}, {"text": ["Nanobox"], "entity-type": "platform", "start": 137, "end": 143, "index": [20]}]}, {"sentence": ["Each", "of", "the", "24", "lessons", "dive", "into", "JavaScript", ",", "CSS", ",", "and", "HTML", "through", "hands-on", "projects", "like", "terrariums", ",", "browser", "extensions", ",", "and", "space", "games", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 33, "end": 42, "index": [7]}, {"text": ["CSS"], "entity-type": "language", "start": 45, "end": 47, "index": [9]}, {"text": ["HTML"], "entity-type": "language", "start": 54, "end": 57, "index": [12]}]}, {"sentence": ["AutoGen", "requires", "*", "*", "Python", "version", ">", "=", "3.8", ",", "<", "3.13", "*", "*", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "platform", "start": 19, "end": 24, "index": [4]}, {"text": ["Python"], "entity-type": "language", "start": 19, "end": 24, "index": [4]}]}, {"sentence": ["To", "install", "the", "last", "released", "build", "of", "Mojo", ",", "you", "can", "install", "the", "MAX", "SDK", "or", "the", "standalone", "Mojo", "SDK", "."], "golden-entity-mentions": [{"text": ["Mojo", "SDK"], "entity-type": "platform", "start": 90, "end": 97, "index": [7, 14]}]}, {"sentence": ["Then", "run", "`", "npx", "lerna", "run", "build", "`", "to", "build", "all", "the", "packages", "."], "golden-entity-mentions": [{"text": ["lerna"], "entity-type": "platform", "start": 14, "end": 18, "index": [4]}]}, {"sentence": ["MIT", "License"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Introduction", "to", "relational", "data", "and", "the", "basics", "of", "exploring", "and", "analyzing", "relational", "data", "with", "the", "Structured", "Query", "Language", ",", "also", "known", "as", "SQL", "(", "pronounced", "\u201c", "see-quell", "\u201d", ")", "."], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "Language", "start": 140, "end": 142, "index": [22]}]}, {"sentence": ["BigQuery", "and", "dbt"], "golden-entity-mentions": [{"text": ["dbt"], "entity-type": "Framework", "start": 13, "end": 15, "index": [2]}]}, {"sentence": ["uses", "gpt-3.5-turbo", "through", "OpenAI", "official", "API", "to", "call", "ChatGPT"], "golden-entity-mentions": [{"text": ["gpt-3.5-turbo"], "entity-type": "framework", "start": 5, "end": 17, "index": [1]}, {"text": ["OpenAI"], "entity-type": "company", "start": 27, "end": 32, "index": [3]}, {"text": ["API"], "entity-type": "framework", "start": 43, "end": 45, "index": [5]}]}, {"sentence": ["Pip", "install", "the", "supervision", "package", "in", "a", "[", "*", "*", "Python", ">", "=3.8", "*", "*", "]", "(", "https", ":", "//www.python.org/", ")", "environment", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "platform", "start": 44, "end": 49, "index": [10]}, {"text": ["Python"], "entity-type": "language", "start": 44, "end": 49, "index": [10]}]}, {"sentence": ["With", "Misskey", "'s", "built", "in", "drive", ",", "you", "get", "cloud", "storage", "right", "in", "your", "social", "media", ",", "where", "you", "can", "upload", "any", "files", ",", "make", "folders", ",", "and", "find", "media", "from", "posts", "you", "'ve", "made", "!"], "golden-entity-mentions": [{"text": ["Misskey"], "entity-type": "platform", "start": 5, "end": 11, "index": [1]}]}, {"sentence": ["A", "badge", "indicating", "the", "GitHub", "Workflow", "Status"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 23, "end": 28, "index": [4]}]}, {"sentence": ["*", "[", "*", "*", "Java", "/", "JavaScript", "*", "*", ":", "*", "Build", "your", "own", "3D", "renderer", "*", "]", "(", "https", ":", "//avik-das.github.io/build-your-own-raytracer/", ")"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 5, "end": 8, "index": [4]}, {"text": ["JavaScript"], "entity-type": "language", "start": 12, "end": 21, "index": [6]}]}, {"sentence": ["The", "`", "template", "`", "package", "itself", "contains", "a", "simple", "Motion", "Canvas", "project", "that", "can", "be", "used", "during", "development", "."], "golden-entity-mentions": [{"text": ["Motion", "Canvas"], "entity-type": "framework", "start": 48, "end": 60, "index": [9, 10]}]}, {"sentence": ["From", "bare", "metal", "to", "cloud", "VMs", ",", "deploy", "web", "apps", "anywhere", "with", "zero", "downtime", "."], "golden-entity-mentions": [{"text": ["bare", "metal"], "entity-type": "platform", "start": 5, "end": 14, "index": [1, 2]}, {"text": ["cloud", "VMs"], "entity-type": "platform", "start": 19, "end": 27, "index": [4, 5]}]}, {"sentence": ["The", "Expo", "source", "code", "is", "made", "available", "under", "the", "MIT", "license", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 49, "end": 51, "index": [9]}]}, {"sentence": ["OSX"], "golden-entity-mentions": [{"text": ["OSX"], "entity-type": "platform", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Kafka", "Streams"], "golden-entity-mentions": [{"text": ["Kafka"], "entity-type": "Language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Bruno", "is", "a", "trademark", "held", "by", "[", "Anoop", "M", "D", "]", "(", "https", ":", "//www.helloanoop.com/", ")"], "golden-entity-mentions": [{"text": ["Anoop", "M", "D"], "entity-type": "company", "start": 30, "end": 38, "index": [7, 8, 9]}]}, {"sentence": ["The", "`", "AList", "`", "is", "open-source", "software", "licensed", "under", "the", "AGPL-3.0", "license", "."], "golden-entity-mentions": [{"text": ["AGPL-3.0", "license"], "entity-type": "license", "start": 55, "end": 70, "index": [10, 11]}]}, {"sentence": ["Apache", "Airflow", "is", "the", "most", "popular", "data", "workflow", "Orchestrator", ".", "Airflow", "uses", "Diagrams", "to", "generate", "architecture", "diagrams", "in", "their", "documentation", "."], "golden-entity-mentions": [{"text": ["Apache"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Sui", "is", "a", "next-generation", "smart", "contract", "platform", "with", "high", "throughput", ",", "low", "latency", ",", "and", "an", "asset-oriented", "programming", "model", "powered", "by", "the", "[", "Move", "programming", "language", "]", "(", "https", ":", "//github.com/MystenLabs/awesome-move", ")", "."], "golden-entity-mentions": [{"text": ["Move"], "entity-type": "language", "start": 140, "end": 143, "index": [23]}]}, {"sentence": ["Tabby", "is", "a", "self-hosted", "AI", "coding", "assistant", ",", "offering", "an", "open-source", "and", "on-premises", "alternative", "to", "GitHub", "Copilot", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 99, "end": 104, "index": [15]}]}, {"sentence": ["FlashAttention", "and", "FlashAttention-2", "are", "free", "to", "use", "and", "modify", "(", "see", "LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["FlashAttention"], "entity-type": "framework", "start": 0, "end": 13, "index": [0]}, {"text": ["FlashAttention-2"], "entity-type": "framework", "start": 19, "end": 34, "index": [2]}, {"text": ["FlashAttention"], "entity-type": "license", "start": 0, "end": 13, "index": [0]}, {"text": ["FlashAttention-2"], "entity-type": "license", "start": 19, "end": 34, "index": [2]}]}, {"sentence": ["Async", "non-blocking", "event-driven", "JavaScript", "runtime", "built", "on", "Chrome", "'s", "V8", "JavaScript", "engine", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 32, "end": 41, "index": [3]}]}, {"sentence": ["Supports", "speech-synthesis", ",", "multi-modal", ",", "and", "extensible", "(", "[", "function", "call", "]", "[", "docs-functionc-call", "]", ")", "plugin", "system", "."], "golden-entity-mentions": [{"text": ["plugin", "system"], "entity-type": "platform", "start": 94, "end": 106, "index": [16, 17]}]}, {"sentence": ["\ud83d\ude4f", "Special", "thanks", "\ud83d\ude4f", "to", "our", "Microsoft", "Student", "Ambassador", "authors", ",", "reviewers", ",", "and", "content", "contributors", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 26, "end": 34, "index": [6]}]}, {"sentence": ["Tech", "Stack", "-", "react-email", "-", "Email", "Templates"], "golden-entity-mentions": [{"text": ["react-email"], "entity-type": "framework", "start": 13, "end": 23, "index": [3]}]}, {"sentence": ["Other", "tools", "and", "services", "offer", "IP", "Geolocation", "which", "is", "NOT", "accurate", "at", "all", "and", "does", "not", "give", "location", "of", "the", "target", "instead", "it", "is", "the", "approximate", "location", "of", "the", "ISP", "."], "golden-entity-mentions": [{"text": ["IP", "Geolocation"], "entity-type": "framework", "start": 31, "end": 44, "index": [5, 6]}]}, {"sentence": ["You", "do", "n't", "need", "to", "fill", "in", "the", "registration", "form", ".", "Just", "start", "watching", "the", "videos", "and", "join", "Slack"], "golden-entity-mentions": [{"text": ["Slack"], "entity-type": "Company", "start": 89, "end": 93, "index": [18]}]}, {"sentence": ["Precise", "code", "navigation", "(", "go-to-reference", "and", "go-to-definition", ")", "for", "10+", "of", "the", "most", "popular", "languages", "built", "with", "Tree-sitter"], "golden-entity-mentions": [{"text": ["10+", "of", "the", "most", "popular", "languages"], "entity-type": "language", "start": 67, "end": 99, "index": [9, 10, 11, 12, 13, 14]}, {"text": ["Tree-sitter"], "entity-type": "framework", "start": 112, "end": 122, "index": [17]}]}, {"sentence": ["Whisper", "'s", "code", "and", "model", "weights", "are", "released", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 56, "end": 66, "index": [10, 11]}]}, {"sentence": ["Alternatively", ",", "the", "following", "command", "will", "pull", "and", "install", "the", "latest", "commit", "from", "this", "repository", ",", "along", "with", "its", "Python", "dependencies", ":"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 114, "end": 119, "index": [19]}]}, {"sentence": ["Penpot", "is", "a", "Kaleidos", "\u2019", "open", "source", "project", "."], "golden-entity-mentions": [{"text": ["Kaleidos"], "entity-type": "company", "start": 12, "end": 19, "index": [3]}]}, {"sentence": ["Distributed", "under", "the", "AGPLv3", "License", ".", "See", "LICENSE", "for", "more", "information", "."], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "license", "start": 22, "end": 27, "index": [3]}]}, {"sentence": ["By", "adopting", "the", "Bootstrapping", "approach", ",", "we", "aim", "to", "provide", "developers", "and", "users", "with", "a", "more", "open", ",", "transparent", ",", "and", "user-friendly", "product", "ecosystem", "."], "golden-entity-mentions": [{"text": ["Bootstrapping"], "entity-type": "company", "start": 16, "end": 28, "index": [3]}]}, {"sentence": ["...", "explaining", "how", "the", "refactoring", "was", "needed", "in", "the", "video", ",", "introducing", "more", "libraries", "to", "improve", "the", "program", "inner", "working", "(", "linenoise", ",", "rax", ",", "and", "so", "forth", ")", "."], "golden-entity-mentions": [{"text": ["linenoise"], "entity-type": "framework", "start": 124, "end": 132, "index": [21]}, {"text": ["rax"], "entity-type": "framework", "start": 135, "end": 137, "index": [23]}]}, {"sentence": ["An", "open-source", ",", "modern-design", "ChatGPT/LLMs", "UI/Framework", "."], "golden-entity-mentions": [{"text": ["ChatGPT/LLMs", "UI/Framework"], "entity-type": "framework", "start": 30, "end": 54, "index": [4, 5]}]}, {"sentence": ["JavaScript", "&", "TypeScript"], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 13, "end": 22, "index": [2]}]}, {"sentence": ["FinNLP", "provides", "a", "playground", "for", "all", "people", "interested", "in", "LLMs", "and", "NLP", "in", "Finance", "."], "golden-entity-mentions": [{"text": ["FinNLP"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}, {"text": ["LLMs"], "entity-type": "framework", "start": 58, "end": 61, "index": [9]}, {"text": ["NLP", "in", "Finance"], "entity-type": "framework", "start": 67, "end": 80, "index": [11, 8, 13]}]}, {"sentence": ["You", "could", "join", "our", "slack", "team", "if", "you", "need", "any", "help", "or", "have", "any", "questions", "."], "golden-entity-mentions": [{"text": ["slack"], "entity-type": "company", "start": 19, "end": 23, "index": [4]}]}, {"sentence": ["Azure", "Container", "Apps", ",", "Google", "Cloud", "Run", ",", "AWS", "Elastic", "Container", "Service", ",", "etc", "."], "golden-entity-mentions": [{"text": ["Azure", "Container", "Apps"], "entity-type": "platform", "start": 0, "end": 19, "index": [0, 1, 2]}, {"text": ["Google", "Cloud", "Run"], "entity-type": "platform", "start": 22, "end": 37, "index": [4, 5, 6]}, {"text": ["AWS", "Elastic", "Container", "Service"], "entity-type": "platform", "start": 40, "end": 68, "index": [8, 9, 1, 11]}]}, {"sentence": ["Comments", "and", "suggestions", "for", "improvements", "are", "most", "welcome", ".", "We", "plan", "to", "modify", "and", "extend", "this", "document", "as", "our", "understanding", "improves", "and", "the", "language", "and", "the", "set", "of", "available", "libraries", "improve", ".", "More", "details", "are", "found", "at", "[", "CONTRIBUTING", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/CONTRIBUTING.md", ")", "and", "[", "LICENSE", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["LICENSE"], "entity-type": "License", "start": 306, "end": 312, "index": [47]}]}, {"sentence": ["This", "is", "our", "fork", "of", "react-native", "."], "golden-entity-mentions": [{"text": ["react-native"], "entity-type": "framework", "start": 20, "end": 31, "index": [5]}]}, {"sentence": ["Bruno", "is", "a", "new", "and", "innovative", "API", "client", ",", "aimed", "at", "revolutionizing", "the", "status", "quo", "represented", "by", "Postman", "and", "similar", "tools", "out", "there", "."], "golden-entity-mentions": [{"text": ["Postman"], "entity-type": "framework", "start": 97, "end": 103, "index": [17]}]}, {"sentence": ["*", "[", "*", "*", "C", "#", "/", "TypeScript", "/", "JavaScript", "*", "*", ":", "*", "Learning", "how", "to", "write", "a", "3D", "soft", "engine", "from", "scratch", "in", "C", "#", ",", "TypeScript", "or", "JavaScript", "*", "]", "(", "https", ":", "//www.davrous.com/2013/06/13/tutorial-series-learning-how-to-write-a-3d-soft-engine-from-scratch-in-c-typescript-or-javascript/", ")"], "golden-entity-mentions": [{"text": ["C", "#"], "entity-type": "language", "start": 5, "end": 6, "index": [4, 5]}, {"text": ["TypeScript"], "entity-type": "language", "start": 10, "end": 19, "index": [7]}, {"text": ["JavaScript"], "entity-type": "language", "start": 23, "end": 32, "index": [9]}]}, {"sentence": ["If", "the", "installation", "fails", "with", "`", "No", "module", "named", "'setuptools_rust", "'", "`", ",", "you", "need", "to", "install", "`", "setuptools_rust", "`", ",", "e.g", ".", "by", "running", ":"], "golden-entity-mentions": [{"text": ["setuptools_rust"], "entity-type": "framework", "start": 49, "end": 63, "index": [18]}]}, {"sentence": ["Big", "thanks", "to", "@", "kholia", "for", "maintaining", "the", "upstream", "project", ",", "which", "Docker-OSX", "is", "built", "on", "top", "of", ":", "OSX-KVM", "."], "golden-entity-mentions": [{"text": ["OSX-KVM"], "entity-type": "company", "start": 97, "end": 103, "index": [19]}]}, {"sentence": ["Backend", ":", "FastAPI", ",", "SQLite", ",", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 26, "end": 31, "index": [6]}]}, {"sentence": [">", "To", "make", "development", "more", "consistent", ",", "LocalSend", "uses", "[", "fvm", "]", "(", "https", ":", "//fvm.app", ")", "to", "manage", "the", "project", "Flutter", "version", "."], "golden-entity-mentions": [{"text": ["fvm"], "entity-type": "framework", "start": 55, "end": 57, "index": [10]}, {"text": ["Flutter"], "entity-type": "framework", "start": 99, "end": 105, "index": [21]}]}, {"sentence": ["ChatALL", "(", "Chinese", "name", ":", "\u9f50\u53e8", ")", "can", "send", "prompt", "to", "several", "AI", "bots", "concurrently", ",", "help", "you", "to", "discover", "the", "best", "results", "."], "golden-entity-mentions": [{"text": ["ChatALL"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Image", "is", "based", "on", "Rust", "implementation", "of", "Bitwarden", "API", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 18, "end": 21, "index": [4]}]}, {"sentence": ["By", "selecting", "the", "right", "local", "models", "and", "the", "power", "of", "`", "LangChain", "`", "you", "can", "run", "the", "entire", "RAG", "pipeline", "locally", ",", "without", "any", "data", "leaving", "your", "environment", ",", "and", "with", "reasonable", "performance", "."], "golden-entity-mentions": [{"text": ["RAG", "pipeline"], "entity-type": "framework", "start": 88, "end": 99, "index": [18, 19]}, {"text": ["`", "LangChain", "`"], "entity-type": "framework", "start": 53, "end": 63, "index": [10, 11, 10]}]}, {"sentence": ["I", "showed", "them", "my", "implementation", "written", "in", "TCL", ";", "I", "was", "quite", "shocked", "that", "I", "wrote", "it", "18", "years", "ago", "..."], "golden-entity-mentions": [{"text": ["TCL"], "entity-type": "language", "start": 43, "end": 45, "index": [7]}]}, {"sentence": ["If", "you", "want", "to", "format", "Jupyter", "Notebooks", ",", "install", "with", "`", "pip", "install", "'black", "[", "jupyter", "]", "'", "`", "."], "golden-entity-mentions": [{"text": ["Jupyter", "Notebooks"], "entity-type": "framework", "start": 22, "end": 38, "index": [5, 6]}]}, {"sentence": ["We", "provide", "the", "training", "code", "for", "EnCodec", ",", "MusicGen", "and", "Multi", "Band", "Diffusion", "."], "golden-entity-mentions": [{"text": ["EnCodec"], "entity-type": "framework", "start": 33, "end": 39, "index": [6]}, {"text": ["MusicGen"], "entity-type": "framework", "start": 42, "end": 49, "index": [8]}, {"text": ["Multi", "Band", "Diffusion"], "entity-type": "framework", "start": 55, "end": 74, "index": [10, 11, 12]}]}, {"sentence": ["The", "course", "is", "used", "internally", "at", "Google", "when", "teaching", "Rust", "to", "experienced", "software", "engineers", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "Language", "start": 54, "end": 57, "index": [9]}, {"text": ["Google"], "entity-type": "Company", "start": 33, "end": 38, "index": [6]}]}, {"sentence": ["We", "use", "a", "plain", "text", "markup", "language", ",", "Bru", ",", "to", "save", "information", "about", "API", "requests", "."], "golden-entity-mentions": [{"text": ["Bru"], "entity-type": "language", "start": 37, "end": 39, "index": [8]}]}, {"sentence": ["With", "web", "fonts", "with", "CSS"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "language", "start": 20, "end": 22, "index": [4]}]}, {"sentence": ["Azure", "Cloud", "Advocates", "at", "Microsoft", "are", "pleased", "to", "offer", "a", "12-week", ",", "26-lesson", "curriculum", "all", "about", "*", "*", "Machine", "Learning", "*", "*", "."], "golden-entity-mentions": [{"text": ["Azure"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Start", "a", "development", "server", "``", "`", "npm", "run", "dev", "``", "`"], "golden-entity-mentions": [{"text": ["development", "server"], "entity-type": "platform", "start": 8, "end": 25, "index": [2, 3]}]}, {"sentence": ["Finally", ",", "if", "you", "use", "a", "model", "that", "relies", "on", "Demucs", "(", "e.g", ".", "musicgen-melody", ")", "and", "want", "to", "change", "the", "download", "location", "for", "Demucs", ",", "refer", "to", "the", "Torch", "Hub", "documentation", "."], "golden-entity-mentions": [{"text": ["Demucs"], "entity-type": "framework", "start": 43, "end": 48, "index": [10]}, {"text": ["Torch", "Hub"], "entity-type": "framework", "start": 139, "end": 147, "index": [29, 30]}]}, {"sentence": ["Data", "Science", "@", "Salesforce"], "golden-entity-mentions": [{"text": ["Salesforce"], "entity-type": "Company", "start": 14, "end": 23, "index": [3]}]}, {"sentence": ["Thanks", "to", "the", "xformers", "team", ",", "and", "in", "particular", "Daniel", "Haziza", ",", "for", "this", "collaboration", "."], "golden-entity-mentions": [{"text": ["xformers", "team"], "entity-type": "company", "start": 14, "end": 26, "index": [3, 4]}, {"text": ["Daniel", "Haziza"], "entity-type": "company", "start": 47, "end": 59, "index": [9, 10]}]}, {"sentence": ["micro", "has", "a", "built-in", "plugin", "manager", "to", "automatically", "install", ",", "remove", ",", "and", "update", "plugins", "."], "golden-entity-mentions": [{"text": ["plugin", "manager"], "entity-type": "framework", "start": 21, "end": 34, "index": [4, 5]}]}, {"sentence": ["Streamlit", "'s", "GitHub", "badge", "helps", "others", "find", "and", "play", "with", "your", "Streamlit", "app", "."], "golden-entity-mentions": [{"text": ["Streamlit"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Build", "cross-platform", "desktop", "apps", "with", "JavaScript", ",", "HTML", ",", "and", "CSS", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 39, "end": 48, "index": [5]}, {"text": ["HTML"], "entity-type": "language", "start": 51, "end": 54, "index": [7]}, {"text": ["CSS"], "entity-type": "language", "start": 61, "end": 63, "index": [10]}]}, {"sentence": ["Clojure", ":", "phronmophobic/llama.clj"], "golden-entity-mentions": [{"text": ["Clojure"], "entity-type": "language", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Automatic", "Installation", "on", "Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 26, "end": 30, "index": [3]}]}, {"sentence": ["Drop-in", "parity", "with", "Flake8", ",", "isort", ",", "and", "Black"], "golden-entity-mentions": [{"text": ["Flake8"], "entity-type": "framework", "start": 20, "end": 25, "index": [3]}, {"text": ["isort"], "entity-type": "framework", "start": 28, "end": 32, "index": [5]}, {"text": ["Black"], "entity-type": "framework", "start": 39, "end": 43, "index": [8]}]}, {"sentence": ["[", "!", "[", "dotnet", "Docker", "]", "(", "https", ":", "//github.com/microsoft/semantic-kernel/actions/workflows/dotnet-ci-docker.yml/badge.svg", "?", "branch=main", ")", "]", "(", "https", ":", "//github.com/microsoft/semantic-kernel/actions/workflows/dotnet-ci-docker.yml", ")"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 10, "end": 15, "index": [4]}]}, {"sentence": ["Nest", "is", "a", "framework", "for", "building", "efficient", ",", "scalable", "[", "Node.js", "]", "(", "https", ":", "//nodejs.org", ")", "server-side", "applications", "."], "golden-entity-mentions": [{"text": ["Nest"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Open-source", "compilers", "and", "code", "analysis", "APIs", "for", "C", "#", "and", "VB.NET", "languages", "."], "golden-entity-mentions": [{"text": ["C", "#"], "entity-type": "language", "start": 49, "end": 50, "index": [7, 8]}, {"text": ["VB.NET"], "entity-type": "language", "start": 56, "end": 61, "index": [10]}]}, {"sentence": ["Join", "the", "Sui", "community", "on", "[", "Sui", "Discord", "]", "(", "https", ":", "//discord.gg/sui", ")", "."], "golden-entity-mentions": [{"text": ["Sui", "Discord"], "entity-type": "company", "start": 27, "end": 37, "index": [2, 7]}]}, {"sentence": ["Nest", "makes", "use", "of", "[", "Express", "]", "(", "https", ":", "//expressjs.com/", ")", ",", "but", "also", "provides", "compatibility", "with", "a", "wide", "range", "of", "other", "libraries", ",", "like", "[", "Fastify", "]", "(", "https", ":", "//github.com/fastify/fastify", ")"], "golden-entity-mentions": [{"text": ["Express"], "entity-type": "framework", "start": 19, "end": 25, "index": [5]}, {"text": ["Fastify"], "entity-type": "framework", "start": 129, "end": 135, "index": [27]}]}, {"sentence": ["Thanks", "to", "@", "bennykok", ",", "Novel", "also", "has", "a", "VSCode", "Extension", ":", "https", ":", "//novel.sh/vscode"], "golden-entity-mentions": [{"text": ["VSCode"], "entity-type": "platform", "start": 38, "end": 43, "index": [9]}]}, {"sentence": ["Even", "if", "not", "very", "well", ",", "it", "should", "work", "with", "`", "telnet", "`", "or", "`", "nc", "`", "(", "netcat", ")", "."], "golden-entity-mentions": [{"text": ["telnet"], "entity-type": "platform", "start": 44, "end": 49, "index": [11]}]}, {"sentence": ["With", "Gorilla", "being", "fine-tuned", "on", "MPT", ",", "and", "Falcon", ",", "you", "can", "use", "Gorilla", "commercially", "with", "no", "obligations", "!"], "golden-entity-mentions": [{"text": ["MPT"], "entity-type": "platform", "start": 33, "end": 35, "index": [5]}, {"text": ["Falcon"], "entity-type": "platform", "start": 42, "end": 47, "index": [8]}, {"text": ["Gorilla"], "entity-type": "platform", "start": 5, "end": 11, "index": [1]}]}, {"sentence": ["Self-host", "Zulip", "directly", "on", "Ubuntu", "or", "Debian", "Linux", ",", "in", "Docker", ",", "or", "with", "prebuilt", "images", "for", "Digital", "Ocean", "and", "Render", "."], "golden-entity-mentions": [{"text": ["Ubuntu"], "entity-type": "platform", "start": 28, "end": 33, "index": [4]}, {"text": ["Debian", "Linux"], "entity-type": "platform", "start": 38, "end": 49, "index": [6, 7]}, {"text": ["Docker"], "entity-type": "platform", "start": 55, "end": 60, "index": [10]}, {"text": ["Digital", "Ocean"], "entity-type": "platform", "start": 91, "end": 103, "index": [17, 18]}, {"text": ["Render"], "entity-type": "platform", "start": 109, "end": 114, "index": [20]}]}, {"sentence": ["Folly", "contains", "a", "variety", "of", "core", "library", "components", "used", "extensively", "at", "Facebook", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 72, "end": 79, "index": [11]}]}, {"sentence": ["Enable", "[", "corepack", "]", "(", "https", ":", "//nodejs.org/api/corepack.html", ")", "to", "make", "sure", "you", "have", "the", "right", "version", "of", "`", "yarn", "`"], "golden-entity-mentions": [{"text": ["corepack"], "entity-type": "framework", "start": 8, "end": 15, "index": [2]}, {"text": ["yarn"], "entity-type": "framework", "start": 100, "end": 103, "index": [19]}]}, {"sentence": ["Ruby", "on", "Rails", "powers", "the", "REST", "API", "and", "other", "web", "pages"], "golden-entity-mentions": [{"text": ["Ruby", "on", "Rails"], "entity-type": "language", "start": 0, "end": 12, "index": [0, 1, 2]}, {"text": ["Ruby", "on", "Rails"], "entity-type": "framework", "start": 0, "end": 12, "index": [0, 1, 2]}]}, {"sentence": ["Introduction", "to", "Kafka"], "golden-entity-mentions": [{"text": ["Kafka"], "entity-type": "Language", "start": 16, "end": 20, "index": [2]}]}, {"sentence": ["scikit-learn", "is", "a", "Python", "module", "for", "machine", "learning", "built", "on", "top", "of", "SciPy", "and", "is", "distributed", "under", "the", "3-Clause", "BSD", "license", "."], "golden-entity-mentions": [{"text": ["scikit-learn"], "entity-type": "framework", "start": 0, "end": 11, "index": [0]}, {"text": ["SciPy"], "entity-type": "framework", "start": 69, "end": 73, "index": [12]}, {"text": ["Python"], "entity-type": "language", "start": 18, "end": 23, "index": [3]}, {"text": ["3-Clause", "BSD", "license"], "entity-type": "license", "start": 104, "end": 123, "index": [18, 19, 20]}]}, {"sentence": ["Enterprise", "License", ":", "Designed", "for", "commercial", "use", ",", "this", "license", "permits", "seamless", "integration", "of", "Ultralytics", "software", "and", "AI", "models", "into", "commercial", "goods", "and", "services", ",", "bypassing", "the", "open-source", "requirements", "of", "AGPL-3.0", "."], "golden-entity-mentions": [{"text": ["Enterprise", "License"], "entity-type": "license", "start": 0, "end": 17, "index": [0, 1]}]}, {"sentence": ["-", "Custom", "CUDA", "kernels", "for", "running", "LLMs", "on", "NVIDIA", "GPUs", "(", "support", "for", "AMD", "GPUs", "via", "HIP", ")"], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "framework", "start": 9, "end": 12, "index": [2]}]}, {"sentence": ["We", "are", "on", "Discord", "and", "Gitter", "!"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 10, "end": 16, "index": [3]}, {"text": ["Gitter"], "entity-type": "company", "start": 22, "end": 27, "index": [5]}]}, {"sentence": ["reverse", "proxy", "will", "expose", "your", "access", "token", "to", "third", "parties"], "golden-entity-mentions": [{"text": ["reverse", "proxy"], "entity-type": "platform", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["Since", "macOS", "10.15", ",", "the", "default", "shell", "is", "zsh", "and", "nvm", "will", "look", "for", ".zshrc", "to", "update", ",", "none", "is", "installed", "by", "default", ".", "Create", "one", "with", "touch", "~/.zshrc", "and", "run", "the", "install", "script", "again", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 6, "end": 10, "index": [1]}]}, {"sentence": ["Whether", "you", "are", "a", "web", "designer", "looking", "for", "a", "way", "to", "achieve", "pixel-perfect", "websites", ",", "a", "marketer", "looking", "to", "get", "online", "fast", ",", "or", "a", "developer", "who", "wants", "to", "expand", "their", "capabilities", ",", "Elementor", "'s", "website", "builder", "has", "what", "you", "need", "-", "intuitive", "drag-and-drop", "Editor", ",", "advanced", "design", "features", "and", "a", "complete", "open-source", "approach", "."], "golden-entity-mentions": [{"text": ["open-source"], "entity-type": "platform", "start": 298, "end": 308, "index": [52]}]}, {"sentence": ["Flutter", "is", "Google", "'s", "SDK", "for", "crafting", "beautiful", ",", "fast", "user", "experiences", "for", "mobile", ",", "web", ",", "and", "desktop", "from", "a", "single", "codebase", "."], "golden-entity-mentions": [{"text": ["Flutter"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["You", "can", "try", "Vcpkg", ".", "folly", "is", "available", "in", "Vcpkg", "and", "releases", "may", "be", "built", "via", "vcpkg", "install", "folly", ":", "x64-windows", "."], "golden-entity-mentions": [{"text": ["Vcpkg"], "entity-type": "framework", "start": 12, "end": 16, "index": [3]}]}, {"sentence": ["The", "nightly", "Mojo", "builds", "are", "subject", "to", "breakage", "and", "provide", "an", "inside", "view", "of", "how", "the", "development", "of", "Mojo", "is", "progressing", "."], "golden-entity-mentions": [{"text": ["Mojo"], "entity-type": "framework", "start": 12, "end": 15, "index": [2]}]}, {"sentence": ["We", "depend", "on", "cloud", "services", "like", "Google", "Photos", "and", "iCloud", "..."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 33, "end": 38, "index": [6]}]}, {"sentence": ["Open", "[", "HubSpot", "Developer", "]", "(", "https", ":", "//developer.hubspot.com/", ")", "and", "sign", "into", "your", "account", ",", "or", "create", "a", "new", "one", "."], "golden-entity-mentions": [{"text": ["HubSpot"], "entity-type": "platform", "start": 6, "end": 12, "index": [2]}, {"text": ["HubSpot", "Developer"], "entity-type": "framework", "start": 6, "end": 22, "index": [2, 3]}]}, {"sentence": ["Google", "Cloud", "PubSub"], "golden-entity-mentions": [{"text": ["Google", "Cloud", "PubSub"], "entity-type": "Platform", "start": 0, "end": 18, "index": [0, 1, 2]}]}, {"sentence": ["For", "more", "information", ",", "see", "the", "[", "contributing", "guide", "]", "(", "https", ":", "//github.com/localsend/localsend/blob/main/CONTRIBUTING.md", ")", "."], "golden-entity-mentions": [{"text": ["contributing", "guide"], "entity-type": "licenses", "start": 31, "end": 48, "index": [7, 8]}]}, {"sentence": ["Individual", "crates", "are", "published", ",", "you", "may", "use", "them", "to", "build", "your", "own", "JavaScript", "tools", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 68, "end": 77, "index": [13]}]}, {"sentence": ["Install", "Poetry", "by", "following", "the", "instructions", "on", "the", "official", "Poetry", "website", "."], "golden-entity-mentions": [{"text": ["Poetry"], "entity-type": "framework", "start": 8, "end": 13, "index": [1]}]}, {"sentence": ["*", "*", "AutoGPT", "*", "*", "is", "the", "vision", "of", "the", "power", "of", "AI", "accessible", "to", "everyone", ",", "to", "use", "and", "to", "build", "on", "."], "golden-entity-mentions": [{"text": ["AutoGPT"], "entity-type": "framework", "start": 2, "end": 8, "index": [2]}]}, {"sentence": ["At", "HyperwriteAI", ",", "we", "are", "developing", "Agent-1-Vision", "a", "multimodal", "model", "with", "more", "accurate", "click", "location", "predictions", "."], "golden-entity-mentions": [{"text": ["HyperwriteAI"], "entity-type": "company", "start": 3, "end": 14, "index": [1]}]}, {"sentence": ["Our", "key", "integrations", "with", "leading", "AI", "platforms", "extend", "the", "functionality", "of", "Ultralytics", "'", "offerings", ",", "enhancing", "tasks", "like", "dataset", "labeling", ",", "training", ",", "visualization", ",", "and", "model", "management", "."], "golden-entity-mentions": [{"text": ["Ultralytics"], "entity-type": "company", "start": 75, "end": 85, "index": [11]}]}, {"sentence": ["OpenAI", "(", "Create", "synthetic", "fine-tuning", "and", "reward", "model", "data", ")"], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Spacedrive", "is", "an", "open", "source", "cross-platform", "file", "manager", ",", "powered", "by", "a", "virtual", "distributed", "filesystem", "(", "VDFS", ")", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 120, "end": 123, "index": [20]}]}, {"sentence": ["Use", "the", "example", "code", "snippet", "below", "as", "a", "template", "to", "integrate", "W", "&", "B", "to", "your", "Python", "script", ":"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 74, "end": 79, "index": [16]}]}, {"sentence": ["node", "requires", "version", "^16", "||", "^18", "||", "^19", "(", "node", ">", "=", "14", "needs", "fetch", "polyfill", "installation", ")", ",", "use", "nvm", "to", "manage", "multiple", "local", "node", "versions"], "golden-entity-mentions": [{"text": ["nvm"], "entity-type": "platform", "start": 92, "end": 94, "index": [20]}]}, {"sentence": ["import", "motionCanvas", "from", "'", "@", "motion-canvas/vite-plugin", "'", ";"], "golden-entity-mentions": [{"text": ["motionCanvas"], "entity-type": "framework", "start": 7, "end": 18, "index": [1]}]}, {"sentence": ["NearYou", ",", "Google", "Drive", "(", "Suggested", "by", "@", "Akaal_no_one", ")", ",", "WhatsApp", "(", "Suggested", "by", "@", "Dazmed707", ")", ",", "Telegram", ",", "Zoom", "(", "Made", "by", "@", "a7maadf", ")", ",", "Google", "reCAPTCHA", "(", "Made", "by", "@", "MrEgyptian", ")"], "golden-entity-mentions": [{"text": ["Google", "Drive"], "entity-type": "company", "start": 9, "end": 20, "index": [2, 3]}, {"text": ["WhatsApp"], "entity-type": "company", "start": 52, "end": 59, "index": [11]}, {"text": ["Telegram"], "entity-type": "company", "start": 88, "end": 95, "index": [19]}, {"text": ["Zoom"], "entity-type": "company", "start": 98, "end": 101, "index": [21]}, {"text": ["Google", "reCAPTCHA"], "entity-type": "company", "start": 123, "end": 138, "index": [2, 30]}]}, {"sentence": ["C++", "ATL", "for", "latest", "v143", "build", "tools", "(", "x86", "&", "x64", "or", "ARM64", ")"], "golden-entity-mentions": [{"text": ["C++", "ATL"], "entity-type": "platform", "start": 0, "end": 6, "index": [0, 1]}]}, {"sentence": ["*", "Black", "*", "is", "the", "uncompromising", "Python", "code", "formatter", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [6]}]}, {"sentence": ["This", "repository", "is", "a", "collection", "of", "various", "system", "prompts", "for", "ChatGPT", "and", "[", "custom", "GPTs", "]", "(", "https", ":", "//openai.com/blog/introducing-gpts", ")", ",", "providing", "significant", "educational", "value", "in", "learning", "about", "writing", "system", "prompts", "and", "creating", "custom", "GPTs", "."], "golden-entity-mentions": [{"text": ["custom", "GPTs"], "entity-type": "framework", "start": 75, "end": 85, "index": [13, 14]}, {"text": ["ChatGPT"], "entity-type": "framework", "start": 62, "end": 68, "index": [10]}]}, {"sentence": ["[", "!", "[", "AGPL-3.0", "Licensed", "]", "(", "https", ":", "//img.shields.io/github/license/dani-garcia/vaultwarden.svg", ")", "]", "(", "https", ":", "//github.com/dani-garcia/vaultwarden/blob/main/LICENSE.txt", ")"], "golden-entity-mentions": [{"text": ["AGPL-3.0"], "entity-type": "license", "start": 3, "end": 10, "index": [3]}]}, {"sentence": ["Aider", "can", "give", "the", "LLM", "a", "map", "of", "your", "entire", "git", "repo", ",", "which", "helps", "it", "understand", "and", "modify", "large", "codebases", "."], "golden-entity-mentions": [{"text": ["LLM"], "entity-type": "platform", "start": 19, "end": 21, "index": [4]}, {"text": ["git", "repo"], "entity-type": "framework", "start": 44, "end": 51, "index": [10, 11]}]}, {"sentence": ["FlashAttention", ":", "Fast", "and", "Memory-Efficient", "Exact", "Attention", "with", "IO-Awareness", "."], "golden-entity-mentions": [{"text": ["FlashAttention"], "entity-type": "platform", "start": 0, "end": 13, "index": [0]}, {"text": ["IO-Awareness"], "entity-type": "platform", "start": 63, "end": 74, "index": [8]}, {"text": ["FlashAttention"], "entity-type": "framework", "start": 0, "end": 13, "index": [0]}, {"text": ["IO-Awareness"], "entity-type": "framework", "start": 63, "end": 74, "index": [8]}]}, {"sentence": ["In", "the", "Data", "3.0", "era", ",", "based", "on", "models", "and", "databases", ",", "enterprises", "and", "developers", "can", "build", "their", "own", "bespoke", "applications", "with", "less", "code", "."], "golden-entity-mentions": [{"text": ["Data", "3.0"], "entity-type": "platform", "start": 7, "end": 14, "index": [2, 3]}]}, {"sentence": ["Conduct", "Security", "Research", "on", "macOS", "using", "both", "Linux", "&", "Windows", "!"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 29, "end": 33, "index": [4]}]}, {"sentence": ["You", "should", "feel", "comfortable", "with", "coding", "and", "command", "line", "and", "know", "the", "basics", "of", "SQL", "."], "golden-entity-mentions": [{"text": ["SQL"], "entity-type": "Language", "start": 80, "end": 82, "index": [14]}]}, {"sentence": ["If", "you", "want", "to", "permanently", "enable", "certain", "style", "sets", "or", "character", "variations", ",", "maybe", "because", "your", "editor", "of", "choice", "does", "not", "allow", "you", "to", "toggle", "these", "individually", ",", "you", "can", "provide", "the", "desired", "features", "as", "a", "comma", "separated", "list", "to", "the", "build", "script", "via", "the", "-f", "/", "--", "features", "flag", "."], "golden-entity-mentions": [{"text": ["editor"], "entity-type": "platform", "start": 97, "end": 102, "index": [16]}]}, {"sentence": ["Open", "In", "Colab"], "golden-entity-mentions": [{"text": ["Colab"], "entity-type": "platform", "start": 8, "end": 12, "index": [2]}]}, {"sentence": ["e.g", ".", "`", "rift.summarize_callsites", "`", "or", "`", "rift.launch_ai_swe_async", "`", "should", "work", "on", "a", "Python", "codebase", "with", "StarCoder", "as", "well", "as", "it", "works", "on", "a", "Rust", "codebase", "using", "CodeGen", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 79, "end": 84, "index": [13]}, {"text": ["Rust"], "entity-type": "language", "start": 135, "end": 138, "index": [24]}, {"text": ["StarCoder"], "entity-type": "framework", "start": 100, "end": 108, "index": [16]}, {"text": ["CodeGen"], "entity-type": "framework", "start": 155, "end": 161, "index": [27]}]}, {"sentence": ["Python", "Roadmap"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Oxc", "is", "free", "and", "open-source", "software", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 56, "end": 66, "index": [9, 10]}]}, {"sentence": ["Omnivore", "takes", "advantage", "of", "some", "great", "open", "source", "software", ":", "TypeScript", ",", "Next.js", ",", "SWR", ",", "Stitches", ",", "Mozilla", "Readability", ",", "Swift", "GraphQL", ",", "Apollo", "GraphQL", ",", "Radix", "UI"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 73, "end": 79, "index": [12]}, {"text": ["SWR"], "entity-type": "framework", "start": 82, "end": 84, "index": [14]}, {"text": ["Stitches"], "entity-type": "framework", "start": 87, "end": 94, "index": [16]}, {"text": ["Mozilla", "Readability"], "entity-type": "framework", "start": 97, "end": 115, "index": [18, 19]}, {"text": ["Swift", "GraphQL"], "entity-type": "framework", "start": 118, "end": 130, "index": [21, 22]}, {"text": ["Apollo", "GraphQL"], "entity-type": "framework", "start": 133, "end": 146, "index": [24, 22]}, {"text": ["Radix", "UI"], "entity-type": "framework", "start": 149, "end": 156, "index": [27, 28]}, {"text": ["Mozilla"], "entity-type": "company", "start": 97, "end": 103, "index": [18]}]}, {"sentence": ["Begin", "with", "Docker", "to", "deploy", "your", "own", "feature-rich", ",", "unrestricted", "version", "of", "AFFiNE", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 11, "end": 16, "index": [2]}]}, {"sentence": ["OpenResume", "users", "have", "landed", "interviews", "and", "offers", "from", "top", "companies", ",", "such", "as", "Dropbox", ",", "Google", ",", "Meta", "to", "name", "a", "few", "."], "golden-entity-mentions": [{"text": ["Dropbox"], "entity-type": "company", "start": 79, "end": 85, "index": [13]}, {"text": ["Google"], "entity-type": "company", "start": 88, "end": 93, "index": [15]}, {"text": ["Meta"], "entity-type": "company", "start": 96, "end": 99, "index": [17]}]}, {"sentence": ["FinGPT", ":", "Open-Source", "Financial", "Large", "Language", "Models", "."], "golden-entity-mentions": [{"text": ["FinGPT"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}, {"text": ["Open-Source", "Financial", "Large", "Language", "Models"], "entity-type": "platform", "start": 8, "end": 50, "index": [2, 3, 4, 5, 6]}, {"text": ["FinGPT"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}, {"text": ["Large", "Language", "Models"], "entity-type": "framework", "start": 30, "end": 50, "index": [4, 5, 6]}]}, {"sentence": ["Furthermore", ",", "plugins", "can", "be", "created", "using", "AiScript", ",", "an", "original", "programming", "language", "."], "golden-entity-mentions": [{"text": ["AiScript"], "entity-type": "language", "start": 42, "end": 49, "index": [7]}]}, {"sentence": ["It", "'s", "a", "terminal-based", "editor", "first", ",", "but", "I", "'d", "like", "to", "explore", "a", "custom", "renderer", "(", "similar", "to", "Emacs", ")", "in", "wgpu", "or", "skulpin", "."], "golden-entity-mentions": [{"text": ["wgpu"], "entity-type": "platform", "start": 100, "end": 103, "index": [22]}, {"text": ["skulpin"], "entity-type": "platform", "start": 108, "end": 114, "index": [24]}]}, {"sentence": ["MetaGPT", "takes", "a", "*", "*", "one", "line", "requirement", "*", "*", "as", "input", "and", "outputs", "*", "*", "user", "stories", "/", "competitive", "analysis", "/", "requirements", "/", "data", "structures", "/", "APIs", "/", "documents", ",", "etc", ".", "*", "*"], "golden-entity-mentions": [{"text": ["MetaGPT"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["utilize", "tools", "such", "as", "Tableau", "and", "R", "to", "design", "meaningful", "interactive", "dashboards", "."], "golden-entity-mentions": [{"text": ["Tableau"], "entity-type": "framework", "start": 22, "end": 28, "index": [4]}]}, {"sentence": ["Peft", "(", "Parameter", "Efficient", "Fine", "Tuning", ",", "use", "low", "rank", "adaption", "(", "LoRa", ")", "to", "fine-tune", ")"], "golden-entity-mentions": [{"text": ["Peft"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["We", "now", "use", "Supabase", "because", "it", "'s", "easy", "to", "use", ",", "it", "'s", "open-source", ",", "it", "'s", "Postgres", ",", "and", "it", "has", "a", "free", "tier", "for", "hosted", "instances", "."], "golden-entity-mentions": [{"text": ["Supabase"], "entity-type": "platform", "start": 11, "end": 18, "index": [3]}]}, {"sentence": ["Try", "the", "latest", "released", "FinGPT-Forecaster", "demo", "at", "our", "HuggingFace", "Space", "."], "golden-entity-mentions": [{"text": ["FinGPT-Forecaster"], "entity-type": "platform", "start": 24, "end": 40, "index": [4]}, {"text": ["HuggingFace", "Space"], "entity-type": "platform", "start": 54, "end": 70, "index": [8, 9]}]}, {"sentence": ["It", "includes", "a", "universal", "runtime", "and", "libraries", "that", "let", "you", "build", "native", "apps", "by", "writing", "React", "and", "JavaScript", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 88, "end": 92, "index": [15]}]}, {"sentence": ["Call", ".watch", "and", "pass", "in", "your", "PyTorch", "model", "to", "automatically", "log", "gradients", "and", "store", "the", "network", "topology", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 29, "end": 35, "index": [6]}]}, {"sentence": ["<", "td", ">", "Web", "Browser", "<", "/td", ">"], "golden-entity-mentions": [{"text": ["Web", "Browser"], "entity-type": "platform", "start": 4, "end": 14, "index": [3, 4]}]}, {"sentence": ["MuJoCo", "\u7684\u76f8\u5173\u7ef4\u62a4\u5de5\u4f5c\u7531", "Google", "DeepMind", "\u8d1f\u8d23\u3002"], "golden-entity-mentions": [{"text": ["Google", "DeepMind"], "entity-type": "company", "start": 16, "end": 30, "index": [2, 3]}]}, {"sentence": ["Curious", "about", "who", "makes", "Expo", "?", "Here", "are", "our", "team", "members", "!"], "golden-entity-mentions": [{"text": ["Expo"], "entity-type": "company", "start": 24, "end": 27, "index": [4]}]}, {"sentence": ["Alpine", "Linux", ",", "unlike", "mainstream/traditional", "Linux", "distributions", ",", "is", "based", "on", "BusyBox", ",", "a", "very", "compact", "(", "~5MB", ")", "Linux", "distribution", "."], "golden-entity-mentions": [{"text": ["Alpine", "Linux"], "entity-type": "platform", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["[", "!", "[", "dotnet", "Windows", "]", "(", "https", ":", "//github.com/microsoft/semantic-kernel/actions/workflows/dotnet-ci-windows.yml/badge.svg", "?", "branch=main", ")", "]", "(", "https", ":", "//github.com/microsoft/semantic-kernel/actions/workflows/dotnet-ci-windows.yml", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 10, "end": 16, "index": [4]}]}, {"sentence": ["VALL-E", "X", "is", "similar", "to", "Bark", ",", "VALL-E", "and", "AudioLM", ",", "which", "generates", "audio", "in", "GPT-style", "by", "predicting", "audio", "tokens", "quantized", "by", "EnCodec", "."], "golden-entity-mentions": [{"text": ["EnCodec"], "entity-type": "framework", "start": 124, "end": 130, "index": [22]}]}, {"sentence": ["The", "minGPT", "library", "is", "three", "files", ":", "[", "mingpt/model.py", "]", "(", "mingpt/model.py", ")", "contains", "the", "actual", "Transformer", "model", "definition", ",", "[", "mingpt/bpe.py", "]", "(", "mingpt/bpe.py", ")", "contains", "a", "mildly", "refactored", "Byte", "Pair", "Encoder", "that", "translates", "between", "text", "and", "sequences", "of", "integers", "exactly", "like", "OpenAI", "did", "in", "GPT", ",", "[", "mingpt/trainer.py", "]", "(", "mingpt/trainer.py", ")", "is", "(", "GPT-independent", ")", "PyTorch", "boilerplate", "code", "that", "trains", "the", "model", "."], "golden-entity-mentions": [{"text": ["minGPT"], "entity-type": "platform", "start": 4, "end": 9, "index": [1]}]}, {"sentence": ["If", "you", "want", "to", "use", "BLAS", "or", "Metal", "with", "[", "llama-cpp", "]", "(", "https", ":", "//github.com/abetlen/llama-cpp-python", "#", "installation-with-openblas", "--", "cublas", "--", "clblast", "--", "metal", ")", "you", "can", "set", "appropriate", "flags", "."], "golden-entity-mentions": [{"text": ["BLAS"], "entity-type": "framework", "start": 19, "end": 22, "index": [5]}, {"text": ["Metal"], "entity-type": "framework", "start": 27, "end": 31, "index": [7]}]}, {"sentence": ["OS", "Compatible", ":", "Ubuntu", "22", "or", "newer", "."], "golden-entity-mentions": [{"text": ["Ubuntu", "22"], "entity-type": "platform", "start": 15, "end": 23, "index": [3, 4]}]}, {"sentence": ["It", "contains", "backtesting", ",", "plotting", "and", "money", "management", "tools", "as", "well", "as", "strategy", "optimization", "by", "machine", "learning", "."], "golden-entity-mentions": [{"text": ["backtesting"], "entity-type": "framework", "start": 12, "end": 22, "index": [2]}, {"text": ["plotting"], "entity-type": "framework", "start": 25, "end": 32, "index": [4]}, {"text": ["money", "management", "tools"], "entity-type": "framework", "start": 38, "end": 59, "index": [6, 7, 8]}, {"text": ["strategy", "optimization"], "entity-type": "framework", "start": 72, "end": 92, "index": [12, 13]}, {"text": ["machine", "learning"], "entity-type": "framework", "start": 97, "end": 112, "index": [15, 16]}]}, {"sentence": ["AI-powered", "Markdown", "editor", "for", "a", "Notion-style", "writing", "experience", "powered", "by", "Novel", "."], "golden-entity-mentions": [{"text": ["Novel"], "entity-type": "framework", "start": 76, "end": 80, "index": [10]}, {"text": ["Novel"], "entity-type": "company", "start": 76, "end": 80, "index": [10]}]}, {"sentence": ["Make", "sure", "you", "have", "Docker", "installed"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 19, "end": 24, "index": [4]}]}, {"sentence": ["AMD64", "microprocessors", "must", "have", "AVX", ".", "Otherwise", "llamafile", "will", "print", "an", "error", "and", "refuse", "to", "run", ".", "This", "means", "that", "if", "you", "have", "an", "Intel", "CPU", ",", "it", "needs", "to", "be", "Intel", "Sandybridge", "or", "newer", "(", "circa", "2011+", ")", ",", "and", "if", "you", "have", "an", "AMD", "CPU", ",", "then", "it", "needs", "to", "be", "Bulldozer", "or", "newer", "(", "circa", "2011+", ")", "."], "golden-entity-mentions": [{"text": ["Intel"], "entity-type": "platform", "start": 127, "end": 131, "index": [24]}, {"text": ["AMD"], "entity-type": "platform", "start": 0, "end": 2, "index": [45]}]}, {"sentence": ["The", "model", "is", "available", "on", "Hugging", "Face", "as", "databricks/dolly-v2-12b", "."], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "platform", "start": 26, "end": 37, "index": [5, 6]}]}, {"sentence": ["You", "'ll", "need", "python", "3.9+", "and", "PyTorch", "."], "golden-entity-mentions": [{"text": ["python"], "entity-type": "language", "start": 12, "end": 17, "index": [3]}, {"text": ["PyTorch"], "entity-type": "framework", "start": 28, "end": 34, "index": [6]}]}, {"sentence": ["Licensed", "under", "the", "[", "MIT", "license", "]", "(", "https", ":", "//github.com/shadcn/ui/blob/main/LICENSE.md", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "license", "start": 20, "end": 30, "index": [4, 5]}]}, {"sentence": ["70", "billion", "parameter", "LLaMA3", "model", "training", "accelerated", "by", "18", "%"], "golden-entity-mentions": [{"text": ["LLaMA3"], "entity-type": "platform", "start": 21, "end": 26, "index": [3]}]}, {"sentence": ["Troubleshooting", "on", "macOS"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 19, "end": 23, "index": [2]}]}, {"sentence": ["The", "Oxidation", "Compiler", "is", "creating", "a", "collection", "of", "high-performance", "tools", "for", "JavaScript", "and", "TypeScript", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 78, "end": 87, "index": [11]}, {"text": ["TypeScript"], "entity-type": "language", "start": 93, "end": 102, "index": [13]}]}, {"sentence": ["The", "MIT", "License"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 4, "end": 14, "index": [1, 2]}]}, {"sentence": ["uBO", "should", "be", "compatible", "with", "any", "Chromium-based", "browser", "."], "golden-entity-mentions": [{"text": ["Chromium-based", "browser"], "entity-type": "platform", "start": 34, "end": 55, "index": [6, 7]}]}, {"sentence": ["MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["Colossal-AI", "provides", "a", "collection", "of", "parallel", "components", "for", "you", ".", "We", "aim", "to", "support", "you", "to", "write", "your", "distributed", "deep", "learning", "models", "just", "like", "how", "you", "write", "your", "model", "on", "your", "laptop", "."], "golden-entity-mentions": [{"text": ["Colossal-AI"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["android", ":", "A", "Kotlin", "Native", "binary", "(", "planned", ")", "."], "golden-entity-mentions": [{"text": ["Kotlin"], "entity-type": "language", "start": 11, "end": 16, "index": [3]}]}, {"sentence": ["Data", "Science", "@", "CERN"], "golden-entity-mentions": [{"text": ["CERN"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["[", "Render", "]", "(", "https", ":", "//render.com/docs/deploy-zulip", ")"], "golden-entity-mentions": [{"text": ["Render"], "entity-type": "company", "start": 1, "end": 6, "index": [1]}]}, {"sentence": ["NVIDIA", "GPU"], "golden-entity-mentions": [{"text": ["NVIDIA", "GPU"], "entity-type": "platform", "start": 0, "end": 9, "index": [0, 1]}]}, {"sentence": ["#", "#", "License", "MIT"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 11, "end": 13, "index": [3]}]}, {"sentence": ["You", "can", "manage", "VPS", ",", "Bare", "Metal", ",", "Raspberry", "PI", "'s", "anything", "."], "golden-entity-mentions": [{"text": ["VPS"], "entity-type": "Platform", "start": 15, "end": 17, "index": [3]}, {"text": ["Bare", "Metal"], "entity-type": "Platform", "start": 20, "end": 29, "index": [5, 6]}, {"text": ["Raspberry", "PI"], "entity-type": "Platform", "start": 32, "end": 43, "index": [8, 9]}]}, {"sentence": ["The", "difference", "between", "QtScrcpy", "and", "the", "original", "scrcpy", "is", "as", "follows", ":"], "golden-entity-mentions": [{"text": ["QtScrcpy"], "entity-type": "framework", "start": 23, "end": 30, "index": [3]}, {"text": ["scrcpy"], "entity-type": "framework", "start": 49, "end": 54, "index": [7]}]}, {"sentence": ["Apple", "for", "macOS", "and", "many", "of", "the", "kexts", ",", "frameworks", "and", "other", "binaries", "we", "reimplemented", "into", "newer", "OSes"], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Similar", "to", "Google", "'s", "[", "Imagen", "]", "(", "https", ":", "//arxiv.org/abs/2205.11487", ")", ",", "this", "model", "uses", "a", "frozen", "CLIP", "ViT-L/14", "text", "encoder", "to", "condition", "the", "model", "on", "text", "prompts", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 11, "end": 16, "index": [2]}]}, {"sentence": ["Windows", ":", "`", "winget", "install", "--", "id", "Typst.Typst", "`"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Since", "OS", "X", "10.9", ",", "/usr/bin/git", "has", "been", "preset", "by", "Xcode", "command", "line", "tools", ",", "which", "means", "we", "ca", "n't", "properly", "detect", "if", "Git", "is", "installed", "or", "not", ".", "You", "need", "to", "manually", "install", "the", "Xcode", "command", "line", "tools", "before", "running", "the", "install", "script", ",", "otherwise", ",", "it", "'ll", "fail", "."], "golden-entity-mentions": [{"text": ["OS", "X"], "entity-type": "platform", "start": 6, "end": 9, "index": [1, 2]}]}, {"sentence": ["More", "tractions", "on", "Blocksuite", "."], "golden-entity-mentions": [{"text": ["Blocksuite"], "entity-type": "framework", "start": 18, "end": 27, "index": [3]}]}, {"sentence": ["#", "using", "pip", "(", "pip3", ")", "$", "pip", "install", "diagrams"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "language", "start": 8, "end": 10, "index": [2]}]}, {"sentence": ["Introducing", "a", "WordPress", "website", "builder", "with", "no", "limits", "of", "design", ".", "A", "website", "builder", "that", "delivers", "high-end", "page", "designs", "and", "advanced", "capabilities", "never", "before", "seen", "on", "WordPress", "."], "golden-entity-mentions": [{"text": ["WordPress"], "entity-type": "framework", "start": 14, "end": 22, "index": [2]}]}, {"sentence": ["Running", "Postgres", "locally", "with", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "Platform", "start": 30, "end": 35, "index": [4]}]}, {"sentence": ["Build", "cross-platform", "desktop", "apps", "with", "JavaScript", ",", "HTML", ",", "and", "CSS", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 39, "end": 48, "index": [5]}, {"text": ["CSS"], "entity-type": "language", "start": 61, "end": 63, "index": [10]}, {"text": ["HTML"], "entity-type": "language", "start": 51, "end": 54, "index": [7]}]}, {"sentence": ["``", "HTTPS_PROXY", "''"], "golden-entity-mentions": [{"text": ["HTTPS_PROXY"], "entity-type": "Platform", "start": 2, "end": 12, "index": [1]}]}, {"sentence": ["UniPC", "sampler", "-", "Wenliang", "Zhao", "-", "https", ":", "//github.com/wl-zhao/UniPC"], "golden-entity-mentions": [{"text": ["UniPC", "sampler"], "entity-type": "framework", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["Some", "amazing", "companies", ",", "including", "AFFiNE", ",", "are", "looking", "for", "developers", "!"], "golden-entity-mentions": [{"text": ["AFFiNE"], "entity-type": "company", "start": 34, "end": 39, "index": [5]}]}, {"sentence": ["Due", "to", "the", "use", "of", "multiple", "files", "and", "module", "imports", ",", "the", "use", "of", "Notebooks", "is", "not", "recommended", "."], "golden-entity-mentions": [{"text": ["Notebooks"], "entity-type": "framework", "start": 64, "end": 72, "index": [14]}]}, {"sentence": ["A", "Windows", "and", "Office", "activator", "using", "HWID", "/", "Ohook", "/", "KMS38", "/", "Online", "KMS", "activation", "methods", ",", "with", "a", "focus", "on", "open-source", "code", "and", "fewer", "antivirus", "detections", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 2, "end": 8, "index": [1]}, {"text": ["HWID"], "entity-type": "framework", "start": 37, "end": 40, "index": [6]}, {"text": ["Ohook"], "entity-type": "framework", "start": 44, "end": 48, "index": [8]}, {"text": ["KMS38"], "entity-type": "framework", "start": 52, "end": 56, "index": [10]}]}, {"sentence": ["This", "repository", "contains", "the", "Typst", "compiler", "and", "its", "CLI", ",", "which", "is", "everything", "you", "need", "to", "compile", "Typst", "documents", "locally", "."], "golden-entity-mentions": [{"text": ["Typst"], "entity-type": "framework", "start": 29, "end": 33, "index": [4]}]}, {"sentence": ["GPU", "execution", "requires", "the", "following", "NVIDIA", "libraries", "to", "be", "installed", ":", "cuBLAS", "for", "CUDA", "12", ",", "cuDNN", "8", "for", "CUDA", "12", "."], "golden-entity-mentions": [{"text": ["NVIDIA"], "entity-type": "company", "start": 37, "end": 42, "index": [5]}]}, {"sentence": ["This", "repository", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "licenses", "start": 38, "end": 48, "index": [6, 7]}]}, {"sentence": ["On", "Windows", "we", "recommend", "that", "users", "disable", "`", "rift.autostart", "`", "in", "VSCode", "and", "run", "Rift", "manually", "as", "`", "~/.morph/env/bin/rift", "`", "after", "following", "the", "installation", "instructions", "below", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 3, "end": 9, "index": [1]}, {"text": ["VSCode"], "entity-type": "platform", "start": 63, "end": 68, "index": [11]}]}, {"sentence": ["Step", "0", ":", "Supabase", "CLI"], "golden-entity-mentions": [{"text": ["Supabase", "CLI"], "entity-type": "platform", "start": 8, "end": 19, "index": [3, 4]}]}, {"sentence": ["AudioCraft", "is", "a", "PyTorch", "library", "for", "deep", "learning", "research", "on", "audio", "generation", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 16, "end": 22, "index": [3]}]}, {"sentence": ["Text", "generation", "with", "GPTs", "(", "llama.cpp", ",", "gpt4all.cpp", ",", "...", ")"], "golden-entity-mentions": [{"text": ["llama.cpp"], "entity-type": "language", "start": 27, "end": 35, "index": [5]}, {"text": ["gpt4all.cpp"], "entity-type": "language", "start": 38, "end": 48, "index": [7]}]}, {"sentence": ["Follow", "these", "steps", "to", "open", "this", "repo", "in", "a", "container", "using", "your", "local", "machine", "and", "VSCode", "using", "the", "VS", "Code", "Remote", "-", "Containers", "extension", ":"], "golden-entity-mentions": [{"text": ["VSCode"], "entity-type": "Platform", "start": 81, "end": 86, "index": [15]}]}, {"sentence": ["-", "[", "X", "]", "FreeBSD"], "golden-entity-mentions": [{"text": ["FreeBSD"], "entity-type": "platform", "start": 6, "end": 12, "index": [4]}]}, {"sentence": ["Kafka", "Connect", "and", "KSQL"], "golden-entity-mentions": [{"text": ["Kafka"], "entity-type": "Language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Developed", "by", "Google", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 13, "end": 18, "index": [2]}]}, {"sentence": ["The", "official", "[", "Ollama", "Docker", "image", "]", "(", "https", ":", "//hub.docker.com/r/ollama/ollama", ")", "`", "ollama/ollama", "`", "is", "available", "on", "Docker", "Hub", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 21, "end": 26, "index": [4]}, {"text": ["Ollama"], "entity-type": "company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["While", "Rust", "has", "gained", "a", "reputation", "for", "its", "comparatively", "slower", "compilation", "speed", ",", "we", "have", "dedicated", "significant", "effort", "to", "fine-tuning", "the", "Rust", "compilation", "speed", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 6, "end": 9, "index": [1]}]}, {"sentence": ["TA-Lib", "."], "golden-entity-mentions": [{"text": ["TA-Lib"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["ESLint", "follows", "semantic", "versioning", "."], "golden-entity-mentions": [{"text": ["semantic", "versioning"], "entity-type": "license", "start": 15, "end": 33, "index": [2, 3]}]}, {"sentence": ["Thanks", "to", "[", "DigitalOcean", "]", "(", "https", ":", "//www.digitalocean.com/", "?", "refcode=32f291566cf7", "&", "utm_campaign=Referral_Invite", "&", "utm_medium=Referral_Program", "&", "utm_source=CopyPaste", ")", "for", "hosting", "the", "Standard", "C++", "Foundation", "website", "."], "golden-entity-mentions": [{"text": ["DigitalOcean"], "entity-type": "Company", "start": 11, "end": 22, "index": [3]}]}, {"sentence": ["The", "`", "agbenchmark", "`", "can", "be", "used", "with", "any", "agent", "that", "supports", "the", "agent", "protocol", ",", "and", "the", "integration", "with", "the", "project", "'s", "[", "CLI", "]", "makes", "it", "even", "easier", "to", "use", "with", "AutoGPT", "and", "forge-based", "agents", "."], "golden-entity-mentions": [{"text": ["agbenchmark"], "entity-type": "framework", "start": 5, "end": 15, "index": [2]}]}, {"sentence": ["Zig", ":", "deins/llama.cpp.zig"], "golden-entity-mentions": [{"text": ["Zig"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["But", "then", "the", "discussion", "evolved", "and", "I", "thought", ",", "I", "'ll", "show", "you", "a", "very", "minimal", "example", "in", "C", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 87, "end": 87, "index": [18]}]}, {"sentence": ["Data", "Science", "@", "Blackrock"], "golden-entity-mentions": [{"text": ["Blackrock"], "entity-type": "Company", "start": 14, "end": 22, "index": [3]}]}, {"sentence": ["On", "macOS", "with", "Apple", "Silicon", "you", "need", "to", "have", "Xcode", "Command", "Line", "Tools", "installed", "for", "llamafile", "to", "be", "able", "to", "bootstrap", "itself", "."], "golden-entity-mentions": [{"text": ["Apple", "Silicon"], "entity-type": "platform", "start": 14, "end": 26, "index": [3, 4]}]}, {"sentence": ["React", "Native", "apps", "may", "target", "iOS", "13.4", "and", "Android", "6.0", "(", "API", "23", ")", "or", "newer", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}, {"text": ["iOS", "13.4"], "entity-type": "platform", "start": 29, "end": 36, "index": [5, 6]}, {"text": ["Android", "6.0", "(", "API", "23", ")"], "entity-type": "platform", "start": 42, "end": 61, "index": [8, 9, 10, 11, 12, 13]}]}, {"sentence": ["Kubernetes", "Container", "Orchestration"], "golden-entity-mentions": [{"text": ["Kubernetes"], "entity-type": "Platform", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["If", "you", "have", "an", "available", "domain", "name", ",", "you", "can", "get", "HTTPS", "certificates", "with", "Let", "'s", "Encrypt", ",", "or", "you", "can", "generate", "self-signed", "certificates", "with", "utilities", "like", "mkcert", "."], "golden-entity-mentions": [{"text": ["Let", "'s", "Encrypt"], "entity-type": "company", "start": 74, "end": 86, "index": [14, 15, 16]}, {"text": ["HTTPS"], "entity-type": "platform", "start": 50, "end": 54, "index": [11]}, {"text": ["self-signed", "certificates"], "entity-type": "platform", "start": 109, "end": 132, "index": [22, 12]}, {"text": ["mkcert"], "entity-type": "framework", "start": 154, "end": 159, "index": [27]}]}, {"sentence": ["Installation", "on", "Apple", "Silicon"], "golden-entity-mentions": [{"text": ["Apple", "Silicon"], "entity-type": "platform", "start": 16, "end": 28, "index": [2, 3]}]}, {"sentence": ["This", "working", "demo", "site", "was", "built", "using", "the", "Platforms", "Starter", "Kit", "and", ":", "Next.js", "as", "the", "React", "framework", "..."], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 70, "end": 76, "index": [13]}, {"text": ["React"], "entity-type": "framework", "start": 85, "end": 89, "index": [16]}]}, {"sentence": ["Acknowledgement", "Official", "DragGAN", "DragGAN-Streamlit", "StyleGAN2", "StyleGAN2-pytorch", "StyleGAN2-Ada", "StyleGAN-Human", "Self-Distilled-StyleGAN"], "golden-entity-mentions": [{"text": ["StyleGAN-Human"], "entity-type": "company", "start": 103, "end": 116, "index": [7]}]}, {"sentence": ["Excalidraw", "is", "released", "under", "the", "MIT", "license", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 33, "end": 35, "index": [5]}]}, {"sentence": ["MIT", "-", "Author", "Ettore", "Di", "Giacinto"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Magic-Wormhole", "is", "released", "under", "the", "MIT", "license", ",", "see", "the", "`", "LICENSE", "`", "file", "for", "details", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 37, "end": 39, "index": [5]}]}, {"sentence": ["Build", "cross-platform", "desktop", "apps", "with", "JavaScript", ",", "HTML", ",", "and", "CSS", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 39, "end": 48, "index": [5]}, {"text": ["HTML"], "entity-type": "language", "start": 51, "end": 54, "index": [7]}, {"text": ["CSS"], "entity-type": "language", "start": 61, "end": 63, "index": [10]}]}, {"sentence": ["Data", "Science", "@", "Amazon"], "golden-entity-mentions": [{"text": ["Amazon"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["Novel", "is", "a", "Notion-style", "WYSIWYG", "editor", "with", "AI-powered", "autocompletions", "."], "golden-entity-mentions": [{"text": ["Notion-style", "WYSIWYG", "editor"], "entity-type": "framework", "start": 11, "end": 37, "index": [3, 4, 5]}]}, {"sentence": ["Once", "downloaded", ",", "reuse", "your", "LLM", "without", "the", "need", "for", "repeated", "downloads", "."], "golden-entity-mentions": [{"text": ["LLM"], "entity-type": "company", "start": 28, "end": 30, "index": [5]}]}, {"sentence": ["``", "Self-host", "using", "Docker", "''"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "Company", "start": 18, "end": 23, "index": [3]}, {"text": ["Docker"], "entity-type": "Platform", "start": 18, "end": 23, "index": [3]}]}, {"sentence": ["TensorFlow"], "golden-entity-mentions": [{"text": ["TensorFlow"], "entity-type": "Framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["[", "!", "[", "Ruff", "]", "(", "https", ":", "//img.shields.io/endpoint", "?", "url=https", ":", "//raw.githubusercontent.com/astral-sh/ruff/main/assets/badge/v2.json", ")", "]", "(", "https", ":", "//github.com/astral-sh/ruff", ")"], "golden-entity-mentions": [{"text": ["Ruff"], "entity-type": "framework", "start": 3, "end": 6, "index": [3]}]}, {"sentence": ["Supported", "stacks", ":", "-", "HTML", "+", "Tailwind"], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "language", "start": 20, "end": 23, "index": [4]}]}, {"sentence": ["This", "ui", "will", "let", "you", "design", "and", "execute", "advanced", "stable", "diffusion", "pipelines", "using", "a", "graph/nodes/flowchart", "based", "interface", "."], "golden-entity-mentions": [{"text": ["stable", "diffusion"], "entity-type": "Platform", "start": 49, "end": 64, "index": [9, 10]}]}, {"sentence": ["The", "full", "documentation", "for", "React", "Native", "can", "be", "found", "on", "our", "[", "website", "]", "[", "docs", "]", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 27, "end": 38, "index": [4, 5]}]}, {"sentence": ["Detect", "page", "layout", "and", "find", "reading", "order", "(", "[", "surya", "]", "(", "https", ":", "//github.com/VikParuchuri/surya", ")", ")"], "golden-entity-mentions": [{"text": ["surya"], "entity-type": "framework", "start": 44, "end": 48, "index": [9]}]}, {"sentence": ["With", "[", "Community", "Cloud", "]", "(", "https", ":", "//streamlit.io/cloud", ")", "you", "can", "deploy", ",", "manage", ",", "and", "share", "your", "apps", "with", "the", "world", ",", "directly", "from", "Streamlit", "\u2014", "all", "for", "free", "."], "golden-entity-mentions": [{"text": ["Community", "Cloud"], "entity-type": "framework", "start": 6, "end": 20, "index": [2, 3]}]}, {"sentence": ["License", ":", "CC-0"], "golden-entity-mentions": [{"text": ["CC-0"], "entity-type": "license", "start": 9, "end": 12, "index": [2]}]}, {"sentence": ["To", "meet", "the", "specific", "needs", "of", "users", ",", "LobeChat", "also", "supports", "the", "use", "of", "local", "models", "based", "on", "[", "Ollama", "]", "(", "https", ":", "//ollama.ai", ")", ",", "allowing", "users", "to", "flexibly", "use", "their", "own", "or", "third-party", "models", "."], "golden-entity-mentions": [{"text": ["Ollama"], "entity-type": "platform", "start": 94, "end": 99, "index": [19]}]}, {"sentence": ["This", "project", "was", "known", "as", "Bitwarden_RS", "and", "has", "been", "renamed", "to", "separate", "itself", "from", "the", "official", "Bitwarden", "server", "in", "the", "hopes", "of", "avoiding", "confusion", "and", "trademark/branding", "issues", "."], "golden-entity-mentions": [{"text": ["Bitwarden"], "entity-type": "company", "start": 26, "end": 34, "index": [16]}]}, {"sentence": ["Alpine", "Linux", "3.13+"], "golden-entity-mentions": [{"text": ["Alpine", "Linux", "3.13+"], "entity-type": "platform", "start": 0, "end": 17, "index": [0, 1, 2]}]}, {"sentence": ["A", "PyTorch", "re-implementation", "of", "[", "GPT", "]", "(", "https", ":", "//github.com/openai/gpt-2", ")", ",", "both", "training", "and", "inference", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 2, "end": 8, "index": [1]}]}, {"sentence": ["We", "now", "support", "StyleGAN2-ada", "with", "much", "higher", "quality", "and", "more", "types", "of", "images", ".", "Try", "it", "by", "selecting", "models", "started", "with", "'ada", "'", "."], "golden-entity-mentions": [{"text": ["StyleGAN2-ada"], "entity-type": "framework", "start": 15, "end": 27, "index": [3]}]}, {"sentence": ["LocalSend", "is", "a", "cross-platform", "app", "that", "enables", "secure", "communication", "between", "devices", "using", "a", "REST", "API", "and", "HTTPS", "encryption", "."], "golden-entity-mentions": [{"text": ["cross-platform"], "entity-type": "platform", "start": 15, "end": 28, "index": [3]}, {"text": ["REST", "API"], "entity-type": "language", "start": 92, "end": 99, "index": [13, 14]}]}, {"sentence": ["On", "the", "hugging", "face", "demo", ",", "the", "interface", "and", "inferior", "CPUs", "make", "it", "slower", "but", "still", "works", "fine", "."], "golden-entity-mentions": [{"text": ["CPUs"], "entity-type": "platform", "start": 53, "end": 56, "index": [10]}]}, {"sentence": ["landing", ":", "A", "React", "app", "using", "Next.js", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 11, "end": 15, "index": [3]}, {"text": ["Next.js"], "entity-type": "framework", "start": 27, "end": 33, "index": [6]}]}, {"sentence": ["Pythia-Chat-Base-7B", "is", "a", "fine-tuned", "variant", "of", "Pythia-6.9B-deduped", "from", "Eleuther", "AI", "."], "golden-entity-mentions": [{"text": ["Pythia-6.9B-deduped"], "entity-type": "framework", "start": 47, "end": 65, "index": [6]}]}, {"sentence": ["The", "LLM", "can", "only", "see", "the", "content", "of", "the", "files", "you", "specifically", "'add", "to", "the", "chat", "'", "."], "golden-entity-mentions": [{"text": ["LLM"], "entity-type": "framework", "start": 4, "end": 6, "index": [1]}]}, {"sentence": ["Works", "seamlessly", "across", "multiple", "hosts", ",", "using", "SSHKit", "to", "execute", "commands", "."], "golden-entity-mentions": [{"text": ["SSHKit"], "entity-type": "framework", "start": 46, "end": 51, "index": [7]}]}, {"sentence": ["NetBSD", ",", "macOS", ",", "Linux", ",", "Illumos", ",", "etc", ".", "with", "[", "pkgsrc", "]", "(", "http", ":", "//www.pkgsrc.org/", ")", "-current", ":"], "golden-entity-mentions": [{"text": ["NetBSD"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}, {"text": ["macOS"], "entity-type": "platform", "start": 8, "end": 12, "index": [2]}, {"text": ["Linux"], "entity-type": "platform", "start": 15, "end": 19, "index": [4]}, {"text": ["Illumos"], "entity-type": "platform", "start": 22, "end": 28, "index": [6]}]}, {"sentence": ["Ensure", "that", "Python", "3.9+", "is", "installed", "on", "your", "system", ".", "You", "can", "check", "this", "by", "using", ":", "`", "python", "--", "version", "`", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 12, "end": 17, "index": [2]}]}, {"sentence": ["Note", ",", "on", "Windows", ":", "If", "you", "want", "to", "utilize", "a", "GPU", ",", "make", "sure", "you", "first", "install", "the", "correct", "PyTorch", "version", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 9, "end": 15, "index": [3]}, {"text": ["GPU"], "entity-type": "platform", "start": 43, "end": 45, "index": [11]}, {"text": ["PyTorch"], "entity-type": "framework", "start": 88, "end": 94, "index": [20]}]}, {"sentence": ["It", "is", "assumed", "that", "you", "are", "working", "locally", "in", "a", "proper", "Python", "development", "environment", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 55, "end": 60, "index": [11]}]}, {"sentence": ["With", "React", "Native", ",", "you", "use", "native", "UI", "controls", "and", "have", "full", "access", "to", "the", "native", "platform", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 5, "end": 16, "index": [1, 2]}]}, {"sentence": ["Similar", "to", "Google", "'s", "[", "Imagen", "]", "(", "https", ":", "//arxiv.org/abs/2205.11487", ")", ",", "this", "model", "uses", "a", "frozen", "CLIP", "ViT-L/14", "text", "encoder", "to", "condition", "the", "model", "on", "text", "prompts", "."], "golden-entity-mentions": [{"text": ["CLIP"], "entity-type": "framework", "start": 89, "end": 92, "index": [18]}, {"text": ["ViT-L/14"], "entity-type": "framework", "start": 94, "end": 101, "index": [19]}, {"text": ["Imagen"], "entity-type": "framework", "start": 21, "end": 26, "index": [5]}]}, {"sentence": ["The", "following", "optional", "dependencies", "are", "necessary", "for", "mask", "post-processing", ",", "saving", "masks", "in", "COCO", "format", ",", "the", "example", "notebooks", ",", "and", "exporting", "the", "model", "in", "ONNX", "format", "."], "golden-entity-mentions": [{"text": ["ONNX"], "entity-type": "framework", "start": 155, "end": 158, "index": [25]}]}, {"sentence": ["Our", "models", "are", "fine-tuned", "versions", "of", "large", "language", "models", "trained", "by", "[", "Eleuther", "AI", "]", "(", "https", ":", "//www.eleuther.ai", ")", "."], "golden-entity-mentions": [{"text": ["Eleuther", "AI"], "entity-type": "company", "start": 72, "end": 82, "index": [12, 13]}]}, {"sentence": ["Fortune", "500", "companies", ",", "leading", "open", "source", "projects", ",", "and", "thousands", "of", "other", "organizations", "use", "Zulip", "every", "day", "."], "golden-entity-mentions": [{"text": ["Fortune", "500", "companies"], "entity-type": "company", "start": 0, "end": 20, "index": [0, 1, 2]}]}, {"sentence": ["Install", "CLIP", "."], "golden-entity-mentions": [{"text": ["CLIP"], "entity-type": "framework", "start": 8, "end": 11, "index": [1]}]}, {"sentence": ["Download", "and", "Install", "NodeJS", ">", "=", "18.15.0"], "golden-entity-mentions": [{"text": ["NodeJS"], "entity-type": "platform", "start": 21, "end": 26, "index": [3]}]}, {"sentence": ["Free-tier", "Oracle", "VM", "-", "Amsterdam", "-", "2.4Ghz", "quad-core", "ARM64", "CPU", ",", "24GB", "RAM"], "golden-entity-mentions": [{"text": ["Oracle", "VM"], "entity-type": "Platform", "start": 10, "end": 18, "index": [1, 2]}, {"text": ["ARM64"], "entity-type": "Platform", "start": 51, "end": 55, "index": [8]}]}, {"sentence": ["License", ":", "MIT"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 9, "end": 11, "index": [2]}]}, {"sentence": ["Deploy", "with", "Railway"], "golden-entity-mentions": [{"text": ["Railway"], "entity-type": "platform", "start": 12, "end": 18, "index": [2]}]}, {"sentence": ["to", "start", "a", "[", "Streamlit", "]", "(", "https", ":", "//streamlit.io/", ")", "demo", "that", "connects", "to", "the", "API", "at", "port", "8502", "."], "golden-entity-mentions": [{"text": ["Streamlit"], "entity-type": "framework", "start": 12, "end": 20, "index": [4]}]}, {"sentence": ["To", "generate", "using", "the", "12B", "param", "model", "on", "A10s", ",", "it", "'s", "necessary", "to", "load", "and", "run", "generating", "using", "8-bit", "weights", ",", "which", "impacts", "the", "results", "slightly", "."], "golden-entity-mentions": [{"text": ["A10s"], "entity-type": "language", "start": 41, "end": 44, "index": [8]}, {"text": ["8-bit", "weights"], "entity-type": "language", "start": 95, "end": 107, "index": [19, 20]}]}, {"sentence": ["AudioCraft", "requires", "Python", "3.9", ",", "PyTorch", "2.1.0", ".", "To", "install", "AudioCraft", ",", "you", "can", "run", "the", "following", ":"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 20, "end": 25, "index": [2]}, {"text": ["PyTorch"], "entity-type": "language", "start": 32, "end": 38, "index": [5]}]}, {"sentence": ["Make", "sure", "that", "you", "have", "Go", "version", "1.16", "or", "greater", "and", "Go", "modules", "are", "enabled", "."], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 24, "end": 25, "index": [5]}]}, {"sentence": ["Large", "AI", "models", "inference", "speed", "doubled", ",", "compared", "to", "the", "offline", "inference", "performance", "of", "vLLM", "in", "some", "cases", "."], "golden-entity-mentions": [{"text": ["vLLM"], "entity-type": "platform", "start": 90, "end": 93, "index": [14]}]}, {"sentence": ["The", "course", "is", "built", "using", "a", "few", "tools", ":", "[", "mdbook-course", "]", "(", "mdbook-course/", ")"], "golden-entity-mentions": [{"text": ["mdbook-course"], "entity-type": "Framework", "start": 40, "end": 52, "index": [10]}]}, {"sentence": ["Multiple", "hardware", "and", "base", "system", "support", "-", "ZimaBoard", ",", "NUC", ",", "RPi", ",", "old", "computers", ",", "whatever", "is", "available", "."], "golden-entity-mentions": [{"text": ["ZimaBoard"], "entity-type": "framework", "start": 44, "end": 52, "index": [7]}]}, {"sentence": ["A", "badge", "indicating", "the", "usage", "of", "black"], "golden-entity-mentions": [{"text": ["black"], "entity-type": "framework", "start": 32, "end": 36, "index": [6]}]}, {"sentence": ["On", "Windows", ",", "use", "build_msvc.bat", "in", "a", "Visual", "Studio", "Command", "Prompt", "to", "build", "with", "msvc", ",", "or", "you", "can", "use", "make", "win64", "to", "use", "mingw", "compiler", "toolchain", "from", "linux", "or", "windows", "to", "build", "the", "windows", "target", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 3, "end": 9, "index": [1]}]}, {"sentence": ["If", "you", "want", "to", "use", "audio", "models", ":"], "golden-entity-mentions": [{"text": ["audio"], "entity-type": "platform", "start": 19, "end": 23, "index": [5]}]}, {"sentence": ["The", "complete", "demo", "is", "implemented", "in", "less", "than", "300", "lines", "of", "Python", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 59, "end": 64, "index": [11]}]}, {"sentence": ["Supported", "Exchange", "marketplaces", "."], "golden-entity-mentions": [{"text": ["Exchange", "marketplaces"], "entity-type": "platform", "start": 10, "end": 30, "index": [1, 2]}]}, {"sentence": ["The", "authors", "are", "grateful", "to", "Adobe", "for", "generous", "donations", ",", "the", "OPAL", "infrastructure", "from", "Universit\u00e9", "C\u00f4te", "d", "\u2019", "Azur", "...", "<", "a", "href=", "''", "https", ":", "//univ-cotedazur.eu/", "''", ">", "<", "img", "height=", "''", "100", "''", "src=", "''", "assets/logo_uca.png", "''", ">", "<", "/a", ">"], "golden-entity-mentions": [{"text": ["Adobe"], "entity-type": "company", "start": 28, "end": 32, "index": [5]}, {"text": ["Universit\u00e9", "C\u00f4te", "d", "\u2019", "Azur"], "entity-type": "company", "start": 87, "end": 108, "index": [14, 15, 16, 17, 18]}]}, {"sentence": ["HashiCorp", "Certified", ":", "Terraform", "Associate"], "golden-entity-mentions": [{"text": ["HashiCorp"], "entity-type": "company", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["While", "Automatic1111", "does", "offer", "extensions", ",", "they", "are", "often", "difficult", "to", "program", ",", "use", ",", "and", "install", "."], "golden-entity-mentions": [{"text": ["Automatic1111"], "entity-type": "framework", "start": 6, "end": 18, "index": [1]}]}, {"sentence": ["BingX", "."], "golden-entity-mentions": [{"text": ["BingX"], "entity-type": "company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Zulip", "is", "distributed", "under", "the", "[", "Apache", "2.0", "]", "(", "https", ":", "//github.com/zulip/zulip/blob/main/LICENSE", ")", "license", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 32, "end": 41, "index": [6, 7]}]}, {"sentence": ["import", "motionCanvas", "from", "'", "@", "motion-canvas/vite-plugin", "'", ";"], "golden-entity-mentions": [{"text": ["motionCanvas"], "entity-type": "framework", "start": 7, "end": 18, "index": [1]}]}, {"sentence": ["For", "[", "Dev", "Containers", "]", "(", "https", ":", "//aka.ms/vscode-remote/download/containers", ")", ",", "use", "the", "*", "*", "Dev", "Containers", ":", "Clone", "Repository", "in", "Container", "Volume", "...", "*", "*", "command", "which", "creates", "a", "Docker", "volume", "for", "better", "disk", "I/O", "on", "macOS", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Dev", "Containers"], "entity-type": "framework", "start": 5, "end": 18, "index": [2, 3]}]}, {"sentence": ["Version", "5", "\u2013", "the", "iconic", "SVG", ",", "font", ",", "and", "CSS", "framework"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "framework", "start": 38, "end": 40, "index": [10]}]}, {"sentence": ["That", "means", ",", "Raspberry", "Pi", "and", "Apple", "Silicon", "users", "enjoy", "the", "exact", "same", "functionality", "and", "can", "follow", "the", "same", "installation", "steps", "."], "golden-entity-mentions": [{"text": ["Raspberry", "Pi"], "entity-type": "platform", "start": 12, "end": 23, "index": [3, 4]}, {"text": ["Apple", "Silicon"], "entity-type": "platform", "start": 29, "end": 41, "index": [6, 7]}]}, {"sentence": ["Internally", ",", "MetaGPT", "includes", "*", "*", "product", "managers", "/", "architects", "/", "project", "managers", "/", "engineers", ".", "*", "*", "It", "provides", "the", "entire", "process", "of", "a", "*", "*", "software", "company", "along", "with", "carefully", "orchestrated", "SOPs", ".", "*", "*"], "golden-entity-mentions": [{"text": ["MetaGPT"], "entity-type": "framework", "start": 12, "end": 18, "index": [2]}]}, {"sentence": ["[", "Discord", "]", "(", "https", ":", "//the-algorithms.com/discord", ")"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "Platform", "start": 1, "end": 7, "index": [1]}]}, {"sentence": ["Tech", "Stack", "-", "Next.js", "-", "Framework"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 13, "end": 19, "index": [3]}]}, {"sentence": ["Fira", "Code", "is", "a", "free", "monospaced", "font", "containing", "ligatures", "for", "common", "programming", "multi-character", "combinations", "."], "golden-entity-mentions": [{"text": ["Fira"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Conduct", "Security", "Research", "on", "macOS", "using", "both", "Linux", "&", "Windows", "!"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 46, "end": 50, "index": [7]}]}, {"sentence": ["Fine-tuning", "Framework", ":", "Model", "fine-tuning", "is", "an", "indispensable", "capability", "for", "any", "enterprise", "to", "implement", "in", "vertical", "and", "niche", "domains", "."], "golden-entity-mentions": [{"text": ["Fine-tuning", "Framework"], "entity-type": "language", "start": 0, "end": 20, "index": [0, 1]}]}, {"sentence": ["Run", "Mac", "OS", "X", "in", "Docker", "with", "near-native", "performance", "!"], "golden-entity-mentions": [{"text": ["Mac", "OS", "X"], "entity-type": "platform", "start": 4, "end": 11, "index": [1, 2, 3]}]}, {"sentence": ["The", "API", "is", "built", "using", "[", "FastAPI", "]", "(", "https", ":", "//fastapi.tiangolo.com/", ")", "and", "follows", "[", "OpenAI", "'s", "API", "scheme", "]", "(", "https", ":", "//platform.openai.com/docs/api-reference", ")", "."], "golden-entity-mentions": [{"text": ["FastAPI"], "entity-type": "framework", "start": 24, "end": 30, "index": [6]}]}, {"sentence": ["You", "can", "use", "conda", "like", "this", ":", "`", "conda", "create", "-n", "metagpt", "python=3.9", "&", "&", "conda", "activate", "metagpt", "`"], "golden-entity-mentions": [{"text": ["conda"], "entity-type": "platform", "start": 12, "end": 16, "index": [3]}]}, {"sentence": ["Falcon", ",", "MosaicML", ",", "BigScience", ",", "THUDM", ",", "and", "other", "contributors", "."], "golden-entity-mentions": [{"text": ["Falcon"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}, {"text": ["MosaicML"], "entity-type": "company", "start": 8, "end": 15, "index": [2]}, {"text": ["BigScience"], "entity-type": "company", "start": 18, "end": 27, "index": [4]}, {"text": ["THUDM"], "entity-type": "company", "start": 30, "end": 34, "index": [6]}]}, {"sentence": ["Apache-2", "License"], "golden-entity-mentions": [{"text": ["Apache-2", "License"], "entity-type": "license", "start": 0, "end": 15, "index": [0, 1]}]}, {"sentence": ["It", "allows", "you", "to", "run", "LLMs", ",", "generate", "images", ",", "audio", "(", "and", "not", "only", ")", "locally", "or", "on-prem", "with", "consumer", "grade", "hardware", ",", "supporting", "multiple", "model", "families", "."], "golden-entity-mentions": [{"text": ["on-prem"], "entity-type": "platform", "start": 76, "end": 82, "index": [18]}]}, {"sentence": ["Pip", "install", "the", "ultralytics", "package", "including", "all", "requirements", "in", "a", "Python", ">", "=3.8", "environment", "with", "PyTorch", ">", "=1.8", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 97, "end": 103, "index": [15]}]}, {"sentence": ["Use", "ChatGPT", "on", "WeChat", "with", "wechaty", "and", "Official", "API"], "golden-entity-mentions": [{"text": ["Official", "API"], "entity-type": "framework", "start": 39, "end": 50, "index": [7, 8]}]}, {"sentence": ["I", "trained", "the", "llama2.c", "storyteller", "models", "on", "a", "4X", "A100", "40GB", "box", "graciously", "provided", "by", "the", "excellent", "Lambda", "labs", ",", "thank", "you", "."], "golden-entity-mentions": [{"text": ["Lambda", "labs"], "entity-type": "company", "start": 101, "end": 111, "index": [17, 18]}]}, {"sentence": ["Ollama", "has", "a", "REST", "API", "for", "running", "and", "managing", "models", "."], "golden-entity-mentions": [{"text": ["REST", "API"], "entity-type": "framework", "start": 13, "end": 20, "index": [3, 4]}]}, {"sentence": ["Data", "Science", "@", "Pinterest"], "golden-entity-mentions": [{"text": ["Pinterest"], "entity-type": "Company", "start": 14, "end": 22, "index": [3]}]}, {"sentence": ["LDSR", "-", "https", ":", "//github.com/Hafiidz/latent-diffusion"], "golden-entity-mentions": [{"text": ["LDSR"], "entity-type": "framework", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["The", "plugin", "uses", "OpenAI", "'s", "embeddings", "model", "(", "`", "text-embedding-3-large", "`", "256", "dimension", "embeddings", "by", "default", ")", "to", "generate", "embeddings", "of", "document", "chunks", ",", "and", "then", "stores", "and", "queries", "them", "using", "a", "vector", "database", "on", "the", "backend", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 16, "end": 21, "index": [3]}]}, {"sentence": ["Fast", "&", "beautiful", "blog", "posts", "cached", "via", "Vercel", "'s", "Edge", "Network", "..."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 39, "end": 44, "index": [7]}]}, {"sentence": ["Streamlit", "'s", "simple", "and", "focused", "API", "lets", "you", "build", "incredibly", "rich", "and", "powerful", "tools", "."], "golden-entity-mentions": [{"text": ["Streamlit"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["virtualenv", "(", "Recommended", ")", "."], "golden-entity-mentions": [{"text": ["virtualenv"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["For", "training", "new", "models", ",", "you", "'ll", "also", "need", "an", "NVIDIA", "GPU", "and", "NCCL", "."], "golden-entity-mentions": [{"text": ["NVIDIA", "GPU"], "entity-type": "platform", "start": 45, "end": 54, "index": [10, 11]}, {"text": ["NCCL"], "entity-type": "platform", "start": 60, "end": 63, "index": [13]}]}, {"sentence": ["Advanced", "and", "optimized", "Level", "System", "(", "Read", "more", "above", ")"], "golden-entity-mentions": [{"text": ["Level", "System"], "entity-type": "framework", "start": 23, "end": 34, "index": [3, 4]}]}, {"sentence": ["To", "develop", "the", "player", ",", "first", "build", "the", "template", ":", "`", "npm", "run", "template", ":", "build", "`", ".", "Then", ",", "start", "`", "npm", "run", "player", ":", "dev", "`", "."], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 50, "end": 52, "index": [11]}]}, {"sentence": ["JavaScript", "API", "for", "hybrid", "apps", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Alternatively", ",", "you", "can", "build", "Fira", "Code", "using", "Docker", ":"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 45, "end": 50, "index": [8]}]}, {"sentence": ["Nvidia", "users", "should", "install", "stable", "pytorch", "using", "this", "command", ":"], "golden-entity-mentions": [{"text": ["Nvidia"], "entity-type": "Company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["and", "it", "'s", "available", "on", "iOS", ",", "Android", ",", "and", "Web", "."], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "platform", "start": 22, "end": 24, "index": [5]}, {"text": ["Android"], "entity-type": "platform", "start": 27, "end": 33, "index": [7]}, {"text": ["Web"], "entity-type": "platform", "start": 40, "end": 42, "index": [10]}]}, {"sentence": ["bloop", "is", "licensed", "under", "the", "Apache", "2.0", "license", "as", "defined", "in", "LICENSE", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 28, "end": 37, "index": [5, 6]}]}, {"sentence": ["LocalSend", "is", "a", "free", ",", "open-source", "app", "that", "allows", "you", "to", "securely", "share", "files", "and", "messages", "with", "nearby", "devices", "over", "your", "local", "network", "without", "needing", "an", "internet", "connection", "."], "golden-entity-mentions": [{"text": ["local", "network"], "entity-type": "platform", "start": 120, "end": 132, "index": [21, 22]}, {"text": ["open-source"], "entity-type": "licenses", "start": 21, "end": 31, "index": [5]}]}, {"sentence": ["crates", ":", "Shared", "Rust", "libraries", "used", "by", "the", "core", "and", "other", "Rust", "applications", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 15, "end": 18, "index": [3]}]}, {"sentence": ["MIT"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Thanks", "to", "engineers", "from", "Meituan", "for", "this", "contribution", "."], "golden-entity-mentions": [{"text": ["Meituan"], "entity-type": "company", "start": 25, "end": 31, "index": [4]}]}, {"sentence": ["Fully", "supports", "SD1.x", ",", "SD2.x", ",", "[", "SDXL", "]", "(", "https", ":", "//comfyanonymous.github.io/ComfyUI_examples/sdxl/", ")", ",", "[", "Stable", "Video", "Diffusion", "]", "(", "https", ":", "//comfyanonymous.github.io/ComfyUI_examples/video/", ")", "and", "[", "Stable", "Cascade", "]", "(", "https", ":", "//comfyanonymous.github.io/ComfyUI_examples/stable_cascade/", ")"], "golden-entity-mentions": [{"text": ["SD1.x"], "entity-type": "Framework", "start": 15, "end": 19, "index": [2]}, {"text": ["SD2.x"], "entity-type": "Framework", "start": 22, "end": 26, "index": [4]}, {"text": ["SDXL"], "entity-type": "Framework", "start": 30, "end": 33, "index": [7]}]}, {"sentence": ["Acceleration", "of", "AIGC", "(", "AI-Generated", "Content", ")", "models", "such", "as", "Stable", "Diffusion", "v1", "and", "Stable", "Diffusion", "v2", "."], "golden-entity-mentions": [{"text": ["Stable", "Diffusion", "v1"], "entity-type": "platform", "start": 59, "end": 77, "index": [10, 11, 12]}, {"text": ["Stable", "Diffusion", "v2"], "entity-type": "platform", "start": 83, "end": 101, "index": [10, 11, 16]}]}, {"sentence": ["Alpine", "Linux", "3.13+"], "golden-entity-mentions": [{"text": ["Alpine", "Linux", "3.13+"], "entity-type": "platform", "start": 0, "end": 17, "index": [0, 1, 2]}]}, {"sentence": ["dolly-v2-12b", "is", "a", "12", "billion", "parameter", "causal", "language", "model", "created", "by", "Databricks", "that", "is", "derived", "from", "EleutherAI", "\u2019", "s", "Pythia-12b", "and", "fine-tuned", "on", "a", "~15K", "record", "instruction", "corpus", "generated", "by", "Databricks", "employees", "and", "released", "under", "a", "permissive", "license", "(", "CC-BY-SA", ")", "."], "golden-entity-mentions": [{"text": ["CC-BY-SA"], "entity-type": "license", "start": 254, "end": 261, "index": [39]}]}, {"sentence": ["Only", "needed", "if", "you", "want", "to", "use", "the", "optional", "`", "ocrmypdf", "`", "as", "the", "ocr", "backend", "."], "golden-entity-mentions": [{"text": ["ocrmypdf"], "entity-type": "framework", "start": 45, "end": 52, "index": [10]}]}, {"sentence": ["You", "should", "install", "\ud83e\udd17", "Accelerate", "in", "a", "virtual", "environment", "."], "golden-entity-mentions": [{"text": ["virtual", "environment"], "entity-type": "language", "start": 37, "end": 55, "index": [7, 8]}]}, {"sentence": ["For", "more", "info", ",", "check", "out", "the", "[", "GitHub", "documentation", "]", "(", "https", ":", "//docs.github.com/en/codespaces/developing-in-codespaces/creating-a-codespace-for-a-repository", "#", "creating-a-codespace", ")", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "Framework", "start": 30, "end": 35, "index": [8]}]}, {"sentence": ["esProc", "is", "under", "the", "Apache", "2.0", "license", ".", "See", "the", "LICENSE", "file", "for", "details", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 20, "end": 29, "index": [4, 5]}]}, {"sentence": ["See", "also", "[", "the", "article", "about", "the", "BLOOM", "Open", "RAIL", "license", "]", "(", "https", ":", "//bigscience.huggingface.co/blog/the-bigscience-rail-license", ")", "on", "which", "our", "license", "is", "based", "."], "golden-entity-mentions": [{"text": ["BLOOM", "Open", "RAIL", "license"], "entity-type": "license", "start": 32, "end": 54, "index": [7, 8, 9, 10]}]}, {"sentence": ["Supported", "Futures", "Exchanges", "(", "experimental", ")", "."], "golden-entity-mentions": [{"text": ["Futures", "Exchanges"], "entity-type": "platform", "start": 10, "end": 26, "index": [1, 2]}]}, {"sentence": ["The", "model", "is", "licensed", "under", "the", "[", "Apache", "2.0", "license", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/LICENSE", ")", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "licenses", "start": 33, "end": 42, "index": [7, 8]}]}, {"sentence": ["Thanks", "to", "[", "Crowdin", "]", "(", "https", ":", "//crowdin.com/", ")", "for", "providing", "the", "localization", "platform", "that", "helps", "us", "translate", "Misskey", "into", "many", "languages", "."], "golden-entity-mentions": [{"text": ["Crowdin"], "entity-type": "company", "start": 11, "end": 17, "index": [3]}]}, {"sentence": ["We", "are", "sharing", "codes", "for", "academic", "purposes", "under", "the", "MIT", "license", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 53, "end": 55, "index": [9]}]}, {"sentence": ["Persistence", "is", "achieved", "through", "sqlite", "."], "golden-entity-mentions": [{"text": ["sqlite"], "entity-type": "framework", "start": 32, "end": 37, "index": [4]}]}, {"sentence": ["Plugins", "are", "written", "in", "Lua", "."], "golden-entity-mentions": [{"text": ["Lua"], "entity-type": "language", "start": 23, "end": 25, "index": [4]}]}, {"sentence": ["BigQuery", "Machine", "Learning"], "golden-entity-mentions": [{"text": ["BigQuery"], "entity-type": "Framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["\ud83d\udc4b", "Welcome", "to", "StableStudio", ",", "the", "open-source", "version", "of", "[", "DreamStudio", "]", "(", "https", ":", "//dreamstudio.ai/", ")", "!"], "golden-entity-mentions": [{"text": ["DreamStudio"], "entity-type": "platform", "start": 55, "end": 65, "index": [10]}]}, {"sentence": ["To", "cite", "[", "MetaGPT", "]", "(", "https", ":", "//arxiv.org/abs/2308.00352", ")", "or", "[", "Data", "Interpreter", "]", "(", "https", ":", "//arxiv.org/abs/2402.18679", ")", "in", "publications", ",", "please", "use", "the", "following", "BibTeX", "entries", "."], "golden-entity-mentions": [{"text": ["MetaGPT"], "entity-type": "company", "start": 9, "end": 15, "index": [3]}, {"text": ["Data", "Interpreter"], "entity-type": "company", "start": 56, "end": 71, "index": [12, 13]}]}, {"sentence": ["Generators", ":", "The", "Final", "Frontier"], "golden-entity-mentions": [{"text": ["Generators", ":", "The", "Final", "Frontier"], "entity-type": "framework", "start": 0, "end": 29, "index": [0, 1, 2, 3, 4]}]}, {"sentence": ["Data", "Science", "@", "Zalando"], "golden-entity-mentions": [{"text": ["Zalando"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["faster-whisper", "is", "a", "reimplementation", "of", "OpenAI", "'s", "Whisper", "model", "using", "CTranslate2", ",", "which", "is", "a", "fast", "inference", "engine", "for", "Transformer", "models", "."], "golden-entity-mentions": [{"text": ["faster-whisper"], "entity-type": "platform", "start": 0, "end": 13, "index": [0]}, {"text": ["Whisper"], "entity-type": "platform", "start": 49, "end": 55, "index": [7]}, {"text": ["CTranslate2"], "entity-type": "platform", "start": 69, "end": 79, "index": [10]}, {"text": ["CTranslate2"], "entity-type": "framework", "start": 69, "end": 79, "index": [10]}, {"text": ["Transformer"], "entity-type": "framework", "start": 119, "end": 129, "index": [19]}]}, {"sentence": ["``", "ChatGPTAPI", "(", "gpt-3.5-turbo-0301", ")", "''"], "golden-entity-mentions": [{"text": ["gpt-3.5-turbo-0301"], "entity-type": "Framework", "start": 13, "end": 30, "index": [3]}]}, {"sentence": ["Deployment", "to", "the", "cloud", "and", "locally"], "golden-entity-mentions": [{"text": ["cloud"], "entity-type": "Platform", "start": 18, "end": 22, "index": [3]}]}, {"sentence": ["Data", "Science", "@", "NASA"], "golden-entity-mentions": [{"text": ["NASA"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["React.js", "and", "Redux", "are", "used", "for", "the", "dynamic", "parts", "of", "the", "interface"], "golden-entity-mentions": [{"text": ["React.js"], "entity-type": "language", "start": 0, "end": 7, "index": [0]}, {"text": ["Redux"], "entity-type": "language", "start": 13, "end": 17, "index": [2]}, {"text": ["React.js"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}, {"text": ["Redux"], "entity-type": "framework", "start": 13, "end": 17, "index": [2]}]}, {"sentence": ["See", "the", "[", "Upgrading", "Guide", "]", "[", "u", "]", "for", "instructions", "."], "golden-entity-mentions": [{"text": ["Upgrading", "Guide"], "entity-type": "documentation", "start": 9, "end": 23, "index": [3, 4]}]}, {"sentence": ["Python3", "Metaprogramming"], "golden-entity-mentions": [{"text": ["Python3", "Metaprogramming"], "entity-type": "language", "start": 0, "end": 22, "index": [0, 1]}]}, {"sentence": ["Create", "the", "conda", "env", "."], "golden-entity-mentions": [{"text": ["conda"], "entity-type": "language", "start": 11, "end": 15, "index": [2]}]}, {"sentence": ["[", "Gitpod", "]", "(", "https", ":", "//gitpod.io/", "#", "https", ":", "//github.com/TheAlgorithms/Rust", ")"], "golden-entity-mentions": [{"text": ["Gitpod"], "entity-type": "Platform", "start": 1, "end": 6, "index": [1]}]}, {"sentence": ["A", "demo", "of", "MobileSAM", "running", "on", "*", "*", "CPU", "*", "*", "is", "open", "at", "[", "hugging", "face", "demo", "]", "(", "https", ":", "//huggingface.co/spaces/dhkim2810/MobileSAM", ")", "."], "golden-entity-mentions": [{"text": ["CPU"], "entity-type": "platform", "start": 33, "end": 35, "index": [8]}]}, {"sentence": ["Mastodon", "is", "a", "free", ",", "open-source", "social", "network", "server", "based", "on", "ActivityPub", "where", "users", "can", "follow", "friends", "and", "discover", "new", "ones", "."], "golden-entity-mentions": [{"text": ["ActivityPub"], "entity-type": "language", "start": 63, "end": 73, "index": [11]}]}, {"sentence": ["\u7531\u4e8e\u7f3a\u4e4f\u7ef4\u62a4\uff0c\u4e0d\u518d\u63d0\u4f9b", "macOS", "\u7248\u672c\u4e0b\u8f7d\u3002"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 12, "end": 16, "index": [1]}]}, {"sentence": ["Evals", "provide", "a", "framework", "for", "evaluating", "large", "language", "models", "(", "LLMs", ")", "or", "systems", "built", "using", "LLMs", "."], "golden-entity-mentions": [{"text": ["Evals"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["The", "TensorRT", "model", "of", "FastSAM", "."], "golden-entity-mentions": [{"text": ["TensorRT"], "entity-type": "company", "start": 4, "end": 11, "index": [1]}]}, {"sentence": ["React", "Native", "is", "developed", "and", "supported", "by", "many", "companies", "and", "individual", "core", "contributors", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["I", "host", "the", "application", "servers", "on", "[", "Fly.io", "]", "(", "https", ":", "//fly.io/", ")", "and", "with", "[", "Redis", "Cloud", "]", "(", "https", ":", "//redis.com/", ")", "."], "golden-entity-mentions": [{"text": ["Fly.io"], "entity-type": "company", "start": 35, "end": 40, "index": [7]}, {"text": ["Redis", "Cloud"], "entity-type": "company", "start": 70, "end": 80, "index": [17, 18]}]}, {"sentence": ["pnpm", "build"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Windows", "App", "SDK", "1.5"], "golden-entity-mentions": [{"text": ["Windows", "App", "SDK", "1.5"], "entity-type": "platform", "start": 0, "end": 18, "index": [0, 1, 2, 3]}]}, {"sentence": ["Rust", "Roadmap"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["server", ":", "A", "Rust", "server", "for", "the", "webapp", ".", "(", "planned", ")"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 10, "end": 13, "index": [3]}]}, {"sentence": ["Cross-platform", "(", "it", "should", "work", "on", "all", "the", "platforms", "Go", "runs", "on", ")", "."], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 52, "end": 53, "index": [9]}]}, {"sentence": ["We", "use", "Weblate", "to", "manage", "translations", "."], "golden-entity-mentions": [{"text": ["Weblate"], "entity-type": "company", "start": 7, "end": 13, "index": [2]}]}, {"sentence": ["Install", "Docker", "and", "ensure", "that", "it", "'s", "running", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 8, "end": 13, "index": [1]}]}, {"sentence": ["Want", "to", "learn", "more", "?", "Check", "out", "the", "documentation", "or", "have", "a", "look", "at", "our", "examples", "."], "golden-entity-mentions": [{"text": ["documentation"], "entity-type": "platform", "start": 34, "end": 46, "index": [8]}]}, {"sentence": ["Freqtrade", "is", "a", "free", "and", "open", "source", "crypto", "trading", "bot", "written", "in", "Python", "."], "golden-entity-mentions": [{"text": ["Freqtrade"], "entity-type": "platform", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["You", "may", "need", "[", "`", "rust", "`", "]", "(", "http", ":", "//rust-lang.org/", ")", "installed", "as", "well", ",", "in", "case", "[", "tiktoken", "]", "(", "https", ":", "//github.com/openai/tiktoken", ")", "does", "not", "provide", "a", "pre-built", "wheel", "for", "your", "platform", "."], "golden-entity-mentions": [{"text": ["rust"], "entity-type": "language", "start": 15, "end": 18, "index": [5]}, {"text": ["tiktoken"], "entity-type": "framework", "start": 73, "end": 80, "index": [20]}]}, {"sentence": ["Fairseq", "(", "-py", ")", "is", "a", "sequence", "modeling", "toolkit", "that", "allows", "researchers", "and", "developers", "to", "train", "custom", "models", "for", "translation", ",", "summarization", ",", "language", "modeling", "and", "other", "text", "generation", "tasks", "."], "golden-entity-mentions": [{"text": ["Fairseq", "(", "-py", ")"], "entity-type": "platform", "start": 0, "end": 11, "index": [0, 1, 2, 3]}, {"text": ["Fairseq", "(", "-py", ")"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1, 2, 3]}]}, {"sentence": ["LearnData", ",", "a", "knowledge", "base", "built", "on", "VuePress", ",", "in", "which", "I", "integrated", "all", "of", "my", "notes", "and", "articles", ",", "making", "it", "easy", "for", "me", "to", "use", "and", "share", "."], "golden-entity-mentions": [{"text": ["VuePress"], "entity-type": "framework", "start": 37, "end": 44, "index": [7]}]}, {"sentence": ["It", "\u2019", "s", "web-based", "and", "works", "with", "open", "standards", "(", "SVG", ",", "CSS", "and", "HTML", ")", "."], "golden-entity-mentions": [{"text": ["SVG"], "entity-type": "language", "start": 46, "end": 48, "index": [10]}, {"text": ["CSS"], "entity-type": "language", "start": 51, "end": 53, "index": [12]}, {"text": ["HTML"], "entity-type": "language", "start": 59, "end": 62, "index": [14]}]}, {"sentence": ["Built", "With", "-", "Flutter"], "golden-entity-mentions": [{"text": ["Flutter"], "entity-type": "language", "start": 13, "end": 19, "index": [3]}, {"text": ["Flutter"], "entity-type": "framework", "start": 13, "end": 19, "index": [3]}]}, {"sentence": ["We", "also", "recommend", "having", "ffmpeg", "installed", ",", "either", "through", "your", "system", "or", "Anaconda", ":"], "golden-entity-mentions": [{"text": ["Anaconda"], "entity-type": "platform", "start": 73, "end": 80, "index": [12]}]}, {"sentence": ["!", "[", "Ubuntu", "]", "(", "https", ":", "//github.com/barry-ran/QtScrcpy/workflows/Ubuntu/badge.svg", ")"], "golden-entity-mentions": [{"text": ["Ubuntu"], "entity-type": "platform", "start": 2, "end": 7, "index": [2]}]}, {"sentence": ["You", "can", "use", "[", "GitHub", "discussions", "]", "(", "https", ":", "//github.com/dabeaz-course/python-mastery/discussions", ")", "to", "discuss", "the", "course", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 13, "end": 18, "index": [4]}]}, {"sentence": ["Faster-whisper", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 37, "end": 39, "index": [5]}]}, {"sentence": ["Bitsandbytes", "(", "makes", "models", "smaller", ",", "aka", "'quantization", "'", ")"], "golden-entity-mentions": [{"text": ["Bitsandbytes"], "entity-type": "framework", "start": 0, "end": 11, "index": [0]}]}, {"sentence": ["Thanks", "a", "lot", "to", "Ultralytics", "for", "help", "."], "golden-entity-mentions": [{"text": ["Ultralytics"], "entity-type": "company", "start": 16, "end": 26, "index": [4]}]}, {"sentence": ["As", "an", "experiment", "in", "Online", "Learning", "using", "actual", "human", "feedback", ",", "i", "want", "to", "deploy", "the", "model", "as", "a", "Flask", "API", "with", "a", "React", "front-end", "."], "golden-entity-mentions": [{"text": ["Flask"], "entity-type": "framework", "start": 97, "end": 101, "index": [19]}, {"text": ["React"], "entity-type": "framework", "start": 114, "end": 118, "index": [23]}]}, {"sentence": ["pnpm", "dev"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Kali", "Linux", "/", "Arch", "Linux", "/", "Ubuntu", "/", "Fedora", "/", "Parrot", "OS", "/", "Termux"], "golden-entity-mentions": [{"text": ["Kali", "Linux"], "entity-type": "platform", "start": 0, "end": 9, "index": [0, 1]}, {"text": ["Arch", "Linux"], "entity-type": "platform", "start": 13, "end": 22, "index": [3, 1]}, {"text": ["Ubuntu"], "entity-type": "platform", "start": 26, "end": 31, "index": [6]}, {"text": ["Fedora"], "entity-type": "platform", "start": 35, "end": 40, "index": [8]}, {"text": ["Parrot", "OS"], "entity-type": "platform", "start": 44, "end": 52, "index": [10, 11]}, {"text": ["Termux"], "entity-type": "platform", "start": 56, "end": 61, "index": [13]}]}, {"sentence": ["AWS", "Roadmap"], "golden-entity-mentions": [{"text": ["AWS"], "entity-type": "platform", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["The", "[", "`", "nightly", "`", "]", "(", "https", ":", "//github.com/modularml/mojo/tree/nightly", ")", "branch", ",", "which", "is", "in", "sync", "with", "the", "Mojo", "nightly", "build", "and", "subject", "to", "breakage", "."], "golden-entity-mentions": [{"text": ["Mojo"], "entity-type": "framework", "start": 98, "end": 101, "index": [19]}]}, {"sentence": ["Gorilla", "CLI", "interface", "to", "chat", "with", "Gorilla", "."], "golden-entity-mentions": [{"text": ["Gorilla", "CLI"], "entity-type": "framework", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["The", "Semantic", "Kernel", "SDK", "is", "available", "in", "C", "#", ",", "Python", ",", "and", "Java", "."], "golden-entity-mentions": [{"text": ["C", "#"], "entity-type": "language", "start": 40, "end": 41, "index": [7, 8]}, {"text": ["Python"], "entity-type": "language", "start": 44, "end": 49, "index": [10]}, {"text": ["Java"], "entity-type": "language", "start": 56, "end": 59, "index": [13]}, {"text": ["SDK"], "entity-type": "framework", "start": 20, "end": 22, "index": [3]}]}, {"sentence": ["You", "can", "self-host", "Dub.co", "for", "greater", "control", "over", "your", "data", "and", "design", "."], "golden-entity-mentions": [{"text": ["self-host"], "entity-type": "platform", "start": 8, "end": 16, "index": [2]}]}, {"sentence": ["\ud83e\udd17", "Accelerate", "was", "created", "for", "PyTorch", "users", "who", "like", "to", "write", "the", "training", "loop", "of", "PyTorch", "models", "but", "are", "reluctant", "to", "write", "and", "maintain", "the", "boilerplate", "code", "needed", "to", "use", "multi-GPUs/TPU/fp16", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 29, "end": 35, "index": [5]}]}, {"sentence": ["Download", "for", "macOS", "(", "Apple", "Silicon", "|", "Intel", ")", "\u00b7", "Windows", "\u00b7", "Linux", "\u00b7", "iOS", "\u00b7", "Android"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 13, "end": 17, "index": [2]}, {"text": ["Windows"], "entity-type": "platform", "start": 45, "end": 51, "index": [10]}, {"text": ["Linux"], "entity-type": "platform", "start": 55, "end": 59, "index": [12]}, {"text": ["iOS"], "entity-type": "platform", "start": 63, "end": 65, "index": [14]}, {"text": ["Android"], "entity-type": "platform", "start": 69, "end": 75, "index": [16]}]}, {"sentence": ["Special", "thanks", "to", "our", "biggest", "sponsor", ",", "[", "CCCareers", "]", "(", "https", ":", "//cccareers.org/", ")", "!"], "golden-entity-mentions": [{"text": ["CCCareers"], "entity-type": "Company", "start": 40, "end": 48, "index": [8]}]}, {"sentence": ["For", "Visual", "Studio", "Code", "this", "requires", "the", "Dev", "Container", "extension"], "golden-entity-mentions": [{"text": ["Visual", "Studio", "Code"], "entity-type": "company", "start": 4, "end": 21, "index": [1, 2, 3]}]}, {"sentence": ["Core", ":", "[", "v2fly/v2ray-core", "]", "(", "https", ":", "//github.com/v2fly/v2ray-core", ")", ",", "[", "XTLS/Xray-core", "]", "(", "https", ":", "//github.com/XTLS/Xray-core", ")", ",", "[", "SagerNet/sing-box", "]", "(", "https", ":", "//github.com/SagerNet/sing-box", ")"], "golden-entity-mentions": [{"text": ["v2fly/v2ray-core"], "entity-type": "framework", "start": 7, "end": 22, "index": [3]}, {"text": ["XTLS/Xray-core"], "entity-type": "framework", "start": 64, "end": 77, "index": [12]}, {"text": ["SagerNet/sing-box"], "entity-type": "framework", "start": 117, "end": 133, "index": [21]}]}, {"sentence": ["Microsoft", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Thanks", "to", "the", "generous", "support", "of", "FutureWei", ",", "Satellite.im", ",", "the", "GitHub", "Accelerator", "program", ",", "we", "'re", "able", "to", "work", "on", "Dioxus", "full-time", "."], "golden-entity-mentions": [{"text": ["Satellite.im"], "entity-type": "company", "start": 45, "end": 56, "index": [8]}]}, {"sentence": ["Docker", "Image", "Version", "(", "https", ":", "//img.shields.io/docker/v/sherlock/sherlock", "?", "sort=semver", "&", "logo=docker", "&", "label=Docker", "&", "color=darkgreen", ")"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["By", "contributing", "to", "evals", ",", "you", "are", "agreeing", "to", "make", "your", "evaluation", "logic", "and", "data", "under", "the", "same", "MIT", "license", "as", "this", "repository", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 97, "end": 99, "index": [18]}]}, {"sentence": ["Angular", "Roadmap"], "golden-entity-mentions": [{"text": ["Angular"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["IEEE", "Spectrum", "article", "about", "our", "submission", "to", "the", "MLPerf", "2.0", "benchmark", "using", "FlashAttention", "."], "golden-entity-mentions": [{"text": ["IEEE", "Spectrum"], "entity-type": "platform", "start": 0, "end": 12, "index": [0, 1]}, {"text": ["MLPerf", "2.0", "benchmark"], "entity-type": "platform", "start": 50, "end": 69, "index": [8, 9, 10]}, {"text": ["FlashAttention"], "entity-type": "platform", "start": 77, "end": 90, "index": [12]}, {"text": ["IEEE", "Spectrum"], "entity-type": "company", "start": 0, "end": 12, "index": [0, 1]}, {"text": ["MLPerf", "2.0", "benchmark"], "entity-type": "company", "start": 50, "end": 69, "index": [8, 9, 10]}, {"text": ["FlashAttention"], "entity-type": "company", "start": 77, "end": 90, "index": [12]}]}, {"sentence": ["macOS", ":", "[", "Download", "]", "(", "https", ":", "//ollama.com/download/Ollama-darwin.zip", ")"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["We", "recommend", "the", "PyTorch", "container", "from", "Nvidia", "."], "golden-entity-mentions": [{"text": ["PyTorch", "container"], "entity-type": "framework", "start": 17, "end": 33, "index": [3, 4]}, {"text": ["Nvidia"], "entity-type": "company", "start": 40, "end": 45, "index": [6]}]}, {"sentence": ["Currently", ",", "the", "sole", "maintainer", "is", "@", "ljharb", "-", "more", "maintainers", "are", "quite", "welcome", ",", "and", "we", "hope", "to", "add", "folks", "to", "the", "team", "over", "time", ".", "Governance", "will", "be", "re-evaluated", "as", "the", "project", "evolves", "."], "golden-entity-mentions": [{"text": ["ljharb"], "entity-type": "company", "start": 35, "end": 40, "index": [7]}]}, {"sentence": ["[", "The", "MIT", "License", "(", "MIT", ")", "]", "(", "https", ":", "//raw.githubusercontent.com/v2fly/v2ray-core/master/LICENSE", ")"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 5, "end": 15, "index": [2, 3]}]}, {"sentence": ["Reach", "out", "to", "us", "at", "[", "Discord", "]", "(", "https", ":", "//discord.gg/jbaHfsRVBW", ")", "if", "you", "have", "any", "questions", "or", "issues", "."], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 20, "end": 26, "index": [6]}]}, {"sentence": ["ASP.NET", "Core", "Roadmap"], "golden-entity-mentions": [{"text": ["ASP.NET", "Core"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["Data", "Science", "@", "OLX"], "golden-entity-mentions": [{"text": ["OLX"], "entity-type": "Company", "start": 14, "end": 16, "index": [3]}]}, {"sentence": ["Doctor", "Dignity", "is", "a", "version", "of", "Meta", "'s", "Llama2", "7", "billion", "parameter", "Large", "Language", "Model", "that", "was", "fine-tuned", "on", "a", "Medical", "Dialogue", "Dataset", ",", "then", "further", "improved", "using", "Reinforcement", "Learning", "&", "Constitutional", "AI", "."], "golden-entity-mentions": [{"text": ["Meta"], "entity-type": "company", "start": 31, "end": 34, "index": [6]}]}, {"sentence": ["We", "provide", "the", "option", "for", "you", "to", "log", "your", "eval", "results", "to", "a", "Snowflake", "database", ",", "if", "you", "have", "one", "or", "wish", "to", "set", "one", "up", "."], "golden-entity-mentions": [{"text": ["Snowflake"], "entity-type": "platform", "start": 60, "end": 68, "index": [13]}]}, {"sentence": ["It", "assumes", "that", "you", "have", "both", "docker", "and", "docker-compose", "installed", "on", "your", "machine", "."], "golden-entity-mentions": [{"text": ["docker"], "entity-type": "platform", "start": 30, "end": 35, "index": [6]}, {"text": ["docker-compose"], "entity-type": "platform", "start": 41, "end": 54, "index": [8]}]}, {"sentence": ["\u524d\u7aef\u91c7\u7528", "JavaScript", "\u8bed\u8a00\u8fdb\u884c\u5f00\u53d1\u3002"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 5, "end": 14, "index": [1]}]}, {"sentence": ["Java", "Roadmap"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["-", "[", "X", "]", "Windows", "(", "via", "CMake", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 6, "end": 12, "index": [4]}]}, {"sentence": ["This", "working", "demo", "site", "was", "built", "using", "the", "Platforms", "Starter", "Kit", "and", ":", "Vercel", "for", "deployment", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 70, "end": 75, "index": [13]}]}, {"sentence": ["NextAuth.js", "for", "authentication", "."], "golden-entity-mentions": [{"text": ["NextAuth.js"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": [">", "<", "details", ">", "<", "summary", ">", "<", "code", ">", "qFlipper", "Package", "(", ".tgz", ")", "<", "/code", ">", "<", "/summary", ">", "<", "ul", ">"], "golden-entity-mentions": [{"text": ["qFlipper"], "entity-type": "platform", "start": 26, "end": 33, "index": [10]}]}, {"sentence": ["on", "Windows", "using", "Scoop", "(", "https", ":", "//scoop.sh/", ")", "scoop", "install", "ffmpeg"], "golden-entity-mentions": [{"text": ["Scoop"], "entity-type": "platform", "start": 17, "end": 21, "index": [3]}, {"text": ["Windows"], "entity-type": "platform", "start": 3, "end": 9, "index": [1]}]}, {"sentence": ["A", "plugin", "for", "Vite", "used", "for", "developing", "and", "bundling", "animations", "."], "golden-entity-mentions": [{"text": ["Vite"], "entity-type": "platform", "start": 13, "end": 16, "index": [3]}]}, {"sentence": ["Build", "mobile", "apps", "with", "React", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 23, "end": 27, "index": [4]}]}, {"sentence": ["The", "Algorithms", "-", "Rust"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "Language", "start": 17, "end": 20, "index": [3]}]}, {"sentence": ["Tech", "Stack", "-", "Vercel", "-", "Hosting"], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 13, "end": 18, "index": [3]}]}, {"sentence": ["Databricks", "\u2019", "Dolly", "is", "an", "instruction-following", "large", "language", "model", "trained", "on", "the", "Databricks", "machine", "learning", "platform", "."], "golden-entity-mentions": [{"text": ["Dolly"], "entity-type": "framework", "start": 12, "end": 16, "index": [2]}]}, {"sentence": ["Bun", "is", "an", "all-in-one", "toolkit", "for", "JavaScript", "and", "TypeScript", "apps", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 33, "end": 42, "index": [6]}, {"text": ["TypeScript"], "entity-type": "language", "start": 48, "end": 57, "index": [8]}]}, {"sentence": ["Distributed", "under", "the", "AGPLv3", "License", ".", "See", "[", "`", "LICENSE.md", "`", "]", "(", "https", ":", "//github.com/AppFlowy-IO/AppFlowy/blob/main/LICENSE", ")", "for", "more", "information", "."], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "license", "start": 22, "end": 27, "index": [3]}]}, {"sentence": ["Linux", "Roadmap"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Build", "cross-platform", "desktop", "apps", "with", "JavaScript", ",", "HTML", ",", "and", "CSS", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 39, "end": 48, "index": [5]}, {"text": ["HTML"], "entity-type": "language", "start": 51, "end": 54, "index": [7]}, {"text": ["CSS"], "entity-type": "language", "start": 61, "end": 63, "index": [10]}]}, {"sentence": ["React", "Roadmap"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["#", "docker", "run", "-ti", "--", "name", "local-ai", "-p", "8080:8080", "--", "gpus", "all", "localai/localai"], "golden-entity-mentions": [{"text": ["docker"], "entity-type": "platform", "start": 2, "end": 7, "index": [1]}]}, {"sentence": ["`", "npm", "install", "cypress", "--", "save-dev", "`"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "Language", "start": 1, "end": 3, "index": [1]}]}, {"sentence": ["Ergonomic", "state", "management", "combines", "the", "best", "of", "React", ",", "Solid", ",", "and", "Svelte", "."], "golden-entity-mentions": [{"text": ["Solid"], "entity-type": "framework", "start": 55, "end": 59, "index": [9]}]}, {"sentence": ["Support", "Windows", "/", "Linux", "out", "of", "the", "box", "now", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 8, "end": 14, "index": [1]}, {"text": ["Linux"], "entity-type": "platform", "start": 18, "end": 22, "index": [3]}]}, {"sentence": ["LLM", "Orchestration", ":", "LangChain", ",", "Chroma"], "golden-entity-mentions": [{"text": ["LangChain"], "entity-type": "framework", "start": 19, "end": 27, "index": [3]}, {"text": ["Chroma"], "entity-type": "framework", "start": 30, "end": 35, "index": [5]}]}, {"sentence": ["ContentCodex"], "golden-entity-mentions": [{"text": ["ContentCodex"], "entity-type": "company", "start": 0, "end": 11, "index": [0]}]}, {"sentence": ["Tech", "Stack", "-", "Prisma", "-", "ORM"], "golden-entity-mentions": [{"text": ["Prisma"], "entity-type": "framework", "start": 13, "end": 18, "index": [3]}]}, {"sentence": ["C++", "Compiler", "for", "PyTorch", "extensions", "(", "we", "used", "Visual", "Studio", "2019", "for", "Windows", ")"], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Special", "thanks", "to", "these", "amazing", "projects", "which", "help", "power", "AppFlowy.IO", ":", "-", "contrib.rocks"], "golden-entity-mentions": [{"text": ["contrib.rocks"], "entity-type": "company", "start": 73, "end": 85, "index": [12]}]}, {"sentence": ["Discord", ":", "https", ":", "//discord.com/invite/mistralai"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["The", "answers", "to", "the", "most", "popular", "questions", "can", "be", "found", "in", "the", "[", "FAQ.md", "]", "(", "FAQ.md", ")", "file", "."], "golden-entity-mentions": [{"text": ["FAQ.md"], "entity-type": "company", "start": 63, "end": 68, "index": [13]}]}, {"sentence": ["folly", "supports", "gcc", "(", "5.1+", ")", ",", "clang", ",", "or", "MSVC", ".", "It", "should", "run", "on", "Linux", "(", "x86-32", ",", "x86-64", ",", "and", "ARM", ")", ",", "iOS", ",", "macOS", ",", "and", "Windows", "(", "x86-64", ")", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 60, "end": 64, "index": [16]}, {"text": ["iOS"], "entity-type": "platform", "start": 93, "end": 95, "index": [26]}, {"text": ["macOS"], "entity-type": "platform", "start": 98, "end": 102, "index": [28]}, {"text": ["Windows"], "entity-type": "platform", "start": 109, "end": 115, "index": [31]}]}, {"sentence": ["Aider", "is", "a", "command", "line", "tool", "that", "lets", "you", "pair", "program", "with", "LLMs", ",", "to", "edit", "code", "stored", "in", "your", "local", "git", "repository", "."], "golden-entity-mentions": [{"text": ["Aider"], "entity-type": "company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Also", "make", "sure", "to", "disable", "AP", "isolation", "on", "your", "router", "."], "golden-entity-mentions": [{"text": ["router"], "entity-type": "platform", "start": 47, "end": 52, "index": [9]}]}, {"sentence": ["Based", "on", "scrcpy", ",", "it", "uses", "the", "same", "license", "as", "scrcpy", "."], "golden-entity-mentions": [{"text": ["scrcpy"], "entity-type": "framework", "start": 9, "end": 14, "index": [2]}]}, {"sentence": ["5", ".", "Run", "the", "app", "using", "flask", "--", "app", "application/app.py", "run", "--", "host=0.0.0.0", "--", "port=7091", "."], "golden-entity-mentions": [{"text": ["flask"], "entity-type": "company", "start": 21, "end": 25, "index": [6]}]}, {"sentence": ["Flutter", "works", "with", "existing", "code", ",", "is", "used", "by", "developers", "and", "organizations", "around", "the", "world", ",", "and", "is", "free", "and", "open", "source", "."], "golden-entity-mentions": [{"text": ["Flutter"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["PostgreSQL", "DB"], "golden-entity-mentions": [{"text": ["PostgreSQL"], "entity-type": "Language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Learn", "the", "fundamentals", "of", "web", "development", "with", "our", "12-week", "comprehensive", "course", "by", "Microsoft", "Cloud", "Advocates", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 83, "end": 91, "index": [12]}]}, {"sentence": ["The", "code", "requires", "python", ">", "=3.7", ",", "as", "well", "as", "pytorch", ">", "=1.7", "and", "torchvision", ">", "=0.8", "."], "golden-entity-mentions": [{"text": ["python"], "entity-type": "language", "start": 18, "end": 23, "index": [3]}, {"text": ["pytorch"], "entity-type": "language", "start": 42, "end": 48, "index": [10]}, {"text": ["torchvision"], "entity-type": "language", "start": 59, "end": 69, "index": [14]}]}, {"sentence": ["Training", "Pythia-Chat-Base-7B", ",", "a", "7B", "parameter", "chat", "model", "."], "golden-entity-mentions": [{"text": ["Pythia-Chat-Base-7B"], "entity-type": "framework", "start": 9, "end": 27, "index": [1]}]}, {"sentence": ["[", "!", "[", "Go", "Report", "Card", "]", "(", "https", ":", "//goreportcard.com/badge/github.com/zyedidia/micro", ")", "]", "(", "https", ":", "//goreportcard.com/report/github.com/zyedidia/micro", ")"], "golden-entity-mentions": [{"text": ["Go", "Report", "Card"], "entity-type": "company", "start": 3, "end": 16, "index": [3, 4, 5]}]}, {"sentence": ["Released", "Commercially", "usable", ",", "Apache", "2.0", "licensed", "Gorilla", "models", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 30, "end": 39, "index": [4, 5]}]}, {"sentence": ["It", "supports", "three", "major", "platforms", ":", "GNU/Linux", ",", "Windows", "and", "macOS", "."], "golden-entity-mentions": [{"text": ["GNU/Linux"], "entity-type": "platform", "start": 35, "end": 43, "index": [6]}, {"text": ["Windows"], "entity-type": "platform", "start": 46, "end": 52, "index": [8]}, {"text": ["macOS"], "entity-type": "platform", "start": 58, "end": 62, "index": [10]}]}, {"sentence": ["Filament", "is", "a", "collection", "of", "tools", "for", "rapidly", "building", "beautiful", "TALL", "stack", "interfaces", ",", "designed", "for", "humans", "."], "golden-entity-mentions": [{"text": ["TALL", "stack"], "entity-type": "platform", "start": 65, "end": 74, "index": [10, 11]}]}, {"sentence": ["React", "Native", "releases", "are", "discussed", "[", "in", "this", "discussion", "repo", "]", "(", "https", ":", "//github.com/reactwg/react-native-releases/discussions", ")", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["The", "Fast", "Segment", "Anything", "Model", "(", "FastSAM", ")", "is", "a", "CNN", "Segment", "Anything", "Model", "trained", "using", "only", "2", "%", "of", "the", "SA-1B", "dataset", "published", "by", "SAM", "authors", "."], "golden-entity-mentions": [{"text": ["FastSAM"], "entity-type": "platform", "start": 33, "end": 39, "index": [6]}, {"text": ["CNN"], "entity-type": "platform", "start": 47, "end": 49, "index": [10]}, {"text": ["SA-1B", "dataset"], "entity-type": "platform", "start": 103, "end": 115, "index": [21, 22]}, {"text": ["SAM"], "entity-type": "platform", "start": 37, "end": 39, "index": [25]}, {"text": ["FastSAM"], "entity-type": "framework", "start": 33, "end": 39, "index": [6]}, {"text": ["CNN"], "entity-type": "framework", "start": 47, "end": 49, "index": [10]}, {"text": ["SAM"], "entity-type": "framework", "start": 37, "end": 39, "index": [25]}, {"text": ["SAM"], "entity-type": "company", "start": 37, "end": 39, "index": [25]}]}, {"sentence": ["Different", "from", "the", "text-based", "programming", "language", ",", "SPL", "writes", "code", "in", "gridlines", ":", "find", "more", "in", "A", "programming", "language", "coding", "in", "a", "grid", "."], "golden-entity-mentions": [{"text": ["SPL"], "entity-type": "framework", "start": 52, "end": 54, "index": [7]}]}, {"sentence": ["On", "Raspberry", "Pi", ",", "if", "you", "get", "'mmap", "error", "12", "'", "then", "it", "means", "your", "kernel", "is", "configured", "with", "fewer", "than", "48", "bits", "of", "address", "space", "."], "golden-entity-mentions": [{"text": ["Raspberry", "Pi"], "entity-type": "platform", "start": 3, "end": 14, "index": [1, 2]}]}, {"sentence": ["Data", "Science", "@", "ING", "Fraud"], "golden-entity-mentions": [{"text": ["ING", "Fraud"], "entity-type": "Company", "start": 14, "end": 22, "index": [3, 4]}]}, {"sentence": ["Gorilla", "OpenFunctions", "is", "a", "drop-in", "alternative", "for", "function", "calling", "."], "golden-entity-mentions": [{"text": ["Gorilla", "OpenFunctions"], "entity-type": "framework", "start": 0, "end": 20, "index": [0, 1]}, {"text": ["function", "calling"], "entity-type": "framework", "start": 51, "end": 66, "index": [7, 8]}]}, {"sentence": ["Parallel", "function", "calling", "is", "supported", "for", "both", "the", "Chat", "Completions", "API", "and", "the", "Assistants", "API", "."], "golden-entity-mentions": [{"text": ["Chat", "Completions", "API"], "entity-type": "platform", "start": 52, "end": 71, "index": [8, 9, 10]}, {"text": ["Assistants", "API"], "entity-type": "platform", "start": 81, "end": 94, "index": [13, 10]}]}, {"sentence": ["AWS", "Azure", "IBM", "Google", "IBM"], "golden-entity-mentions": [{"text": ["AWS"], "entity-type": "Platform", "start": 0, "end": 2, "index": [0]}, {"text": ["Azure"], "entity-type": "Platform", "start": 4, "end": 8, "index": [1]}, {"text": ["IBM"], "entity-type": "Platform", "start": 10, "end": 12, "index": [2]}, {"text": ["Google"], "entity-type": "Platform", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["Welcome", "to", "the", "Elementor", "GitHub", "repository", "!"], "golden-entity-mentions": [{"text": ["Elementor"], "entity-type": "company", "start": 15, "end": 23, "index": [3]}]}, {"sentence": ["Aider", "can", "write", "and", "edit", "code", "in", "most", "popular", "languages", ":", "python", ",", "javascript", ",", "typescript", ",", "php", ",", "html", ",", "css", ",", "etc", "."], "golden-entity-mentions": [{"text": ["python"], "entity-type": "language", "start": 57, "end": 62, "index": [11]}, {"text": ["javascript"], "entity-type": "language", "start": 65, "end": 74, "index": [13]}, {"text": ["typescript"], "entity-type": "language", "start": 77, "end": 86, "index": [15]}, {"text": ["php"], "entity-type": "language", "start": 89, "end": 91, "index": [17]}, {"text": ["html"], "entity-type": "language", "start": 94, "end": 97, "index": [19]}, {"text": ["css"], "entity-type": "language", "start": 100, "end": 102, "index": [21]}]}, {"sentence": ["It", "strives", "to", "be", "enjoyable", "as", "a", "full-time", "editor", "for", "people", "who", "prefer", "to", "work", "in", "a", "terminal", ",", "or", "those", "who", "regularly", "edit", "files", "over", "SSH", "."], "golden-entity-mentions": [{"text": ["terminal"], "entity-type": "platform", "start": 84, "end": 91, "index": [17]}]}, {"sentence": ["Source", "code", "in", "this", "repository", "is", "made", "available", "under", "the", "Apache", "License", "Version", "2.0", "."], "golden-entity-mentions": [{"text": ["Apache", "License", "Version", "2.0"], "entity-type": "license", "start": 59, "end": 84, "index": [10, 11, 12, 13]}]}, {"sentence": ["Lean", "&", "mean", "status/tabline", "for", "vim", "that", "'s", "light", "as", "air", "."], "golden-entity-mentions": [{"text": ["vim"], "entity-type": "platform", "start": 31, "end": 33, "index": [5]}]}, {"sentence": ["Microsoft", "Edge", "Add-ons", "(", "Published", "by", ":", "Nicole", "Rolls", ")"], "golden-entity-mentions": [{"text": ["Microsoft", "Edge"], "entity-type": "company", "start": 0, "end": 13, "index": [0, 1]}, {"text": ["Nicole", "Rolls"], "entity-type": "company", "start": 38, "end": 49, "index": [7, 8]}]}, {"sentence": ["Tech", "Stack", "-", "React-PDF", "-", "Viewing", "PDFs"], "golden-entity-mentions": [{"text": ["React-PDF"], "entity-type": "framework", "start": 13, "end": 21, "index": [3]}]}, {"sentence": ["Licensed", "under", "the", "[", "MIT", "License", "]", "(", "https", ":", "//opensource.org/licenses/MIT", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 20, "end": 30, "index": [4, 5]}]}, {"sentence": ["In", "a", "conda", "env", "with", "PyTorch", "/", "CUDA", "available", "clone", "and", "download", "this", "repository", "."], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "platform", "start": 30, "end": 33, "index": [7]}]}, {"sentence": [">", "<", "details", ">", "<", "summary", ">", "<", "code", ">", "Zipped", "Archive", "(", ".zip", ")", "<", "/code", ">", "<", "/summary", ">", "<", "ul", ">"], "golden-entity-mentions": [{"text": ["Zipped", "Archive"], "entity-type": "platform", "start": 26, "end": 39, "index": [10, 11]}]}, {"sentence": ["Sui", "is", "the", "only", "blockchain", "today", "that", "can", "scale", "with", "the", "growth", "of", "web3", "while", "achieving", "industry-leading", "performance", ",", "cost", ",", "programmability", ",", "and", "usability", "."], "golden-entity-mentions": [{"text": ["web3"], "entity-type": "platform", "start": 67, "end": 70, "index": [13]}]}, {"sentence": ["FaceSwap", "is", "a", "tool", "that", "utilizes", "deep", "learning", "to", "recognize", "and", "swap", "faces", "in", "pictures", "and", "videos", "."], "golden-entity-mentions": [{"text": ["deep", "learning"], "entity-type": "framework", "start": 33, "end": 45, "index": [6, 7]}]}, {"sentence": ["It", "is", "created", "and", "maintained", "by", "Ettore", "Di", "Giacinto", "."], "golden-entity-mentions": [{"text": ["Ettore", "Di", "Giacinto"], "entity-type": "company", "start": 32, "end": 49, "index": [6, 7, 8]}]}, {"sentence": ["Node.js", "Roadmap"], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Try", "Gorilla", "LLM", "models", "in", "HF", "Spaces", "or", "Gradio", "Colab", "."], "golden-entity-mentions": [{"text": ["HF", "Spaces"], "entity-type": "platform", "start": 26, "end": 34, "index": [5, 6]}, {"text": ["Gradio", "Colab"], "entity-type": "platform", "start": 39, "end": 50, "index": [8, 9]}]}, {"sentence": ["Use", "Gorilla", "in", "your", "CLI", "with", "pip", "install", "gorilla-cli", "."], "golden-entity-mentions": [{"text": ["CLI"], "entity-type": "platform", "start": 20, "end": 22, "index": [4]}]}, {"sentence": ["Mention", "of", "it", "does", "not", "imply", "any", "affiliation", "with", "or", "endorsement", "by", "Discord", "Inc", "."], "golden-entity-mentions": [{"text": ["Discord", "Inc", "."], "entity-type": "company", "start": 68, "end": 79, "index": [12, 13, 14]}]}, {"sentence": ["!", "[", "Windows", "]", "(", "https", ":", "//github.com/barry-ran/QtScrcpy/workflows/Windows/badge.svg", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 2, "end": 8, "index": [2]}]}, {"sentence": ["LocalSend", "uses", "a", "secure", "communication", "protocol", "that", "allows", "devices", "to", "communicate", "with", "each", "other", "using", "a", "REST", "API", ".", "All", "data", "is", "sent", "securely", "over", "HTTPS", ",", "and", "the", "TLS/SSL", "certificate", "is", "generated", "on", "the", "fly", "on", "each", "device", ",", "ensuring", "maximum", "security", "."], "golden-entity-mentions": [{"text": ["REST", "API"], "entity-type": "language", "start": 106, "end": 113, "index": [16, 17]}, {"text": ["HTTPS"], "entity-type": "language", "start": 147, "end": 151, "index": [25]}, {"text": ["TLS/SSL"], "entity-type": "language", "start": 162, "end": 168, "index": [29]}]}, {"sentence": ["default", "proxy", "is", "[", "pengzhile", "]", "(", "https", ":", "//github.com/pengzhile", ")", "'s", "https", ":", "//ai.fakeopen.com/api/conversation"], "golden-entity-mentions": [{"text": ["pengzhile"], "entity-type": "company", "start": 18, "end": 26, "index": [4]}]}, {"sentence": ["OpenBSD", ":", "Available", "in", "the", "ports", "tree", "and", "also", "available", "as", "a", "binary", "package", "."], "golden-entity-mentions": [{"text": ["OpenBSD"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["[", "Android", "]", ",", "[", "Chromium", "]", ",", "[", "bare-metal", "]", ",", "and", "[", "concurrency", "]", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "Platform", "start": 1, "end": 7, "index": [1]}, {"text": ["Chromium"], "entity-type": "Platform", "start": 12, "end": 19, "index": [5]}, {"text": ["bare-metal"], "entity-type": "Platform", "start": 24, "end": 33, "index": [9]}, {"text": ["concurrency"], "entity-type": "Platform", "start": 42, "end": 52, "index": [14]}]}, {"sentence": ["We", "provide", "the", "option", "for", "you", "to", "log", "your", "eval", "results", "to", "a", "Snowflake", "database", ",", "if", "you", "have", "one", "or", "wish", "to", "set", "one", "up", "."], "golden-entity-mentions": [{"text": ["Snowflake"], "entity-type": "platform", "start": 60, "end": 68, "index": [13]}]}, {"sentence": ["Flowise", "has", "3", "different", "modules", "in", "a", "single", "mono", "repository", "."], "golden-entity-mentions": [{"text": ["Flowise"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["The", "course", "is", "built", "using", "a", "few", "tools", ":", "[", "mdbook", "]", "(", "https", ":", "//github.com/rust-lang/mdBook", ")"], "golden-entity-mentions": [{"text": ["mdbook"], "entity-type": "Framework", "start": 40, "end": 45, "index": [10]}]}, {"sentence": ["By", "using", "Next.js", "and", "Vercel", ",", "Super", "has", "fast", ",", "globally", "distributed", "websites", "with", "a", "no-code", "editor", "(", "Notion", ")", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 21, "end": 26, "index": [4]}, {"text": ["Super"], "entity-type": "company", "start": 29, "end": 33, "index": [6]}]}, {"sentence": ["By", "default", ",", "marker", "will", "use", "`", "surya", "`", "for", "OCR", ".", "Surya", "is", "slower", "on", "CPU", ",", "but", "more", "accurate", "than", "tesseract", "."], "golden-entity-mentions": [{"text": ["surya"], "entity-type": "framework", "start": 29, "end": 33, "index": [7]}, {"text": ["CPU"], "entity-type": "platform", "start": 64, "end": 66, "index": [16]}, {"text": ["tesseract"], "entity-type": "framework", "start": 92, "end": 100, "index": [22]}]}, {"sentence": ["This", "repository", "builds", "on", "top", "of", "the", "Donut", "repository", "."], "golden-entity-mentions": [{"text": ["Donut"], "entity-type": "framework", "start": 37, "end": 41, "index": [7]}]}, {"sentence": ["Simply", "run", "dx", "bundle", "and", "your", "app", "will", "be", "built", "and", "bundled", "with", "maximization", "optimizations", ".", "On", "the", "web", ",", "take", "advantage", "of", ".avif", "generation", ",", ".wasm", "compression", ",", "minification", ",", "and", "more", "."], "golden-entity-mentions": [{"text": ["web"], "entity-type": "platform", "start": 100, "end": 102, "index": [18]}]}, {"sentence": ["Released", "under", "a", "Creative", "Commons", "license", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons"], "entity-type": "license", "start": 17, "end": 32, "index": [3, 4]}]}, {"sentence": ["Install", "Vagrant", "and", "Virtualbox"], "golden-entity-mentions": [{"text": ["Vagrant"], "entity-type": "platform", "start": 8, "end": 14, "index": [1]}, {"text": ["Virtualbox"], "entity-type": "platform", "start": 20, "end": 29, "index": [3]}]}, {"sentence": ["Builtin", "WebUI", "to", "manage", "your", "bot", "."], "golden-entity-mentions": [{"text": ["Builtin", "WebUI"], "entity-type": "framework", "start": 0, "end": 12, "index": [0, 1]}]}, {"sentence": ["Install", "requirements", "(", "Require", "Python", ">", "=", "3.10", ")"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [4]}]}, {"sentence": ["\ud83d\udd25\ud83d\udd25\ud83d\udd25", "SOLAR-10.7B"], "golden-entity-mentions": [{"text": ["SOLAR-10.7B"], "entity-type": "platform", "start": 4, "end": 14, "index": [1]}]}, {"sentence": ["client", ":", "A", "TypeScript", "client", "library", "to", "handle", "dataflow", "via", "RPC", "between", "UI", "and", "the", "Rust", "core", "."], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 10, "end": 19, "index": [3]}]}, {"sentence": ["Developed", "by", "Facebook", ",", "specifically", "designed", "for", "React", "applications", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 13, "end": 20, "index": [2]}]}, {"sentence": ["The", "step-by-step", "guide", "for", "installing", "Open", "Interpreter", "on", "your", "Android", "device", "can", "be", "found", "in", "the", "[", "open-interpreter-termux", "repo", "]", "(", "https", ":", "//github.com/MikeBirdTech/open-interpreter-termux", ")", "."], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 63, "end": 69, "index": [9]}]}, {"sentence": ["To", "use", "Twilio", "with", "RealChar", ",", "you", "need", "to", "set", "up", "a", "Twilio", "account", "."], "golden-entity-mentions": [{"text": ["Twilio"], "entity-type": "company", "start": 7, "end": 12, "index": [2]}]}, {"sentence": ["The", "license", "is", "GPL", "compatible", ",", "you", "may", "compile", "Vim", "with", "GPL", "libraries", "and", "distribute", "it", "."], "golden-entity-mentions": [{"text": ["GPL"], "entity-type": "license", "start": 15, "end": 17, "index": [3]}]}, {"sentence": ["This", "source", "code", "is", "available", "to", "everyone", "under", "the", "standard", "[", "MIT", "license", "]", "(", "https", ":", "//github.com/microsoft/vscode/blob/main/LICENSE.txt", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "license", "start": 62, "end": 72, "index": [11, 12]}]}, {"sentence": ["If", "you", "have", "a", "Mac", ",", "go", "to", "Docker", "Desktop", ">", "Settings", ">", "General", "and", "check", "that", "the", "'file", "sharing", "implementation", "'", "is", "set", "to", "VirtioFS", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 14, "end": 16, "index": [4]}]}, {"sentence": ["However", ",", "the", "[", "Python", "Programming", "Language", ":", "LiveLessons", "]", "(", "https", ":", "//www.safaribooksonline.com/library/view/python-programming-language/9780134217314/", ")", "video", "available", "on", "O'Reilly", "'s", "Safari", "site", "is", "closely", "related", "to", "the", "material", "in", "this", "course", "."], "golden-entity-mentions": [{"text": ["Python", "Programming", "Language", ":", "LiveLessons"], "entity-type": "language", "start": 14, "end": 53, "index": [4, 5, 6, 7, 8]}, {"text": ["Safari"], "entity-type": "company", "start": 177, "end": 182, "index": [20]}]}, {"sentence": ["The", "MIT", "License"], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 4, "end": 14, "index": [1, 2]}]}, {"sentence": ["Coolify", "is", "an", "open-source", "&", "self-hostable", "alternative", "to", "Heroku", "/", "Netlify", "/", "Vercel", "/", "etc", "."], "golden-entity-mentions": [{"text": ["Heroku"], "entity-type": "Platform", "start": 57, "end": 62, "index": [8]}, {"text": ["Netlify"], "entity-type": "Platform", "start": 66, "end": 72, "index": [10]}, {"text": ["Vercel"], "entity-type": "Platform", "start": 76, "end": 81, "index": [12]}, {"text": ["Coolify"], "entity-type": "Framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["explaining", "how", "the", "refactoring", "was", "needed", "in", "the", "video", ",", "introducing", "more", "libraries", "to", "improve", "the", "program", "inner", "working", "(", "linenoise", ",", "rax", ",", "and", "so", "forth", ")", "."], "golden-entity-mentions": [{"text": ["linenoise"], "entity-type": "framework", "start": 121, "end": 129, "index": [20]}, {"text": ["rax"], "entity-type": "framework", "start": 132, "end": 134, "index": [22]}]}, {"sentence": ["After", "cloning", "the", "repo", ",", "run", "`", "npm", "install", "`", "in", "the", "root", "of", "the", "project", "to", "install", "all", "necessary", "dependencies", ".", "Then", "run", "`", "npx", "lerna", "run", "build", "`", "to", "build", "all", "the", "packages", "."], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "platform", "start": 29, "end": 31, "index": [7]}]}, {"sentence": ["Spark", "Dataframes"], "golden-entity-mentions": [{"text": ["Spark"], "entity-type": "Language", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["The", "Flutter", "tool", "may", "occasionally", "download", "resources", "from", "Google", "servers", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 58, "end": 63, "index": [8]}]}, {"sentence": ["You", "can", "benchmark", "the", "performance", "of", "marker", "on", "your", "machine", ".", "Install", "marker", "manually", "with", ":"], "golden-entity-mentions": [{"text": ["marker"], "entity-type": "framework", "start": 37, "end": 42, "index": [6]}]}, {"sentence": ["``", "This", "is", "a", "React.js", "application", ".", "''"], "golden-entity-mentions": [{"text": ["React.js"], "entity-type": "Language", "start": 12, "end": 19, "index": [4]}]}, {"sentence": ["Python", ":", "abetlen/llama-cpp-python"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["To", "use", "the", "model", "with", "the", "transformers", "library", "on", "a", "machine", "with", "A100", "GPUs", ":"], "golden-entity-mentions": [{"text": ["A100", "GPUs"], "entity-type": "platform", "start": 65, "end": 73, "index": [12, 13]}]}, {"sentence": ["Elementor", "is", "the", "most", "advanced", "front-end", "drag-and-drop", "website", "builder", ".", "Create", "high-end", ",", "pixel-perfect", "websites", "at", "record", "speeds", "."], "golden-entity-mentions": [{"text": ["front-end"], "entity-type": "framework", "start": 31, "end": 39, "index": [5]}]}, {"sentence": ["Elementor", "is", "the", "most", "advanced", "front-end", "drag-and-drop", "website", "builder", "."], "golden-entity-mentions": [{"text": ["Elementor"], "entity-type": "company", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["SPL", ":", "a", "database", "language", "featuring", "easy", "writing", "and", "fast", "running"], "golden-entity-mentions": [{"text": ["SPL"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Ruff", "is", "influenced", "by", "a", "number", "of", "tools", "outside", "the", "Python", "ecosystem", ",", "like", "Clippy", "and", "ESLint", "."], "golden-entity-mentions": [{"text": ["Clippy"], "entity-type": "company", "start": 75, "end": 80, "index": [14]}, {"text": ["ESLint"], "entity-type": "company", "start": 86, "end": 91, "index": [16]}]}, {"sentence": ["pnpm", "start"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Operating", "system", "for", "Apple", "'s", "Mac", "computers", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "company", "start": 21, "end": 25, "index": [3]}]}, {"sentence": ["ChatGPT", "and", "the", "Assistants", "API", "both", "natively", "support", "retrieval", "from", "uploaded", "files", ",", "so", "you", "should", "use", "the", "Retrieval", "Plugin", "as", "a", "backend", "only", "if", "you", "want", "more", "granular", "control", "of", "your", "retrieval", "system", "(", "e.g", ".", "document", "text", "chunk", "length", ",", "embedding", "model", "/", "size", ",", "etc", ".", ")", "."], "golden-entity-mentions": [{"text": ["ChatGPT"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}, {"text": ["Assistants", "API"], "entity-type": "platform", "start": 16, "end": 29, "index": [3, 4]}]}, {"sentence": ["#", "#", "#", "Dify", "[", "Dify", "]", "(", "https", ":", "//dify.ai/", "?", "utm_source=star-history", ")", "is", "an", "open", "source", "LLMOps", "platform", "that", "helps", "developers", "build", "AI", "applications", "more", "simply", "and", "quickly", ".", "Its", "core", "idea", "is", "to", "define", "various", "aspects", "of", "AI", "applications", ",", "including", "Prompts", ",", "Contexts", ",", "and", "Plugins", ",", "through", "declarative", "YAML", "files", "."], "golden-entity-mentions": [{"text": ["Dify"], "entity-type": "company", "start": 4, "end": 7, "index": [3]}]}, {"sentence": ["[", "MIT", "]", "(", "https", ":", "//chatgpt.com/c/license.md", ")"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 1, "end": 3, "index": [1]}]}, {"sentence": ["Workflow", "orchestration", "with", "Mage"], "golden-entity-mentions": [{"text": ["Mage"], "entity-type": "Framework", "start": 28, "end": 31, "index": [3]}]}, {"sentence": ["Flutter", "is", "Google", "'s", "SDK", "for", "crafting", "beautiful", ",", "fast", "user", "experiences", "for", "mobile", ",", "web", ",", "and", "desktop", "from", "a", "single", "codebase", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 11, "end": 16, "index": [2]}]}, {"sentence": ["Visit", "our", "[", "Daily.co", "Partnership", "Form", "]", "(", "https", ":", "//go.cal.com/daily", ")", "and", "enter", "your", "information", "."], "golden-entity-mentions": [{"text": ["Daily.co"], "entity-type": "framework", "start": 11, "end": 18, "index": [3]}, {"text": ["Daily.co"], "entity-type": "company", "start": 11, "end": 18, "index": [3]}]}, {"sentence": ["From", "the", "get-go", ",", "Opendream", "supports", "two", "key", "primitive", "operations", "baked", "into", "the", "core", "system", ":", "`", "dream", "`", "and", "`", "mask_and_inpaint", "`", "."], "golden-entity-mentions": [{"text": ["Opendream"], "entity-type": "framework", "start": 17, "end": 25, "index": [4]}]}, {"sentence": ["A100", "instance", "types", "are", "not", "available", "in", "all", "cloud", "regions", ",", "or", "can", "be", "hard", "to", "provision", "."], "golden-entity-mentions": [{"text": ["A100"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Kucoin", "."], "golden-entity-mentions": [{"text": ["Kucoin"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["VALL-E", "X", "is", "licensed", "under", "the", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 31, "end": 41, "index": [6, 7]}]}, {"sentence": ["Nest", "is", "a", "framework", "for", "building", "efficient", ",", "scalable", "[", "Node.js", "]", "(", "https", ":", "//nodejs.org", ")", "server-side", "applications", ".", "It", "uses", "modern", "JavaScript", ",", "is", "built", "with", "[", "TypeScript", "]", "(", "https", ":", "//www.typescriptlang.org", ")", "(", "preserves", "compatibility", "with", "pure", "JavaScript", ")"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 124, "end": 133, "index": [23]}, {"text": ["TypeScript"], "entity-type": "language", "start": 151, "end": 160, "index": [29]}]}, {"sentence": ["Using", "Docker", "to", "deploy", "Pi-hole"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 6, "end": 11, "index": [1]}]}, {"sentence": ["#", "On", "Windows", "via", "winget"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 5, "end": 11, "index": [2]}]}, {"sentence": ["You", "should", "first", "use", "the", "API", "method"], "golden-entity-mentions": [{"text": ["API"], "entity-type": "framework", "start": 25, "end": 27, "index": [5]}]}, {"sentence": ["The", "[", "C++", "Core", "Guidelines", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/CppCoreGuidelines.md", ")", "are", "a", "collaborative", "effort", "led", "by", "Bjarne", "Stroustrup", ",", "much", "like", "the", "C++", "language", "itself", "."], "golden-entity-mentions": [{"text": ["Bjarne", "Stroustrup"], "entity-type": "Company", "start": 131, "end": 147, "index": [17, 18]}]}, {"sentence": ["GitHub", "Codespaces"], "golden-entity-mentions": [{"text": ["GitHub", "Codespaces"], "entity-type": "company", "start": 0, "end": 16, "index": [0, 1]}]}, {"sentence": ["Troubleshooting", "on", "Linux"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 19, "end": 23, "index": [2]}]}, {"sentence": ["Data", "Science", "@", "Lyft"], "golden-entity-mentions": [{"text": ["Lyft"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["Additionally", ",", "you", "may", "need", "to", "configure", "the", "`", "PATH", "`", "environment", "variable", ",", "e.g", ".", "`", "export", "PATH=", "''", "$", "HOME/.cargo/bin", ":", "$", "PATH", "''", "`", "."], "golden-entity-mentions": [{"text": ["PATH"], "entity-type": "framework", "start": 45, "end": 48, "index": [9]}]}, {"sentence": ["Custom", "Image", "with", "GAN", "inversion", "is", "supported", ",", "but", "it", "is", "possible", "that", "your", "custom", "images", "are", "distorted", "due", "to", "the", "limitation", "of", "GAN", "inversion", "."], "golden-entity-mentions": [{"text": ["GAN", "inversion"], "entity-type": "framework", "start": 18, "end": 30, "index": [3, 4]}]}, {"sentence": ["Open", "Issues", ",", "Open", "Pull", "Requests", ",", "Good", "First", "Issues", ",", "Frontend", "Issues", ",", "Backend", "Issues", ",", "Translate"], "golden-entity-mentions": [{"text": ["Frontend"], "entity-type": "platform", "start": 52, "end": 59, "index": [11]}, {"text": ["Backend"], "entity-type": "platform", "start": 69, "end": 75, "index": [14]}]}, {"sentence": ["a", "*", "*", "C", "*", "*", "compiler", "for", "`", "nvim-treesitter", "`", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 4, "end": 4, "index": [3]}]}, {"sentence": ["Libraries", ":", "[", "ollama-python", "]", "(", "https", ":", "//github.com/ollama/ollama-python", ")", ",", "[", "ollama-js", "]", "(", "https", ":", "//github.com/ollama/ollama-js", ")"], "golden-entity-mentions": [{"text": ["ollama-python"], "entity-type": "framework", "start": 12, "end": 24, "index": [3]}, {"text": ["ollama-js"], "entity-type": "framework", "start": 70, "end": 78, "index": [12]}]}, {"sentence": ["Open-Source", ":", "DevPod", "is", "100", "%", "open-source", "and", "extensible", "."], "golden-entity-mentions": [{"text": ["Open-Source"], "entity-type": "license", "start": 0, "end": 10, "index": [0]}, {"text": ["open-source"], "entity-type": "license", "start": 28, "end": 38, "index": [6]}]}, {"sentence": ["Pre-trained", "weights", "for", "this", "model", "are", "available", "on", "Hugging", "Face", "as", "[", "togethercomputer/Pythia-Chat-Base-7B", "]", "(", "https", ":", "//huggingface.co/togethercomputer/Pythia-Chat-Base-7B", ")", "under", "an", "Apache", "2.0", "license", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0", "license"], "entity-type": "license", "start": 177, "end": 194, "index": [21, 22, 23]}]}, {"sentence": ["Powered", "by", "Rust", "'s", "fastest", "wasm-framework", "sledgehammer"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 11, "end": 14, "index": [2]}]}, {"sentence": ["Flutter", "offers", "[", "stateful", "hot", "reload", "]", "[", "Hot", "reload", "]", ",", "allowing", "you", "to", "make", "changes", "to", "your", "code", "and", "see", "the", "results", "instantly", "without", "restarting", "your", "app", "or", "losing", "its", "state", "."], "golden-entity-mentions": [{"text": ["Hot", "reload"], "entity-type": "framework", "start": 37, "end": 46, "index": [8, 5]}]}, {"sentence": ["For", "more", "detailed", "examples", "leveraging", "Hugging", "Face", ",", "see", "[", "llama-recipes", "]", "(", "https", ":", "//github.com/facebookresearch/llama-recipes/", ")", "."], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "framework", "start": 38, "end": 49, "index": [5, 6]}]}, {"sentence": ["Two", "model", "versions", "of", "the", "model", "are", "available", "with", "different", "sizes", "."], "golden-entity-mentions": [{"text": ["model", "versions"], "entity-type": "platform", "start": 4, "end": 17, "index": [1, 2]}]}, {"sentence": ["Alternative", "implementation", "of", "the", "Bitwarden", "server", "API", "written", "in", "Rust", "and", "compatible", "with", "upstream", "Bitwarden", "clients", ",", "perfect", "for", "self-hosted", "deployment", "where", "running", "the", "official", "resource-heavy", "service", "might", "not", "be", "ideal", "."], "golden-entity-mentions": [{"text": ["self-hosted"], "entity-type": "platform", "start": 131, "end": 141, "index": [19]}, {"text": ["Rust"], "entity-type": "language", "start": 66, "end": 69, "index": [9]}, {"text": ["Bitwarden"], "entity-type": "company", "start": 34, "end": 42, "index": [4]}]}, {"sentence": ["Flutter", "includes", "a", "full", "[", "set", "of", "widgets", "]", "[", "widget", "catalog", "]", "that", "deliver", "pixel-perfect", "experiences", "whether", "you", "'re", "building", "for", "iOS", "(", "[", "Cupertino", "]", ")", "or", "other", "platforms", "(", "[", "Material", "]", ")", ",", "along", "with", "support", "for", "customizing", "or", "creating", "entirely", "new", "visual", "components", "."], "golden-entity-mentions": [{"text": ["Cupertino"], "entity-type": "framework", "start": 130, "end": 138, "index": [25]}, {"text": ["Material"], "entity-type": "framework", "start": 163, "end": 170, "index": [33]}]}, {"sentence": ["Ergonomic", "state", "management", "combines", "the", "best", "of", "React", ",", "Solid", ",", "and", "Svelte", "."], "golden-entity-mentions": [{"text": ["Svelte"], "entity-type": "framework", "start": 66, "end": 71, "index": [12]}]}, {"sentence": ["Licensed", "under", "the", "Apache-2.0", "license", "."], "golden-entity-mentions": [{"text": ["Apache-2.0", "license"], "entity-type": "license", "start": 19, "end": 36, "index": [3, 4]}]}, {"sentence": ["While", "prettier", "has", "established", "itself", "as", "the", "de", "facto", "code", "formatter", "for", "JavaScript", ",", "there", "is", "a", "significant", "demand", "in", "the", "developer", "community", "for", "a", "less", "opinionated", "alternative", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 73, "end": 82, "index": [12]}]}, {"sentence": ["Mojo", "is", "a", "new", "programming", "language", "that", "bridges", "the", "gap", "between", "research", "and", "production", "by", "combining", "Python", "syntax", "and", "ecosystem", "with", "systems", "programming", "and", "metaprogramming", "features", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 101, "end": 106, "index": [16]}]}, {"sentence": ["This", "work", "is", "licensed", "under", "a", "<", "a", "rel=", "''", "license", "''", "href=", "''", "http", ":", "//creativecommons.org/licenses/by-nc-sa/4.0/", "''", ">", "Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License"], "entity-type": "license", "start": 108, "end": 186, "index": [19, 20, 21, 22, 23, 24]}]}, {"sentence": ["Progressive", "web", "app", "for", "Android", "users"], "golden-entity-mentions": [{"text": ["Progressive", "web", "app"], "entity-type": "platform", "start": 0, "end": 18, "index": [0, 1, 2]}]}, {"sentence": ["Mojo", "documentation", "hosted", "at", "[", "modular.com", "]", "(", "https", ":", "//docs.modular.com/mojo/", ")"], "golden-entity-mentions": [{"text": ["modular.com"], "entity-type": "company", "start": 30, "end": 40, "index": [5]}]}, {"sentence": ["pnpm", "install"], "golden-entity-mentions": [{"text": ["pnpm"], "entity-type": "platform", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["*", "*", "[", "Tailwind", "CSS", "]", "(", "https", ":", "//tailwindcss.com/", ")", "*", "*", "-", "A", "utility-first", "CSS", "framework", "for", "rapid", "UI", "development"], "golden-entity-mentions": [{"text": ["Tailwind", "CSS"], "entity-type": "framework", "start": 3, "end": 14, "index": [3, 4]}]}, {"sentence": ["Data", "Science", "@", "Netflix"], "golden-entity-mentions": [{"text": ["Netflix"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["Clone", "the", "repository", "locally", "."], "golden-entity-mentions": [{"text": ["repository"], "entity-type": "platform", "start": 10, "end": 19, "index": [2]}]}, {"sentence": ["Built", "With", ":", "Next.js", ",", "tRPC", ",", "React.js", ",", "Tailwind", "CSS", ",", "Prisma.io", ",", "Daily.co"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 12, "end": 18, "index": [3]}, {"text": ["tRPC"], "entity-type": "framework", "start": 21, "end": 24, "index": [5]}, {"text": ["React.js"], "entity-type": "framework", "start": 27, "end": 34, "index": [7]}, {"text": ["Tailwind", "CSS"], "entity-type": "framework", "start": 37, "end": 48, "index": [9, 10]}, {"text": ["Prisma.io"], "entity-type": "framework", "start": 51, "end": 59, "index": [12]}, {"text": ["Daily.co"], "entity-type": "framework", "start": 62, "end": 69, "index": [14]}]}, {"sentence": ["Mozilla", "Public", "License", "v2.0", "."], "golden-entity-mentions": [{"text": ["Mozilla", "Public", "License", "v2.0"], "entity-type": "license", "start": 0, "end": 26, "index": [0, 1, 2, 3]}]}, {"sentence": ["on", "Arch", "Linux", "sudo", "pacman", "-S", "ffmpeg"], "golden-entity-mentions": [{"text": ["Arch", "Linux"], "entity-type": "platform", "start": 3, "end": 12, "index": [1, 2]}]}, {"sentence": ["Thanks", "to", "Chromatic", "for", "providing", "the", "visual", "testing", "platform", "that", "helps", "us", "review", "UI", "changes", "and", "catch", "visual", "regressions", "."], "golden-entity-mentions": [{"text": ["Chromatic"], "entity-type": "company", "start": 10, "end": 18, "index": [2]}]}, {"sentence": ["This", "command", "is", "only", "applicable", "for", "Unix/Linux", "systems", "."], "golden-entity-mentions": [{"text": ["Unix/Linux"], "entity-type": "platform", "start": 36, "end": 45, "index": [6]}]}, {"sentence": ["VALL-E", "X", "works", "well", "on", "both", "CPU", "and", "GPU", "(", "pytorch", "2.0+", ",", "CUDA", "11.7", "and", "CUDA", "12.0", ")", "."], "golden-entity-mentions": [{"text": ["CPU"], "entity-type": "platform", "start": 28, "end": 30, "index": [6]}, {"text": ["GPU"], "entity-type": "platform", "start": 36, "end": 38, "index": [8]}, {"text": ["CUDA", "11.7"], "entity-type": "platform", "start": 55, "end": 63, "index": [13, 14]}, {"text": ["CUDA", "12.0"], "entity-type": "platform", "start": 69, "end": 77, "index": [13, 17]}]}, {"sentence": ["on", "Windows", "using", "Chocolatey", "(", "https", ":", "//chocolatey.org/", ")", "choco", "install", "ffmpeg"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 3, "end": 9, "index": [1]}, {"text": ["Chocolatey"], "entity-type": "platform", "start": 17, "end": 26, "index": [3]}]}, {"sentence": ["tldraw", "is", "a", "library", "for", "creating", "infinite", "canvas", "experiences", "in", "React", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 64, "end": 68, "index": [10]}]}, {"sentence": ["LocalGPT", "uses", "[", "LlamaCpp-Python", "]", "(", "https", ":", "//github.com/abetlen/llama-cpp-python", ")", "for", "GGML", "(", "you", "will", "need", "llama-cpp-python", "<", "=0.1.76", ")", "and", "GGUF", "(", "llama-cpp-python", ">", "=0.1.83", ")", "models", "."], "golden-entity-mentions": [{"text": ["LlamaCpp-Python"], "entity-type": "company", "start": 15, "end": 29, "index": [3]}]}, {"sentence": ["Third-party", "libraries", "and", "resources", ":", "Dexie.js", "(", "Apache", "2.0", ")", "is", "used", "for", "web", "app", "persistence", "in", "IndexedDB"], "golden-entity-mentions": [{"text": ["Dexie.js"], "entity-type": "framework", "start": 37, "end": 44, "index": [5]}, {"text": ["Apache", "2.0"], "entity-type": "license", "start": 47, "end": 56, "index": [7, 8]}]}, {"sentence": ["Built", "with", ":", "bird", ":", ":", "link", ":", "LangChain"], "golden-entity-mentions": [{"text": ["LangChain"], "entity-type": "framework", "start": 25, "end": 33, "index": [8]}]}, {"sentence": ["As", "an", "open-source", "platform", ",", "Noodle", "strives", "to", "cultivate", "a", "community", "of", "students", "and", "developers", "who", "can", "collectively", "contribute", "to", "building", "the", "most", "exceptional", "student", "productivity", "platform", "."], "golden-entity-mentions": [{"text": ["Noodle"], "entity-type": "platform", "start": 28, "end": 33, "index": [5]}, {"text": ["open-source"], "entity-type": "license", "start": 6, "end": 16, "index": [2]}]}, {"sentence": ["Alternatively", ",", "use", "online", "services", "(", "like", "Google", "Colab", ")", ":", "[", "List", "of", "Online", "Services", "]", "(", "https", ":", "//github.com/AUTOMATIC1111/stable-diffusion-webui/wiki/Online-Services", ")"], "golden-entity-mentions": [{"text": ["Google", "Colab"], "entity-type": "platform", "start": 41, "end": 52, "index": [7, 8]}]}, {"sentence": ["Note", ",", "notebooks", "will", "not", "be", "rendered", "via", "Docsify", ",", "so", "when", "you", "need", "to", "run", "a", "notebook", ",", "do", "that", "separately", "in", "VS", "Code", "running", "a", "Python", "kernel", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 126, "end": 131, "index": [27]}]}, {"sentence": ["This", "repo", "has", "two", "primary", "branches", ":", "The", "[", "`", "main", "`", "]", "(", "https", ":", "//github.com/modularml/mojo/tree/main", ")", "branch", ",", "which", "is", "in", "sync", "with", "the", "last", "stable", "released", "version", "of", "Mojo", "."], "golden-entity-mentions": [{"text": ["Mojo"], "entity-type": "framework", "start": 160, "end": 163, "index": [31]}]}, {"sentence": ["utilize", "mapping", "technology", "such", "as", "Google", "Maps", "or", "Apple", "Maps", "in", "order", "to", "offer", "interactive", "visuals", "of", "different", "destinations", "and", "points-of-interests", "along", "the", "way", "."], "golden-entity-mentions": [{"text": ["Google", "Maps"], "entity-type": "platform", "start": 35, "end": 45, "index": [5, 6]}, {"text": ["Apple", "Maps"], "entity-type": "platform", "start": 50, "end": 59, "index": [8, 6]}]}, {"sentence": ["This", "library", "is", "compatible", "with", "Python", "3.8", "and", "higher", "(", "tested", "against", "versions", "up", "to", "3.12", ")", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 32, "end": 37, "index": [5]}]}, {"sentence": ["Train", "the", "Llama", "2", "LLM", "architecture", "in", "PyTorch", "then", "inference", "it", "with", "one", "simple", "700-line", "C", "file", "(", "run.c", ")", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 89, "end": 89, "index": [15]}]}, {"sentence": ["Flutter", "is", "Google", "'s", "SDK", "for", "crafting", "beautiful", ",", "fast", "user", "experiences", "for", "mobile", ",", "web", ",", "and", "desktop", "from", "a", "single", "codebase", "."], "golden-entity-mentions": [{"text": ["mobile"], "entity-type": "platform", "start": 74, "end": 79, "index": [13]}, {"text": ["web"], "entity-type": "platform", "start": 82, "end": 84, "index": [15]}, {"text": ["desktop"], "entity-type": "platform", "start": 91, "end": 97, "index": [18]}]}, {"sentence": ["Logo", ":", "CC-BY-NC-ND"], "golden-entity-mentions": [{"text": ["CC-BY-NC-ND"], "entity-type": "license", "start": 6, "end": 16, "index": [2]}]}, {"sentence": ["If", "an", "issue", "occurs", "with", "the", "build", ",", "please", "head", "to", "the", "[", "FAQ", "]", "(", "https", ":", "//projects.laion.ai/Open-Assistant/docs/faq", ")", "and", "check", "out", "the", "entries", "about", "Docker", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 143, "end": 148, "index": [26]}]}, {"sentence": ["Mozilla", "(", "[", "Firefox", "]", "(", "https", ":", "//github.com/mozilla/gecko-dev", ")", ")"], "golden-entity-mentions": [{"text": ["Mozilla"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Pipenv", "can", "be", "installed", "with", "Python", "3.7", "and", "above", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 29, "end": 34, "index": [5]}]}, {"sentence": ["You", "will", "need", "to", "complete", "a", "few", "more", "steps", "to", "activate", "Google", "Calendar", "App", "."], "golden-entity-mentions": [{"text": ["Google", "Calendar"], "entity-type": "platform", "start": 55, "end": 69, "index": [11, 12]}]}, {"sentence": ["Discuss", "the", "project", "on", "the", "community", "Matrix", "Space", "(", "make", "sure", "to", "join", "#", "helix-editor", ":", "matrix.org", "if", "you", "'re", "on", "a", "client", "that", "does", "n't", "support", "Matrix", "Spaces", "yet", ")", "."], "golden-entity-mentions": [{"text": ["Matrix"], "entity-type": "platform", "start": 37, "end": 42, "index": [6]}]}, {"sentence": ["Also", "special", "thanks", "to", "@", "thenickdude", "who", "maintains", "the", "valuable", "fork", "KVM-OpenCore", ",", "which", "was", "started", "by", "@", "Leoyzen", "!"], "golden-entity-mentions": [{"text": ["KVM-OpenCore"], "entity-type": "company", "start": 68, "end": 79, "index": [11]}]}, {"sentence": ["The", "default", "installation", "includes", "a", "fast", "latent", "preview", "method", "that", "'s", "low-resolution", "."], "golden-entity-mentions": [{"text": ["latent", "preview"], "entity-type": "Language", "start": 41, "end": 54, "index": [6, 7]}]}, {"sentence": ["*", "\u2728", "\u901a\u8fc7\u6807\u51c6\u7684", "OpenAI", "API", "\u683c\u5f0f\u8bbf\u95ee\u6240\u6709\u7684\u5927\u6a21\u578b\uff0c\u5f00\u7bb1\u5373\u7528", "\u2728", "*"], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 9, "end": 14, "index": [3]}]}, {"sentence": ["Python", "ctypes", "bindings", "for", "OpenGL", "and", "it", "'s", "related", "APIs", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "best", "way", "to", "get", "support", "is", "to", "use", "[", "DataTalks.Club", "'s", "Slack", "]", "(", "https", ":", "//datatalks.club/slack.html", ")", "."], "golden-entity-mentions": [{"text": ["Slack"], "entity-type": "Company", "start": 56, "end": 60, "index": [12]}]}, {"sentence": ["tinygrad", "already", "supports", "numerous", "accelerators", ",", "including", ":", "GPU", "(", "OpenCL", ")", ",", "CLANG", "(", "C", "Code", ")", ",", "LLVM", ",", "METAL", ",", "CUDA", ",", "HSA", "."], "golden-entity-mentions": [{"text": ["GPU", "(", "OpenCL", ")"], "entity-type": "platform", "start": 60, "end": 71, "index": [8, 9, 10, 11]}, {"text": ["CLANG", "(", "C", "Code", ")"], "entity-type": "platform", "start": 74, "end": 87, "index": [13, 9, 15, 16, 11]}, {"text": ["LLVM"], "entity-type": "platform", "start": 90, "end": 93, "index": [19]}, {"text": ["METAL"], "entity-type": "platform", "start": 96, "end": 100, "index": [21]}, {"text": ["CUDA"], "entity-type": "platform", "start": 103, "end": 106, "index": [23]}, {"text": ["HSA"], "entity-type": "platform", "start": 109, "end": 111, "index": [25]}]}, {"sentence": ["Run", "an", "example", "Google", "Colab", "Notebook", "."], "golden-entity-mentions": [{"text": ["Google", "Colab"], "entity-type": "platform", "start": 15, "end": 26, "index": [3, 4]}]}, {"sentence": ["Set", "up", "the", "Rust", "environment", "by", "following", "this", "tutorial", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 11, "end": 14, "index": [3]}]}, {"sentence": ["OKX", "(", "Former", "OKEX", ")", "."], "golden-entity-mentions": [{"text": ["OKX"], "entity-type": "company", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Kubernetes", "Roadmap"], "golden-entity-mentions": [{"text": ["Kubernetes"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["[", "Digital", "Ocean", "]", "(", "https", ":", "//marketplace.digitalocean.com/apps/zulip", ")"], "golden-entity-mentions": [{"text": ["Digital", "Ocean"], "entity-type": "company", "start": 1, "end": 13, "index": [1, 2]}]}, {"sentence": ["If", "you", "do", "n't", "want", "OCR", "at", "all", ",", "set", "`", "OCR_ENGINE", "`", "to", "`", "None", "`", "."], "golden-entity-mentions": [{"text": ["OCR"], "entity-type": "framework", "start": 18, "end": 20, "index": [5]}]}, {"sentence": ["-", "[", "X", "]", "Mac", "OS"], "golden-entity-mentions": [{"text": ["Mac", "OS"], "entity-type": "platform", "start": 6, "end": 11, "index": [4, 5]}]}, {"sentence": ["Novel", "is", "built", "on", "the", "following", "stack", ":", "Next.js", "\u2013", "framework"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 39, "end": 45, "index": [8]}]}, {"sentence": ["These", "environments", "can", "be", "created", "on", "any", "backend", ",", "such", "as", "the", "local", "computer", ",", "a", "Kubernetes", "cluster", ",", "any", "reachable", "remote", "machine", ",", "or", "in", "a", "VM", "in", "the", "cloud", "."], "golden-entity-mentions": [{"text": ["Kubernetes"], "entity-type": "platform", "start": 80, "end": 89, "index": [16]}]}, {"sentence": ["Python", "bindings", "for", "the", "Ogre", "3D", "render", "engine", ",", "can", "be", "used", "for", "games", ",", "simulations", ",", "anything", "3D", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["QtScrcpy", "is", "based", "on", "[", "Genymobile", "]", "(", "https", ":", "//github.com/Genymobile", ")", "'s", "[", "scrcpy", "]", "(", "https", ":", "//github.com/Genymobile/scrcpy", ")", "project", "."], "golden-entity-mentions": [{"text": ["Genymobile"], "entity-type": "company", "start": 22, "end": 31, "index": [5]}, {"text": ["scrcpy"], "entity-type": "framework", "start": 68, "end": 73, "index": [14]}]}, {"sentence": ["Streamlit", "can", "also", "be", "installed", "in", "a", "virtual", "environment", "on", "[", "Windows", "]", "(", "https", ":", "//github.com/streamlit/streamlit/wiki/Installing-in-a-virtual-environment", "#", "on-windows", ")", ",", "[", "Mac", "]", "(", "https", ":", "//github.com/streamlit/streamlit/wiki/Installing-in-a-virtual-environment", "#", "on-mac", "--", "linux", ")", ",", "and", "[", "Linux", "]", "(", "https", ":", "//github.com/streamlit/streamlit/wiki/Installing-in-a-virtual-environment", "#", "on-mac", "--", "linux", ")", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 61, "end": 67, "index": [11]}, {"text": ["Mac"], "entity-type": "platform", "start": 164, "end": 166, "index": [22]}, {"text": ["Linux"], "entity-type": "platform", "start": 270, "end": 274, "index": [36]}]}, {"sentence": ["`", "lit-html", "`", "takes", "care", "of", "efficiently", "rendering", "templates", "to", "DOM", ",", "including", "efficiently", "updating", "the", "DOM", "with", "new", "values", "."], "golden-entity-mentions": [{"text": ["DOM"], "entity-type": "platform", "start": 60, "end": 62, "index": [10]}]}, {"sentence": ["pip", "install", "draggan==1.1.0b2"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Diagrams", "lets", "you", "draw", "the", "cloud", "system", "architecture", "in", "Python", "code", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 56, "end": 61, "index": [9]}]}, {"sentence": ["Join", "a", "global", "community", "of", "student", "ambassadors", ",", "this", "could", "be", "your", "way", "into", "Microsoft", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "Company", "start": 76, "end": 84, "index": [14]}]}, {"sentence": ["AutoGen", "is", "created", "out", "of", "collaborative", "[", "research", "]", "(", "https", ":", "//microsoft.github.io/autogen/docs/Research", ")", "from", "Microsoft", ",", "Penn", "State", "University", ",", "and", "the", "University", "of", "Washington", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 107, "end": 115, "index": [15]}, {"text": ["Penn", "State", "University"], "entity-type": "company", "start": 118, "end": 138, "index": [17, 18, 19]}, {"text": ["University", "of", "Washington"], "entity-type": "company", "start": 149, "end": 172, "index": [19, 4, 25]}]}, {"sentence": ["Bybit", "."], "golden-entity-mentions": [{"text": ["Bybit"], "entity-type": "company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["npm", "install", "e2b"], "golden-entity-mentions": [{"text": ["npm"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Fira", "Code", "is", "a", "free", "monospaced", "font", "containing", "ligatures", "for", "common", "programming", "multi-character", "combinations", "."], "golden-entity-mentions": [{"text": ["Fira", "Code"], "entity-type": "platform", "start": 0, "end": 8, "index": [0, 1]}]}, {"sentence": ["In", "order", "to", "render", "the", "math", "in", "many", "different", "fonts", "we", "use", "XeLaTeX", ",", "generate", "a", "PDF", "and", "finally", "convert", "it", "to", "a", "PNG", "."], "golden-entity-mentions": [{"text": ["XeLaTeX"], "entity-type": "platform", "start": 59, "end": 65, "index": [12]}]}, {"sentence": ["Windows", ":", "%", "APPDATA", "%", "/bloop/bleep/logs"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["dbt", "(", "data", "build", "tool", ")"], "golden-entity-mentions": [{"text": ["dbt"], "entity-type": "Framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["To", "build", "Files", "for", "development", ",", "open", "the", "Files.sln", "item", "in", "Visual", "Studio", "."], "golden-entity-mentions": [{"text": ["Visual", "Studio"], "entity-type": "platform", "start": 59, "end": 71, "index": [11, 12]}]}, {"sentence": ["*", "[", "*", "*", "C++", "*", "*", ":", "*", "Introduction", "to", "Ray", "Tracing", ":", "a", "Simple", "Method", "for", "Creating", "3D", "Images", "*", "]", "(", "https", ":", "//www.scratchapixel.com/lessons/3d-basic-rendering/introduction-to-ray-tracing/how-does-it-work", ")"], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "language", "start": 5, "end": 7, "index": [4]}]}, {"sentence": ["Openfunctions-v0", ",", "Apache", "2.0", "function", "calling", "model", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 18, "end": 27, "index": [2, 3]}]}, {"sentence": ["Here", "'s", "how", "to", "find", "your", "way", "around", "the", "repo", ":", "server/bleep", ":", "The", "Rust", "backend", "which", "contains", "the", "core", "search", "and", "navigation", "logic"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 63, "end": 66, "index": [14]}]}, {"sentence": ["To", "build", "the", "latest", "version", "of", "the", "client", "from", "source", ",", "clone", "this", "repository", "and", "run", ",", "with", "[", "Rust", "]", "(", "https", ":", "//rust-lang.com/", ")", "installed", ":"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 92, "end": 95, "index": [19]}]}, {"sentence": ["It", "has", "much", "more", "and", "better", "functionalities", "than", "the", "other", "data", "processing", "languages", "based", "on", "JVM", "(", "Such", "as", "Kotlin", "and", "Scala", ")", ":", "Competition", "of", "data", "processing", "languages", "on", "JVM", ":", "Kotlin", ",", "Scala", "and", "SPL", "."], "golden-entity-mentions": [{"text": ["Kotlin"], "entity-type": "language", "start": 107, "end": 112, "index": [19]}, {"text": ["Scala"], "entity-type": "language", "start": 118, "end": 122, "index": [21]}]}, {"sentence": ["Logseq", "is", "also", "made", "possible", "by", "the", "following", "projects", ":", "*", "[", "Clojure", "&", "ClojureScript", "]", "(", "https", ":", "//clojure.org/", ")", "-", "A", "dynamic", ",", "functional", ",", "general-purpose", "programming", "language", "."], "golden-entity-mentions": [{"text": ["Clojure", "&", "ClojureScript"], "entity-type": "company", "start": 59, "end": 81, "index": [12, 13, 14]}]}, {"sentence": ["MiDaS", "-", "https", ":", "//github.com/isl-org/MiDaS"], "golden-entity-mentions": [{"text": ["MiDaS"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Then", "follow", "the", "docs", "to", "[", "write", "your", "first", "Mojo", "program", "]", "(", "https", ":", "//docs.modular.com/mojo/manual/get-started/hello-world", ")", "."], "golden-entity-mentions": [{"text": ["Mojo"], "entity-type": "framework", "start": 42, "end": 45, "index": [9]}]}, {"sentence": ["The", "codebase", "also", "depends", "on", "a", "few", "Python", "packages", ",", "most", "notably", "[", "OpenAI", "'s", "tiktoken", "]", "(", "https", ":", "//github.com/openai/tiktoken", ")", "for", "their", "fast", "tokenizer", "implementation", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 35, "end": 40, "index": [7]}, {"text": ["tiktoken"], "entity-type": "framework", "start": 75, "end": 82, "index": [15]}]}, {"sentence": ["Java", "llama2.java", "by", "@", "neoremind", ":", "a", "Java", "port", "of", "this", "project", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Note", "that", "`", "ocrmypdf", "`", "includes", "Ghostscript", ",", "an", "AGPL", "dependency"], "golden-entity-mentions": [{"text": ["Ghostscript"], "entity-type": "framework", "start": 30, "end": 40, "index": [6]}, {"text": ["AGPL"], "entity-type": "licenses", "start": 46, "end": 49, "index": [9]}]}, {"sentence": ["uBO", "uses", "the", "EasyList", "filter", "syntax", "and", "extends", "the", "syntax", "to", "work", "with", "custom", "rules", "and", "filters", "."], "golden-entity-mentions": [{"text": ["EasyList", "filter", "syntax"], "entity-type": "language", "start": 13, "end": 34, "index": [3, 4, 5]}]}, {"sentence": ["-", "`", "OPENAI_API_KEY", "`", "\u2013", "your", "OpenAI", "API", "key", "(", "you", "can", "get", "one", "here", ")"], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 26, "end": 31, "index": [6]}]}, {"sentence": ["React"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "Framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Logseq", "provides", "a", "plugin", "API", "that", "enables", "developers", "to", "create", "custom", "plugins", "and", "extend", "the", "functionality", "of", "Logseq", "."], "golden-entity-mentions": [{"text": ["plugin", "API"], "entity-type": "framework", "start": 18, "end": 27, "index": [3, 4]}]}, {"sentence": ["LICENSE", "-", "AGPLv3"], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "license", "start": 10, "end": 15, "index": [2]}]}, {"sentence": ["OpenChatKit", "provides", "a", "powerful", ",", "open-source", "base", "to", "create", "both", "specialized", "and", "general", "purpose", "models", "for", "various", "applications", "."], "golden-entity-mentions": [{"text": ["OpenChatKit"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["The", "final", "published", "oasst2", "dataset", "can", "be", "found", "on", "HuggingFace", "at", "[", "OpenAssistant/oasst2", "]", "(", "https", ":", "//huggingface.co/datasets/OpenAssistant/oasst2", ")"], "golden-entity-mentions": [{"text": ["HuggingFace"], "entity-type": "company", "start": 51, "end": 61, "index": [9]}]}, {"sentence": ["See", "more", "model", "and", "transcription", "options", "in", "the", "WhisperModel", "class", "implementation", "."], "golden-entity-mentions": [{"text": ["WhisperModel"], "entity-type": "platform", "start": 48, "end": 59, "index": [8]}]}, {"sentence": ["dolly-v2-12b", "is", "a", "12", "billion", "parameter", "causal", "language", "model", "created", "by", "Databricks", "that", "is", "derived", "from", "EleutherAI", "\u2019", "s", "Pythia-12b", "."], "golden-entity-mentions": [{"text": ["Databricks"], "entity-type": "platform", "start": 72, "end": 81, "index": [11]}, {"text": ["EleutherAI"], "entity-type": "platform", "start": 104, "end": 113, "index": [16]}, {"text": ["Pythia-12b"], "entity-type": "platform", "start": 117, "end": 126, "index": [19]}, {"text": ["Databricks"], "entity-type": "company", "start": 72, "end": 81, "index": [11]}, {"text": ["EleutherAI"], "entity-type": "company", "start": 104, "end": 113, "index": [16]}]}, {"sentence": ["It", "works", "on", "Linux", ",", "macOS", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 12, "end": 16, "index": [3]}, {"text": ["macOS"], "entity-type": "platform", "start": 19, "end": 23, "index": [5]}, {"text": ["Windows"], "entity-type": "platform", "start": 29, "end": 35, "index": [7]}]}, {"sentence": ["First", ",", "[", "install", "PyTorch", "1.7.1", "]", "(", "https", ":", "//pytorch.org/get-started/locally/", ")", "(", "or", "later", ")", "and", "torchvision", ",", "as", "well", "as", "small", "additional", "dependencies", ",", "and", "then", "install", "this", "repo", "as", "a", "Python", "package", ".", "On", "a", "CUDA", "GPU", "machine", ",", "the", "following", "will", "do", "the", "trick", ":"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 175, "end": 180, "index": [33]}]}, {"sentence": ["If", "you", "'re", "unfamiliar", "with", "Python", "virtual", "environments", ",", "check", "out", "the", "user", "guide", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 26, "end": 31, "index": [5]}, {"text": ["virtual", "environments"], "entity-type": "language", "start": 33, "end": 52, "index": [6, 7]}]}, {"sentence": ["StableStudio", "is", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "'s", "official", "open-source", "variant", "of", "[", "DreamStudio", "]", "(", "https", ":", "//www.dreamstudio.ai/", ")", ",", "our", "user", "interface", "for", "generative", "AI", "."], "golden-entity-mentions": [{"text": ["StableStudio"], "entity-type": "framework", "start": 0, "end": 11, "index": [0]}, {"text": ["DreamStudio"], "entity-type": "framework", "start": 89, "end": 99, "index": [17]}]}, {"sentence": ["Install", "[", "Rust", "1.70+", "]", "(", "https", ":", "//www.rust-lang.org/", ")", ",", "[", "Node", "v18", "]", "(", "https", ":", "//nodejs.org/", ")", ",", "[", "NPM", "v9", "]", "(", "https", ":", "//www.npmjs.com/", ")", ",", "and", "[", "mprocs", "]", "(", "https", ":", "//github.com/pvolok/mprocs", ")", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 9, "end": 12, "index": [2]}]}, {"sentence": ["LocalGPT", "currently", "supports", "the", "following", "file", "formats", ".", "LocalGPT", "uses", "`", "LangChain", "`", "for", "loading", "these", "file", "formats", "."], "golden-entity-mentions": [{"text": ["LangChain"], "entity-type": "framework", "start": 71, "end": 79, "index": [11]}]}, {"sentence": ["Download", "for", "VSCode"], "golden-entity-mentions": [{"text": ["VSCode"], "entity-type": "platform", "start": 13, "end": 18, "index": [2]}]}, {"sentence": ["Tech", "Stack", "-", "Typescript", "-", "Language"], "golden-entity-mentions": [{"text": ["Typescript"], "entity-type": "language", "start": 13, "end": 22, "index": [3]}]}, {"sentence": ["And", "its", "WebAssembly", "version", "is", "also", "available", "."], "golden-entity-mentions": [{"text": ["WebAssembly"], "entity-type": "framework", "start": 8, "end": 18, "index": [2]}]}, {"sentence": ["Install", "Python", "3.11", "or", "later", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 8, "end": 13, "index": [1]}]}, {"sentence": ["To", "install", "the", "last", "released", "build", "of", "Mojo", ",", "you", "can", "install", "the", "MAX", "SDK", "or", "the", "standalone", "Mojo", "SDK", "."], "golden-entity-mentions": [{"text": ["MAX", "SDK"], "entity-type": "platform", "start": 64, "end": 70, "index": [13, 14]}]}, {"sentence": ["An", "open", "source", "implementation", "of", "Microsoft", "'s", "VALL-E", "X", "zero-shot", "TTS", "model", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "company", "start": 33, "end": 41, "index": [5]}]}, {"sentence": ["LocalGPT", "comes", "with", "two", "GUIs", ",", "one", "uses", "the", "API", "and", "the", "other", "is", "standalone", "(", "based", "on", "streamlit", ")", "."], "golden-entity-mentions": [{"text": ["GUIs"], "entity-type": "platform", "start": 24, "end": 27, "index": [4]}, {"text": ["API"], "entity-type": "platform", "start": 43, "end": 45, "index": [9]}]}, {"sentence": ["Frontend", "uses", "<", "a", "href=", "''", "https", ":", "//vitejs.dev/", "''", ">", "Vite", "<", "/a", ">", "and", "<", "a", "href=", "''", "https", ":", "//react.dev/", "''", ">", "React", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["Vite"], "entity-type": "framework", "start": 46, "end": 49, "index": [11]}]}, {"sentence": ["Think", "of", "it", "as", "Obsidian", ",", "but", "turbocharged", "with", "AI", "capabilities", "."], "golden-entity-mentions": [{"text": ["Obsidian"], "entity-type": "framework", "start": 15, "end": 22, "index": [4]}]}, {"sentence": ["Stable", "Diffusion", "was", "made", "possible", "thanks", "to", "a", "collaboration", "with", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "and", "[", "Runway", "]", "(", "https", ":", "//runwayml.com/", ")", "and", "builds", "upon", "our", "previous", "work", ":"], "golden-entity-mentions": [{"text": ["Stability", "AI"], "entity-type": "company", "start": 67, "end": 78, "index": [11, 12]}, {"text": ["Runway"], "entity-type": "company", "start": 109, "end": 114, "index": [21]}]}, {"sentence": ["BloombergGPT", "trained", "an", "LLM", "using", "a", "mixture", "of", "finance", "data", "and", "general-purpose", "data", ",", "which", "took", "about", "53", "days", ",", "at", "a", "cost", "of", "around", "$", "3M", "."], "golden-entity-mentions": [{"text": ["BloombergGPT"], "entity-type": "company", "start": 0, "end": 11, "index": [0]}]}, {"sentence": ["Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "Platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["-", "server", ":", "Node", "backend", "to", "serve", "API", "logics"], "golden-entity-mentions": [{"text": ["Node"], "entity-type": "framework", "start": 10, "end": 13, "index": [3]}]}, {"sentence": ["On", "Mac", "OS", "or", "Linux", ",", "write", ":", "./setup.sh"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 13, "end": 17, "index": [4]}]}, {"sentence": ["tinygrad", ":", "For", "something", "between", "PyTorch", "and", "karpathy/micrograd", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 32, "end": 38, "index": [5]}, {"text": ["karpathy/micrograd"], "entity-type": "framework", "start": 44, "end": 61, "index": [7]}]}, {"sentence": ["docker", "run", "-d", "--", "name", "memos", "-p", "5230:5230", "-v", "~/.memos/", ":", "/var/opt/memos", "neosmemo/memos"], "golden-entity-mentions": [{"text": ["docker"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["*", "[", "SCI", "]", "(", "https", ":", "//github.com/borkdude/sci", ")", "-", "A", "Small", "Clojure", "Interpreter", "."], "golden-entity-mentions": [{"text": ["Clojure"], "entity-type": "language", "start": 51, "end": 57, "index": [12]}]}, {"sentence": ["A", "light-weight", ",", "scalable", ",", "data", "engine", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 49, "end": 52, "index": [9]}]}, {"sentence": ["[", "Business", "Source", "License", "1.1", "]", "(", "https", ":", "//github.com/hashicorp/terraform/blob/main/LICENSE", ")"], "golden-entity-mentions": [{"text": ["Business", "Source", "License", "1.1"], "entity-type": "license", "start": 1, "end": 27, "index": [1, 2, 3, 4]}]}, {"sentence": ["Integrated", "bundler", "for", "deploying", "to", "the", "web", ",", "macOS", ",", "Linux", ",", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["web"], "entity-type": "platform", "start": 40, "end": 42, "index": [6]}]}, {"sentence": ["Our", "default", ",", "provided", "install", "method", "is", "based", "on", "Conda", "package", "and", "environment", "management", ":"], "golden-entity-mentions": [{"text": ["Conda"], "entity-type": "framework", "start": 49, "end": 53, "index": [9]}]}, {"sentence": ["Data", "Science", "@", "Expedia"], "golden-entity-mentions": [{"text": ["Expedia"], "entity-type": "Company", "start": 14, "end": 20, "index": [3]}]}, {"sentence": ["Hugging", "Face", "stored", "the", "model", "in", "a", "specific", "location", ",", "which", "can", "be", "overridden", "by", "setting", "the", "AUDIOCRAFT_CACHE_DIR", "environment", "variable", "for", "the", "AudioCraft", "models", "."], "golden-entity-mentions": [{"text": ["Hugging", "Face"], "entity-type": "platform", "start": 0, "end": 11, "index": [0, 1]}, {"text": ["Hugging", "Face"], "entity-type": "company", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["Stay", "away", "from", "commands", "like", "curl", "or", "wget", "that", "will", "display", "a", "lot", "of", "HTML", "."], "golden-entity-mentions": [{"text": ["HTML"], "entity-type": "language", "start": 69, "end": 72, "index": [14]}]}, {"sentence": ["uBO", "works", "best", "on", "Firefox", "and", "is", "available", "for", "desktop", "and", "Android", "versions", "."], "golden-entity-mentions": [{"text": ["Firefox"], "entity-type": "platform", "start": 18, "end": 24, "index": [4]}, {"text": ["Android"], "entity-type": "platform", "start": 59, "end": 65, "index": [11]}]}, {"sentence": ["You", "can", "use", "Intel", "MPI", "or", "MVAPICH", "as", "well", "."], "golden-entity-mentions": [{"text": ["Intel", "MPI"], "entity-type": "platform", "start": 12, "end": 20, "index": [3, 4]}, {"text": ["MVAPICH"], "entity-type": "platform", "start": 25, "end": 31, "index": [6]}]}, {"sentence": ["React", "Native", "is", "MIT", "licensed", ",", "as", "found", "in", "the", "[", "LICENSE", "]", "[", "l", "]", "file", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "licenses", "start": 16, "end": 18, "index": [3]}, {"text": ["React", "Native"], "entity-type": "framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["SCI", "-", "A", "Small", "Clojure", "Interpreter", "."], "golden-entity-mentions": [{"text": ["SCI"], "entity-type": "company", "start": 1, "end": 3, "index": [0]}]}, {"sentence": ["Elementor", "website", "builder", "is", "free", "and", "open", "source", "."], "golden-entity-mentions": [{"text": ["open", "source"], "entity-type": "license", "start": 38, "end": 48, "index": [6, 7]}]}, {"sentence": ["Image", "Super-Resolution", "for", "Anime-style", "art", "using", "Deep", "Convolutional", "Neural", "Networks", "."], "golden-entity-mentions": [{"text": ["Deep", "Convolutional", "Neural", "Networks"], "entity-type": "framework", "start": 49, "end": 82, "index": [6, 7, 8, 9]}]}, {"sentence": ["Frontend", "uses", "<", "a", "href=", "''", "https", ":", "//vitejs.dev/", "''", ">", "Vite", "<", "/a", ">", "and", "<", "a", "href=", "''", "https", ":", "//react.dev/", "''", ">", "React", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 90, "end": 94, "index": [25]}]}, {"sentence": ["NVIDIA", "GPU"], "golden-entity-mentions": [{"text": ["NVIDIA"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["utilize", "mapping", "technology", "such", "as", "Google", "Maps", "or", "Apple", "Maps", "in", "order", "to", "offer", "interactive", "visuals", "of", "different", "destinations", "and", "points-of-interests", "along", "the", "way", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 35, "end": 40, "index": [5]}]}, {"sentence": ["The", "Tauri", "app"], "golden-entity-mentions": [{"text": ["Tauri"], "entity-type": "framework", "start": 4, "end": 8, "index": [1]}]}, {"sentence": ["Terraform", "Registry"], "golden-entity-mentions": [{"text": ["Terraform", "Registry"], "entity-type": "framework", "start": 0, "end": 17, "index": [0, 1]}]}, {"sentence": ["[", "Gitter", "]", "(", "https", ":", "//matrix.to/", "#", "/", "#", "TheAlgorithms_community", ":", "gitter.im", ")"], "golden-entity-mentions": [{"text": ["Gitter"], "entity-type": "Platform", "start": 1, "end": 6, "index": [1]}]}, {"sentence": ["CasaOS", "fully", "supports", "ZimaBoard", ",", "Intel", "NUC", ",", "and", "Raspberry", "Pi", "."], "golden-entity-mentions": [{"text": ["ZimaBoard"], "entity-type": "platform", "start": 22, "end": 30, "index": [3]}, {"text": ["Intel", "NUC"], "entity-type": "platform", "start": 33, "end": 41, "index": [5, 6]}, {"text": ["Raspberry", "Pi"], "entity-type": "platform", "start": 48, "end": 59, "index": [9, 10]}]}, {"sentence": ["Data", "Science", "@", "Woot"], "golden-entity-mentions": [{"text": ["Woot"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["I", "host", "the", "application", "servers", "on", "[", "Fly.io", "]", "(", "https", ":", "//fly.io/", ")", "and", "with", "[", "Redis", "Cloud", "]", "(", "https", ":", "//redis.com/", ")", "."], "golden-entity-mentions": [{"text": ["Fly.io"], "entity-type": "platform", "start": 35, "end": 40, "index": [7]}, {"text": ["Redis", "Cloud"], "entity-type": "platform", "start": 70, "end": 80, "index": [17, 18]}]}, {"sentence": ["In", "a", "conda", "env", "with", "PyTorch", "/", "CUDA", "available", "clone", "and", "download", "this", "repository", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 20, "end": 26, "index": [5]}]}, {"sentence": ["Automatically", "install", "required", "Pythons", ",", "if", "`", "pyenv", "`", "or", "`", "asdf", "`", "is", "available", "."], "golden-entity-mentions": [{"text": ["pyenv"], "entity-type": "framework", "start": 44, "end": 48, "index": [7]}, {"text": ["asdf"], "entity-type": "framework", "start": 55, "end": 58, "index": [11]}]}, {"sentence": ["Originally", "built", "for", "Rails", "apps", ",", "Kamal", "will", "work", "with", "any", "type", "of", "web", "app", "that", "can", "be", "containerized", "with", "Docker", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 105, "end": 110, "index": [20]}]}, {"sentence": ["Mojo", "is", "still", "young", ",", "but", "it", "is", "designed", "to", "become", "a", "superset", "of", "Python", "over", "time", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 64, "end": 69, "index": [14]}]}, {"sentence": ["MapReduce"], "golden-entity-mentions": [{"text": ["MapReduce"], "entity-type": "Framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["-", "Using", "CMake", ":"], "golden-entity-mentions": [{"text": ["CMake"], "entity-type": "framework", "start": 8, "end": 12, "index": [2]}]}, {"sentence": ["Alpine", "Linux", "3.5", "-", "3.12"], "golden-entity-mentions": [{"text": ["Alpine", "Linux", "3.5", "-", "3.12"], "entity-type": "platform", "start": 0, "end": 22, "index": [0, 1, 2, 3, 4]}]}, {"sentence": ["Thanks", "to", "the", "course", "sponsors", "for", "making", "it", "possible", "to", "run", "this", "course"], "golden-entity-mentions": [{"text": ["sponsors"], "entity-type": "Company", "start": 21, "end": 28, "index": [4]}]}, {"sentence": ["Data", "Science", "@", "Disney"], "golden-entity-mentions": [{"text": ["Disney"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["React", "Native", "documentation", "is", "Creative", "Commons", "licensed", ",", "as", "found", "in", "the", "[", "LICENSE-docs", "]", "[", "ld", "]", "file", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons"], "entity-type": "licenses", "start": 30, "end": 45, "index": [4, 5]}]}, {"sentence": ["Web", ":", "React", "JS", ",", "Vanilla", "JS", ",", "WebSockets"], "golden-entity-mentions": [{"text": ["React", "JS"], "entity-type": "language", "start": 5, "end": 12, "index": [2, 3]}, {"text": ["Vanilla", "JS"], "entity-type": "language", "start": 15, "end": 24, "index": [5, 3]}, {"text": ["WebSockets"], "entity-type": "language", "start": 27, "end": 36, "index": [8]}, {"text": ["React", "JS"], "entity-type": "framework", "start": 5, "end": 12, "index": [2, 3]}, {"text": ["WebSockets"], "entity-type": "framework", "start": 27, "end": 36, "index": [8]}]}, {"sentence": ["MLC", "LLM", "compiles", "and", "runs", "code", "on", "MLCEngine", "--", "a", "unified", "high-performance", "LLM", "inference", "engine", "across", "the", "above", "platforms", "."], "golden-entity-mentions": [{"text": ["platforms"], "entity-type": "platform", "start": 112, "end": 120, "index": [18]}]}, {"sentence": ["Binance", "."], "golden-entity-mentions": [{"text": ["Binance"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Supervision", "offers", "a", "wide", "range", "of", "highly", "customizable", "[", "annotators", "]", "(", "https", ":", "//supervision.roboflow.com/latest/annotators/", ")", ",", "allowing", "you", "to", "compose", "the", "perfect", "visualization", "for", "your", "use", "case", "."], "golden-entity-mentions": [{"text": ["Supervision"], "entity-type": "framework", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["Intel", "GPU", "support", "is", "available", "for", "all", "Intel", "GPUs", "supported", "by", "Intel", "'s", "Extension", "for", "Pytorch", "(", "IPEX", ")", "with", "the", "support", "requirements", "listed", "in", "the", "[", "Installation", "]", "(", "https", ":", "//intel.github.io/intel-extension-for-pytorch/index.html", "#", "installation", "?", "platform=gpu", ")", "page", "."], "golden-entity-mentions": [{"text": ["Intel"], "entity-type": "Platform", "start": 0, "end": 4, "index": [0]}, {"text": ["Intel"], "entity-type": "Company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Kamal", "is", "released", "under", "the", "[", "MIT", "License", "]", "(", "https", ":", "//opensource.org/licenses/MIT", ")", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 29, "end": 39, "index": [6, 7]}]}, {"sentence": ["Icons", "\u2014", "CC", "BY", "4.0", "License"], "golden-entity-mentions": [{"text": ["CC", "BY", "4.0"], "entity-type": "license", "start": 8, "end": 16, "index": [2, 3, 4]}]}, {"sentence": ["And", "once", "you", "\u2019", "ve", "created", "an", "app", "you", "can", "use", "our", "[", "Community", "Cloud", "platform", "]", "(", "https", ":", "//streamlit.io/cloud", ")", "to", "deploy", ",", "manage", ",", "and", "share", "your", "app", "!"], "golden-entity-mentions": [{"text": ["Community", "Cloud"], "entity-type": "platform", "start": 48, "end": 62, "index": [13, 14]}]}, {"sentence": ["Azure", "Cloud", "Advocates", "at", "Microsoft", "are", "pleased", "to", "offer", "a", "10-week", ",", "20-lesson", "curriculum", "all", "about", "Data", "Science", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "Company", "start": 25, "end": 33, "index": [4]}]}, {"sentence": ["Apache-2", "License"], "golden-entity-mentions": [{"text": ["Apache-2", "License"], "entity-type": "license", "start": 0, "end": 15, "index": [0, 1]}]}, {"sentence": ["Colossal-AI", ":", "Making", "large", "AI", "models", "cheaper", ",", "faster", ",", "and", "more", "accessible"], "golden-entity-mentions": [{"text": ["Colossal-AI"], "entity-type": "platform", "start": 0, "end": 10, "index": [0]}, {"text": ["Colossal-AI"], "entity-type": "company", "start": 0, "end": 10, "index": [0]}]}, {"sentence": ["Data", "Science", "@", "Baidu"], "golden-entity-mentions": [{"text": ["Baidu"], "entity-type": "Company", "start": 14, "end": 18, "index": [3]}]}, {"sentence": ["#", "On", "Windows", "via", "Chocolatey"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 5, "end": 11, "index": [2]}]}, {"sentence": ["Distributed", "under", "the", "[", "AGPLv3", "License", "]", "(", "https", ":", "//github.com/calcom/cal.com/blob/main/LICENSE", ")", ".", "See", "`", "LICENSE", "`", "for", "more", "information", "."], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "license", "start": 23, "end": 28, "index": [4]}]}, {"sentence": ["Data", "Science", "@", "Drivetribe"], "golden-entity-mentions": [{"text": ["Drivetribe"], "entity-type": "Company", "start": 14, "end": 23, "index": [3]}]}, {"sentence": ["Openfunctions-v2", "with", "more", "languages", "(", "Java", ",", "JS", ",", "Python", ")", "."], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 38, "end": 41, "index": [5]}, {"text": ["JS"], "entity-type": "language", "start": 44, "end": 45, "index": [7]}, {"text": ["Python"], "entity-type": "language", "start": 48, "end": 53, "index": [9]}]}, {"sentence": ["A", "jazzy", "skin", "for", "the", "Django", "Admin-Interface", "."], "golden-entity-mentions": [{"text": ["Django"], "entity-type": "framework", "start": 21, "end": 26, "index": [5]}]}, {"sentence": ["#", "using", "pipenv", "$", "pipenv", "install", "diagrams"], "golden-entity-mentions": [{"text": ["pipenv"], "entity-type": "language", "start": 8, "end": 13, "index": [2]}]}, {"sentence": ["In", "a", "conda", "env", "with", "PyTorch", "/", "CUDA", "available", "clone", "and", "download", "this", "repository", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 20, "end": 26, "index": [5]}]}, {"sentence": ["PostgreSQL", "12+"], "golden-entity-mentions": [{"text": ["PostgreSQL"], "entity-type": "language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Datasets", "(", "Access", "datasets", "from", "huggingface", "hub", ")"], "golden-entity-mentions": [{"text": ["Datasets"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["5", ".", "Run", "the", "app", "using", "flask", "--", "app", "application/app.py", "run", "--", "host=0.0.0.0", "--", "port=7091", "."], "golden-entity-mentions": [{"text": ["flask"], "entity-type": "language", "start": 21, "end": 25, "index": [6]}]}, {"sentence": ["To", "decode", "a", "mask", "in", "COCO", "RLE", "format", "into", "binary", ":"], "golden-entity-mentions": [{"text": ["COCO", "RLE"], "entity-type": "language", "start": 20, "end": 27, "index": [5, 6]}]}, {"sentence": ["GPT-Migrate", "is", "currently", "in", "development", "alpha", "and", "is", "not", "yet", "ready", "for", "production", "use", ".", "For", "instance", ",", "on", "the", "relatively", "simple", "benchmarks", ",", "it", "gets", "through", "'easy", "'", "languages", "like", "python", "or", "javascript", "without", "a", "hitch", "~50", "%", "of", "the", "time", ",", "and", "can", "not", "get", "through", "more", "complex", "languages", "like", "C++", "or", "Rust", "without", "some", "human", "assistance", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 289, "end": 292, "index": [54]}, {"text": ["C++"], "entity-type": "language", "start": 282, "end": 284, "index": [52]}]}, {"sentence": ["Nvidia", "users", "should", "install", "stable", "pytorch", "using", "this", "command", ":"], "golden-entity-mentions": [{"text": ["Nvidia"], "entity-type": "Platform", "start": 0, "end": 5, "index": [0]}, {"text": ["Nvidia"], "entity-type": "Company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Nougat", "codebase", "is", "licensed", "under", "MIT", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 34, "end": 36, "index": [5]}]}, {"sentence": ["Note", "that", "some", "features", "require", "a", "working", "login", "system", ".", "You", "can", "get", "your", "own", "OAuth2", "login", "for", "free", "with", "Firebase", "if", "needed", "."], "golden-entity-mentions": [{"text": ["Firebase"], "entity-type": "company", "start": 104, "end": 111, "index": [20]}]}, {"sentence": ["Welcome", "to", "the", "Elementor", "GitHub", "repository", "!"], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "platform", "start": 25, "end": 30, "index": [4]}]}, {"sentence": ["Version", "5", "\u2013", "the", "iconic", "SVG", ",", "font", ",", "and", "CSS", "framework"], "golden-entity-mentions": [{"text": ["CSS"], "entity-type": "language", "start": 38, "end": 40, "index": [10]}]}, {"sentence": ["It", "uses", "Graphviz", "to", "render", "the", "diagram", ",", "so", "you", "need", "to", "install", "Graphviz", "to", "use", "diagrams", "."], "golden-entity-mentions": [{"text": ["Graphviz"], "entity-type": "platform", "start": 8, "end": 15, "index": [2]}, {"text": ["Graphviz"], "entity-type": "platform", "start": 8, "end": 15, "index": [2]}]}, {"sentence": ["I", "will", "describe", "a", "project", "details", "you", "will", "code", "project", "with", "this", "tools", ":", "Create", "React", "App", ",", "yarn", ",", "Ant", "Design", ",", "List", ",", "Redux", "Toolkit", ",", "createSlice", ",", "thunk", ",", "axios", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 80, "end": 84, "index": [15]}, {"text": ["Ant", "Design"], "entity-type": "framework", "start": 97, "end": 106, "index": [20, 21]}, {"text": ["Redux", "Toolkit"], "entity-type": "framework", "start": 115, "end": 127, "index": [25, 26]}, {"text": ["createSlice"], "entity-type": "framework", "start": 130, "end": 140, "index": [28]}, {"text": ["thunk"], "entity-type": "framework", "start": 143, "end": 147, "index": [30]}, {"text": ["axios"], "entity-type": "framework", "start": 150, "end": 154, "index": [32]}]}, {"sentence": ["There", "are", "3", "methods", "to", "install", "Xtreme", ",", "we", "recommend", "you", "use", "the", "*", "*", "Web", "Updater", "*", "*", ",", "but", "choose", "whichever", "one", "you", "prefer", ":"], "golden-entity-mentions": [{"text": ["Web", "Updater"], "entity-type": "platform", "start": 66, "end": 76, "index": [15, 16]}]}, {"sentence": ["Meet", "[", "Plane", "]", "(", "https", ":", "//dub.sh/plane-website-readme", ")", ",", "an", "open-source", "project", "management", "tool", "to", "track", "issues", ",", "run", "~~sprints~~", "cycles", ",", "and", "manage", "product", "roadmaps", "without", "the", "chaos", "of", "managing", "the", "tool", "itself", "."], "golden-entity-mentions": [{"text": ["Plane"], "entity-type": "company", "start": 6, "end": 10, "index": [2]}]}, {"sentence": ["You", "can", "inspect", "and", "configure", "Open", "Interpreter", "'s", "system", "message", "to", "extend", "its", "functionality", ",", "modify", "permissions", ",", "or", "give", "it", "more", "context", "."], "golden-entity-mentions": [{"text": ["Open", "Interpreter"], "entity-type": "company", "start": 30, "end": 45, "index": [5, 6]}]}, {"sentence": ["This", "script", "is", "used", "by", "many", "of", "Meta", "'s", "OSS", "tools", "."], "golden-entity-mentions": [{"text": ["Meta"], "entity-type": "company", "start": 31, "end": 34, "index": [7]}]}, {"sentence": ["We", "also", "use", "rspc", "which", "allows", "us", "to", "define", "functions", "in", "Rust", "and", "call", "them", "on", "the", "Typescript", "frontend", "in", "a", "completely", "typesafe", "manner", "..."], "golden-entity-mentions": [{"text": ["rspc"], "entity-type": "framework", "start": 12, "end": 15, "index": [3]}]}, {"sentence": ["\u4f7f\u7528", "Docker", "\u62c9\u53d6\u7684\u6700\u65b0\u955c\u50cf\u53ef\u80fd\u662f", "`", "alpha", "`", "\u7248\u672c\uff0c\u5982\u679c\u8ffd\u6c42\u7a33\u5b9a\u6027\u8bf7\u624b\u52a8\u6307\u5b9a\u7248\u672c\u3002"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 3, "end": 8, "index": [1]}]}, {"sentence": ["For", "this", "initial", "version", ",", "a", "simple", "YOLOv8", "model", "is", "trained", "for", "button", "detection", ",", "and", "the", "`", "best.pt", "`", "file", "is", "included", "under", "`", "model/weights/", "`", "."], "golden-entity-mentions": [{"text": ["YOLOv8"], "entity-type": "framework", "start": 35, "end": 40, "index": [7]}]}, {"sentence": ["It", "'s", "time", "for", "Elementor", "Website", "Builder", "."], "golden-entity-mentions": [{"text": ["Elementor"], "entity-type": "company", "start": 14, "end": 22, "index": [4]}]}, {"sentence": ["mobile", ":", "A", "React", "Native", "app", "."], "golden-entity-mentions": [{"text": ["React", "Native"], "entity-type": "framework", "start": 10, "end": 21, "index": [3, 4]}]}, {"sentence": ["Upstash", "\u2013", "redis"], "golden-entity-mentions": [{"text": ["Upstash"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Works", "seamlessly", "across", "multiple", "hosts", ",", "using", "SSHKit", "to", "execute", "commands", "."], "golden-entity-mentions": [{"text": ["multiple", "hosts"], "entity-type": "platform", "start": 24, "end": 37, "index": [3, 4]}]}, {"sentence": ["The", "following", "notable", "open-source", "projects", "trust", "*", "Black", "*", "with", "enforcing", "a", "consistent", "code", "style", ":", "pytest", ",", "tox", ",", "Pyramid", ",", "Django", ",", "Django", "Channels", ",", "Hypothesis", ",", "attrs", ",", "SQLAlchemy", ",", "Poetry", ",", "PyPA", "applications", "(", "Warehouse", ",", "Bandersnatch", ",", "Pipenv", ",", "virtualenv", ")", ",", "pandas", ",", "Pillow", ",", "Twisted", ",", "LocalStack", ",", "every", "Datadog", "Agent", "Integration", ",", "Home", "Assistant", ",", "Zulip", ",", "Kedro", ",", "OpenOA", ",", "FLORIS", ",", "ORBIT", ",", "WOMBAT", ",", "and", "many", "more", "."], "golden-entity-mentions": [{"text": ["pytest"], "entity-type": "framework", "start": 97, "end": 102, "index": [16]}, {"text": ["tox"], "entity-type": "framework", "start": 105, "end": 107, "index": [18]}, {"text": ["Pyramid"], "entity-type": "framework", "start": 110, "end": 116, "index": [20]}, {"text": ["Django"], "entity-type": "framework", "start": 119, "end": 124, "index": [22]}, {"text": ["Django", "Channels"], "entity-type": "framework", "start": 127, "end": 141, "index": [22, 25]}, {"text": ["Hypothesis"], "entity-type": "framework", "start": 144, "end": 153, "index": [27]}, {"text": ["attrs"], "entity-type": "framework", "start": 156, "end": 160, "index": [29]}, {"text": ["SQLAlchemy"], "entity-type": "framework", "start": 163, "end": 172, "index": [31]}, {"text": ["Poetry"], "entity-type": "framework", "start": 175, "end": 180, "index": [33]}, {"text": ["PyPA", "applications", "(", "Warehouse", ",", "Bandersnatch", ",", "Pipenv", ",", "virtualenv", ")"], "entity-type": "framework", "start": 183, "end": 245, "index": [35, 36, 37, 38, 17, 40, 17, 42, 17, 44, 45]}, {"text": ["pandas"], "entity-type": "framework", "start": 248, "end": 253, "index": [47]}, {"text": ["Pillow"], "entity-type": "framework", "start": 256, "end": 261, "index": [49]}, {"text": ["Twisted"], "entity-type": "framework", "start": 264, "end": 270, "index": [51]}, {"text": ["LocalStack"], "entity-type": "framework", "start": 273, "end": 282, "index": [53]}, {"text": ["Home", "Assistant"], "entity-type": "framework", "start": 318, "end": 331, "index": [60, 61]}, {"text": ["Zulip"], "entity-type": "framework", "start": 334, "end": 338, "index": [63]}, {"text": ["Kedro"], "entity-type": "framework", "start": 341, "end": 345, "index": [65]}, {"text": ["OpenOA"], "entity-type": "framework", "start": 348, "end": 353, "index": [67]}, {"text": ["FLORIS"], "entity-type": "framework", "start": 356, "end": 361, "index": [69]}, {"text": ["ORBIT"], "entity-type": "framework", "start": 364, "end": 368, "index": [71]}, {"text": ["WOMBAT"], "entity-type": "framework", "start": 371, "end": 376, "index": [73]}]}, {"sentence": ["macos", ":", "A", "Swift", "Native", "binary", "for", "MacOS", "system", "extensions", "(", "planned", ")", "."], "golden-entity-mentions": [{"text": ["Swift"], "entity-type": "language", "start": 9, "end": 13, "index": [3]}]}, {"sentence": ["The", "libraries", "(", "cuBLAS", ",", "cuDNN", ")", "are", "installed", "in", "these", "official", "NVIDIA", "CUDA", "Docker", "images", ":", "nvidia/cuda:12.0.0-runtime-ubuntu20.04", "or", "nvidia/cuda:12.0.0-runtime-ubuntu22.04", "."], "golden-entity-mentions": [{"text": ["cuBLAS"], "entity-type": "platform", "start": 15, "end": 20, "index": [3]}, {"text": ["cuDNN"], "entity-type": "platform", "start": 23, "end": 27, "index": [5]}, {"text": ["NVIDIA", "CUDA", "Docker", "images"], "entity-type": "platform", "start": 62, "end": 86, "index": [12, 13, 14, 15]}, {"text": ["NVIDIA"], "entity-type": "company", "start": 62, "end": 67, "index": [12]}]}, {"sentence": ["Hypertile", "-", "tfernd", "-", "https", ":", "//github.com/tfernd/HyperTile"], "golden-entity-mentions": [{"text": ["Hypertile"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["Our", "search", "indexes", "are", "powered", "by", "Tantivy", "and", "Qdrant"], "golden-entity-mentions": [{"text": ["Tantivy"], "entity-type": "framework", "start": 34, "end": 40, "index": [6]}, {"text": ["Qdrant"], "entity-type": "framework", "start": 46, "end": 51, "index": [8]}]}, {"sentence": ["The", "Expo", "CLI", "repository", "contains", "the", "Expo", "development", "tools", "."], "golden-entity-mentions": [{"text": ["Expo", "CLI"], "entity-type": "framework", "start": 4, "end": 11, "index": [1, 2]}]}, {"sentence": ["Third-party", "libraries", "and", "resources", ":", "React", "(", "MIT", ")", "is", "used", "for", "the", "web", "app"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 37, "end": 41, "index": [5]}, {"text": ["MIT"], "entity-type": "license", "start": 44, "end": 46, "index": [7]}]}, {"sentence": ["This", "repository", "is", "under", "[", "BSD", "3-Clause", "License", "]", "(", "LICENSE.md", ")", "."], "golden-entity-mentions": [{"text": ["BSD", "3-Clause", "License"], "entity-type": "license", "start": 26, "end": 45, "index": [5, 6, 7]}]}, {"sentence": ["[", "The", "CreativeML", "OpenRAIL", "M", "license", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/LICENSE", ")", "is", "an", "[", "Open", "RAIL", "M", "license", "]", "(", "https", ":", "//www.licenses.ai/blog/2022/8/18/naming-convention-of-responsible-ai-licenses", ")", ",", "adapted", "from", "the", "work", "that", "[", "BigScience", "]", "(", "https", ":", "//bigscience.huggingface.co/", ")", "and", "[", "the", "RAIL", "Initiative", "]", "(", "https", ":", "//www.licenses.ai/", ")", "are", "jointly", "carrying", "in", "the", "area", "of", "responsible", "AI", "licensing", "."], "golden-entity-mentions": [{"text": ["CreativeML", "OpenRAIL", "M", "license"], "entity-type": "license", "start": 5, "end": 33, "index": [2, 3, 4, 5]}, {"text": ["Open", "RAIL", "M", "license"], "entity-type": "license", "start": 101, "end": 119, "index": [15, 16, 4, 5]}]}, {"sentence": ["Contributed", "by", ":", "[", "StoryChief", "AI", "]", "(", "https", ":", "//www.storychief.io/ai-power-mode", ")"], "golden-entity-mentions": [{"text": ["StoryChief"], "entity-type": "company", "start": 17, "end": 26, "index": [4]}]}, {"sentence": ["From", "here", "you", "can", "take", "a", "screenshot", "and", "the", "predicted", "latex", "code", "is", "rendered", "using", "[", "MathJax", "]", "(", "https", ":", "//www.mathjax.org/", ")", "and", "copied", "to", "your", "clipboard", "."], "golden-entity-mentions": [{"text": ["MathJax"], "entity-type": "framework", "start": 84, "end": 90, "index": [16]}]}, {"sentence": ["Spring", "Boot", "Roadmap"], "golden-entity-mentions": [{"text": ["Spring", "Boot"], "entity-type": "framework", "start": 0, "end": 10, "index": [0, 1]}]}, {"sentence": ["Streamlit", "lets", "you", "turn", "data", "scripts", "into", "shareable", "web", "apps", "in", "minutes", ",", "not", "weeks", ".", "It", "\u2019", "s", "all", "Python", ",", "open-source", ",", "and", "free", "!"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 93, "end": 98, "index": [20]}]}, {"sentence": ["Ergonomic", "state", "management", "combines", "the", "best", "of", "React", ",", "Solid", ",", "and", "Svelte", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 48, "end": 52, "index": [7]}]}, {"sentence": ["We", "think", "Flutter", "will", "help", "you", "create", "beautiful", ",", "fast", "apps", ",", "with", "a", "productive", ",", "extensible", "and", "open", "development", "model", ",", "whether", "you", "'re", "targeting", "iOS", "or", "Android", ",", "web", ",", "Windows", ",", "macOS", ",", "Linux", "or", "embedding", "it", "as", "the", "UI", "toolkit", "for", "a", "platform", "of", "your", "choice", "."], "golden-entity-mentions": [{"text": ["iOS"], "entity-type": "platform", "start": 143, "end": 145, "index": [26]}, {"text": ["Android"], "entity-type": "platform", "start": 150, "end": 156, "index": [28]}, {"text": ["web"], "entity-type": "platform", "start": 159, "end": 161, "index": [30]}, {"text": ["Windows"], "entity-type": "platform", "start": 164, "end": 170, "index": [32]}, {"text": ["macOS"], "entity-type": "platform", "start": 173, "end": 177, "index": [34]}, {"text": ["Linux"], "entity-type": "platform", "start": 180, "end": 184, "index": [36]}]}, {"sentence": ["Cloudiscovery", "helps", "you", "to", "analyze", "resources", "in", "your", "cloud", "(", "AWS/GCP/Azure/Alibaba/IBM", ")", "account", "."], "golden-entity-mentions": [{"text": ["Cloudiscovery"], "entity-type": "company", "start": 0, "end": 12, "index": [0]}]}, {"sentence": ["Thanks", "to", "[", "Chromatic", "]", "(", "https", ":", "//www.chromatic.com/", ")", "for", "providing", "the", "visual", "testing", "platform", "that", "helps", "us", "review", "UI", "changes", "and", "catch", "visual", "regressions", "."], "golden-entity-mentions": [{"text": ["Chromatic"], "entity-type": "company", "start": 11, "end": 19, "index": [3]}]}, {"sentence": ["The", "easiest", "way", "to", "try", "it", "for", "yourself", "is", "to", "download", "our", "example", "llamafile", "for", "the", "LLaVA", "model", "(", "license", ":", "LLaMA", "2", ",", "OpenAI", ")", "."], "golden-entity-mentions": [{"text": ["LLaMA", "2"], "entity-type": "license", "start": 106, "end": 112, "index": [21, 22]}]}, {"sentence": ["This", "is", "a", "series", "of", "books", "diving", "deep", "into", "the", "core", "mechanisms", "of", "the", "JavaScript", "language", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 70, "end": 79, "index": [14]}]}, {"sentence": ["Intel", "GPU", "support", "is", "available", "for", "all", "Intel", "GPUs", "supported", "by", "Intel", "'s", "Extension", "for", "Pytorch", "(", "IPEX", ")", "with", "the", "support", "requirements", "listed", "in", "the", "[", "Installation", "]", "(", "https", ":", "//intel.github.io/intel-extension-for-pytorch/index.html", "#", "installation", "?", "platform=gpu", ")", "page", "."], "golden-entity-mentions": [{"text": ["Intel"], "entity-type": "Company", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["Works", "fully", "offline", ":", "will", "never", "download", "anything", "."], "golden-entity-mentions": [{"text": ["offline"], "entity-type": "Platform", "start": 12, "end": 18, "index": [2]}]}, {"sentence": ["[", "gorilla/websocket", "]", "(", "https", ":", "//github.com/gorilla/websocket", ")"], "golden-entity-mentions": [{"text": ["gorilla/websocket"], "entity-type": "framework", "start": 1, "end": 17, "index": [1]}]}, {"sentence": ["video", "render", ":", "opengl"], "golden-entity-mentions": [{"text": ["opengl"], "entity-type": "framework", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["We", "'re", "excited", "to", "introduce", "our", "new", "multi-agent", "assistant", "built", "with", "LangGraph", "."], "golden-entity-mentions": [{"text": ["LangGraph"], "entity-type": "framework", "start": 68, "end": 76, "index": [11]}]}, {"sentence": ["Secure", "runtime", "for", "JavaScript", "and", "TypeScript", "that", "uses", "V8", "and", "is", "built", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 19, "end": 28, "index": [3]}, {"text": ["TypeScript"], "entity-type": "language", "start": 34, "end": 43, "index": [5]}]}, {"sentence": ["Compared", "to", "hosted", "services", "such", "as", "Github", "Codespaces", ",", "JetBrains", "Spaces", ",", "or", "Google", "Cloud", "Workstations", ",", "DevPod", "has", "the", "following", "advantages", ":"], "golden-entity-mentions": [{"text": ["JetBrains"], "entity-type": "company", "start": 55, "end": 63, "index": [9]}]}, {"sentence": ["The", "Elementor", "User", "Interface", "was", "designed", "with", "a", "global", "audience", "in", "mind", ".", "It", "supports", "a", "wide", "range", "of", "languages", "and", "is", "also", "RTL", "compatible", "."], "golden-entity-mentions": [{"text": ["RTL"], "entity-type": "language", "start": 124, "end": 126, "index": [23]}]}, {"sentence": ["Easily", "customize", "and", "extend", "your", "config", "with", "[", "lazy.nvim", "]", "(", "https", ":", "//github.com/folke/lazy.nvim", ")"], "golden-entity-mentions": [{"text": ["lazy.nvim"], "entity-type": "framework", "start": 46, "end": 54, "index": [8]}]}, {"sentence": ["Whether", "for", "users", "or", "professional", "developers", ",", "LobeHub", "will", "be", "your", "AI", "Agent", "playground", "."], "golden-entity-mentions": [{"text": ["LobeHub"], "entity-type": "platform", "start": 46, "end": 52, "index": [7]}]}, {"sentence": ["Image", "Super-Resolution", "for", "Anime-style", "art", "using", "Deep", "Convolutional", "Neural", "Networks", "."], "golden-entity-mentions": [{"text": ["Deep", "Convolutional", "Neural", "Networks"], "entity-type": "language", "start": 49, "end": 82, "index": [6, 7, 8, 9]}]}, {"sentence": ["The", "`", "template", "`", "package", "itself", "contains", "a", "simple", "Motion", "Canvas", "project", "that", "can", "be", "used", "during", "development", "."], "golden-entity-mentions": [{"text": ["Motion", "Canvas"], "entity-type": "framework", "start": 48, "end": 60, "index": [9, 10]}]}, {"sentence": ["It", "includes", "a", "universal", "runtime", "and", "libraries", "that", "let", "you", "build", "native", "apps", "by", "writing", "React", "and", "JavaScript", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 98, "end": 107, "index": [17]}]}, {"sentence": ["[", "!", "[", "License", "]", "(", "https", ":", "//img.shields.io/github/license/PromtEngineer/localGPT", ")", "]", "(", "https", ":", "//github.com/PromtEngineer/localGPT/blob/main/LICENSE", ")"], "golden-entity-mentions": [{"text": ["License"], "entity-type": "license", "start": 3, "end": 9, "index": [3]}]}, {"sentence": ["We", "used", "Python", "3.9.9", "and", "[", "PyTorch", "]", "(", "https", ":", "//pytorch.org/", ")", "1.10.1", "to", "train", "and", "test", "our", "models", ",", "but", "the", "codebase", "is", "expected", "to", "be", "compatible", "with", "Python", "3.8-3.11", "and", "recent", "PyTorch", "versions", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 8, "end": 13, "index": [2]}, {"text": ["PyTorch"], "entity-type": "framework", "start": 26, "end": 32, "index": [6]}]}, {"sentence": ["Follow", "us", "on", "[", "Twitter", "]", "(", "https", ":", "//twitter.com/dagger_io", ")", "."], "golden-entity-mentions": [{"text": ["Twitter"], "entity-type": "Company", "start": 14, "end": 20, "index": [4]}]}, {"sentence": ["Bitvavo", "."], "golden-entity-mentions": [{"text": ["Bitvavo"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Dagger", "is", "a", "tool", "that", "lets", "you", "replace", "your", "software", "project", "'s", "artisanal", "scripts", "with", "a", "modern", "API", "and", "cross-language", "scripting", "engine", "."], "golden-entity-mentions": [{"text": ["Dagger"], "entity-type": "Framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["If", "you", "do", "n't", "have", "PyTorch", "installed", ".", "Follow", "their", "instructions", "[", "here", "]", "(", "https", ":", "//pytorch.org/get-started/locally/", ")", "."], "golden-entity-mentions": [{"text": ["PyTorch"], "entity-type": "framework", "start": 18, "end": 24, "index": [5]}]}, {"sentence": ["The", "MIT", "License", "."], "golden-entity-mentions": [{"text": ["MIT", "License"], "entity-type": "license", "start": 4, "end": 14, "index": [1, 2]}]}, {"sentence": ["Prisma", "on", "the", "front-end", "?", "\ud83e\udd2f", "Made", "possible", "thanks", "to", "prisma-client-rust", ",", "developed", "by", "Brendonovich", "."], "golden-entity-mentions": [{"text": ["Prisma"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Open", "[", "Google", "API", "Console", "]", "(", "https", ":", "//console.cloud.google.com/apis/dashboard", ")", "."], "golden-entity-mentions": [{"text": ["Google", "API", "Console"], "entity-type": "framework", "start": 6, "end": 23, "index": [2, 3, 4]}, {"text": ["Google"], "entity-type": "company", "start": 6, "end": 11, "index": [2]}]}, {"sentence": ["It", "'s", "written", "in", "Zig", "and", "powered", "by", "JavaScriptCore", "under", "the", "hood", ",", "dramatically", "reducing", "startup", "times", "and", "memory", "usage", "."], "golden-entity-mentions": [{"text": ["Zig"], "entity-type": "language", "start": 16, "end": 18, "index": [4]}]}, {"sentence": ["PhotoPrism\u00ae", "is", "a", "registered", "trademark", ".", "By", "using", "the", "software", "and", "services", "we", "provide", ",", "you", "agree", "to", "our", "Terms", "of", "Service", ",", "Privacy", "Article", ",", "and", "Code", "of", "Conduct", ".", "Docs", "are", "available", "under", "the", "CC", "BY-NC-SA", "4.0", "License", ";", "additional", "terms", "may", "apply", "."], "golden-entity-mentions": [{"text": ["CC", "BY-NC-SA", "4.0"], "entity-type": "license", "start": 188, "end": 202, "index": [36, 37, 38]}]}, {"sentence": ["Most", "of", "the", "development", "work", "is", "done", "on", "the", "ROS", "code", "here", ":", "https", ":", "//github.com/ClemensElflein/open_mower_ros"], "golden-entity-mentions": [{"text": ["ROS"], "entity-type": "framework", "start": 44, "end": 46, "index": [9]}]}, {"sentence": ["Logseq", "'s", "*", "*", "Whiteboard", "*", "*", "feature", "lets", "you", "organize", "your", "knowledge", "and", "ideas", "using", "a", "spatial", "*", "*", "canvas", "*", "*", "with", "*", "*", "shapes", "*", "*", ",", "*", "*", "drawings", "*", "*", ",", "*", "*", "website", "embeds", "*", "*", ",", "and", "*", "*", "connectors", "*", "*", "."], "golden-entity-mentions": [{"text": ["Whiteboard"], "entity-type": "framework", "start": 11, "end": 20, "index": [4]}]}, {"sentence": ["The", "example", "below", "uses", "[", "scikit-learn", "]", "(", "https", ":", "//scikit-learn.org/", ")", "to", "perform", "logistic", "regression", "on", "image", "features", "."], "golden-entity-mentions": [{"text": ["scikit-learn"], "entity-type": "Framework", "start": 24, "end": 35, "index": [5]}]}, {"sentence": ["Python", "3.8", "or", "greater", "is", "required", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["#", "using", "poetry", "$", "poetry", "add", "diagrams"], "golden-entity-mentions": [{"text": ["poetry"], "entity-type": "language", "start": 8, "end": 13, "index": [2]}]}, {"sentence": ["JSON", "Web", "Tokens"], "golden-entity-mentions": [{"text": ["JSON"], "entity-type": "Language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Install", "Docker", "Desktop"], "golden-entity-mentions": [{"text": ["Docker", "Desktop"], "entity-type": "platform", "start": 8, "end": 21, "index": [1, 2]}]}, {"sentence": ["[", "MIT", "]", "(", "LICENSE", ")"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 1, "end": 3, "index": [1]}]}, {"sentence": ["Run", "Mac", "OS", "X", "in", "Docker", "with", "near-native", "performance", "!"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 16, "end": 21, "index": [5]}]}, {"sentence": ["You", "can", "change", "the", "model", "by", "setting", "the", "model", "parameter", ":", "`", "interpreter", "--", "model", "gpt-3.5-turbo", ",", "interpreter", "--", "model", "claude-2", ",", "interpreter", "--", "model", "command-nightly", "`"], "golden-entity-mentions": [{"text": ["gpt-3.5-turbo"], "entity-type": "company", "start": 78, "end": 90, "index": [15]}, {"text": ["claude-2"], "entity-type": "company", "start": 113, "end": 120, "index": [20]}, {"text": ["command-nightly"], "entity-type": "company", "start": 143, "end": 157, "index": [25]}]}, {"sentence": ["Maintained", "by", "tiny", "corp", "."], "golden-entity-mentions": [{"text": ["tiny", "corp"], "entity-type": "company", "start": 14, "enwd": 4, "index": [2, 3]}]}, {"sentence": ["Previously", ",", "we", "used", "local", "browser", "storage", "to", "store", "data", "."], "golden-entity-mentions": [{"text": ["local", "browser"], "entity-type": "platform", "start": 20, "end": 32, "index": [4, 5]}]}, {"sentence": ["The", "following", "sections", "give", "an", "overview", "of", "how", "to", "run", "the", "model", "from", "the", "Command-line", "interface", "(", "CLI", ")", "or", "directly", "within", "Python", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 121, "end": 126, "index": [22]}]}, {"sentence": ["For", "a", "more", "detailed", "guide", "check", "out", "[", "this", "video", "by", "Mike", "Bird", "]", "(", "https", ":", "//www.youtube.com/watch", "?", "v=CEs51hGWuGU", "?", "si=cN7f6QhfT4edfG5H", ")"], "golden-entity-mentions": [{"text": ["Mike", "Bird"], "entity-type": "company", "start": 51, "end": 59, "index": [11, 12]}]}, {"sentence": ["FlashAttention-2", ":", "Faster", "Attention", "with", "Better", "Parallelism", "and", "Work", "Partitioning", "."], "golden-entity-mentions": [{"text": ["FlashAttention-2"], "entity-type": "platform", "start": 0, "end": 15, "index": [0]}, {"text": ["FlashAttention-2"], "entity-type": "framework", "start": 0, "end": 15, "index": [0]}]}, {"sentence": ["A", "FastAPI", "server", "exposes", "the", "plugin", "'s", "endpoints", "for", "upserting", ",", "querying", ",", "and", "deleting", "documents", "."], "golden-entity-mentions": [{"text": ["FastAPI"], "entity-type": "framework", "start": 2, "end": 8, "index": [1]}]}, {"sentence": ["In", "addition", "to", "these", "guides", ",", "you", "can", "also", "find", "other", "helpful", "resources", "in", "the", "[", "docs/", "]", "(", "docs/", ")", "folder", ",", "such", "as", "the", "[", "Docker", "Web", "App", "Guide", "]", "(", "docs/docker-web-app-guide.md", ")", "and", "the", "[", "mobile", "development", "guide", "]", "(", "docs/develop-logseq-on-mobile.md", ")"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 114, "end": 119, "index": [27]}, {"text": ["mobile"], "entity-type": "platform", "start": 175, "end": 180, "index": [38]}]}, {"sentence": ["Some", "amazing", "companies", ",", "including", "AFFiNE", ",", "are", "looking", "for", "developers", "!"], "golden-entity-mentions": [{"text": ["AFFiNE"], "entity-type": "company", "start": 34, "end": 39, "index": [5]}]}, {"sentence": ["The", "Distil-Whisper", "checkpoints", "are", "compatible", "with", "the", "Faster-Whisper", "package", "."], "golden-entity-mentions": [{"text": ["Faster-Whisper"], "entity-type": "framework", "start": 55, "end": 68, "index": [7]}]}, {"sentence": ["<", "td", ">", "Android", "<", "/td", ">"], "golden-entity-mentions": [{"text": ["Android"], "entity-type": "platform", "start": 4, "end": 10, "index": [3]}]}, {"sentence": ["Made", "with", "\u2764\ufe0f", "by", "Philipp", "C.", "Heckel", "."], "golden-entity-mentions": [{"text": ["Philipp", "C.", "Heckel"], "entity-type": "company", "start": 16, "end": 32, "index": [4, 5, 6]}]}, {"sentence": ["Tech", "Stack", "-", "NextAuth.js", "-", "Authentication"], "golden-entity-mentions": [{"text": ["NextAuth.js"], "entity-type": "framework", "start": 13, "end": 23, "index": [3]}]}, {"sentence": ["Data", "Science", "@", "Airbnb"], "golden-entity-mentions": [{"text": ["Airbnb"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["Sentencepiece", "(", "Byte", "Pair", "Encoding", "scheme", "aka", "'tokenization", "'", ")"], "golden-entity-mentions": [{"text": ["Sentencepiece"], "entity-type": "framework", "start": 0, "end": 12, "index": [0]}]}, {"sentence": ["The", "[", "ChatGPT", "]", "(", "https", ":", "//chat.openai.com/chat", ")", "model", "is", "a", "large", "language", "model", "trained", "by", "[", "OpenAI", "]", "(", "https", ":", "//openai.com/", ")", "that", "is", "capable", "of", "generating", "human-like", "text", "."], "golden-entity-mentions": [{"text": ["ChatGPT"], "entity-type": "platform", "start": 5, "end": 11, "index": [2]}, {"text": ["OpenAI"], "entity-type": "company", "start": 88, "end": 93, "index": [18]}]}, {"sentence": ["Python", "bindings", "for", "GLib/GObject/GIO/GTK+", "(", "GTK+3", ")", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["MobileSAMv2", ",", "available", "at", "[", "ResearchGate", "]", "(", "https", ":", "//www.researchgate.net/publication/376579294_MobileSAMv2_Faster_Segment_Anything_to_Everything", ")", "and", "[", "arXiv", "]", "(", "https", ":", "//arxiv.org/abs/2312.09579.pdf", ")", ",", "replaces", "the", "grid-search", "prompt", "sampling", "in", "SAM", "with", "object-aware", "prompt", "sampling", "for", "faster", "*", "*", "segment", "everything", "(", "SegEvery", ")", "*", "*", "."], "golden-entity-mentions": [{"text": ["ResearchGate"], "entity-type": "platform", "start": 27, "end": 38, "index": [5]}]}, {"sentence": ["*", "Black", "*", "has", "a", "comprehensive", "test", "suite", ",", "with", "efficient", "parallel", "tests", ",", "and", "our", "own", "auto", "formatting", "and", "parallel", "Continuous", "Integration", "runner", "."], "golden-entity-mentions": [{"text": ["Continuous", "Integration", "runner"], "entity-type": "platform", "start": 112, "end": 140, "index": [21, 22, 23]}]}, {"sentence": ["Data", "Science", "@", "DLR"], "golden-entity-mentions": [{"text": ["DLR"], "entity-type": "Company", "start": 14, "end": 16, "index": [3]}]}, {"sentence": ["Built", "With", "-", "Rust"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 13, "end": 16, "index": [3]}]}, {"sentence": ["Set", "up", "API", "keys", "using", "two", "methods", ":", "exporting", "them", "directly", "or", "storing", "them", "in", "a", ".env", "file", ".", "For", "Linux/Windows", "temporary", "setup", ",", "use", "the", "export", "method", ":", "export", "TAVILY_API_KEY=", "{", "Your", "Tavily", "API", "Key", "here", "}", "."], "golden-entity-mentions": [{"text": ["Tavily"], "entity-type": "company", "start": 177, "end": 182, "index": [33]}]}, {"sentence": ["Docker-OSX", "supports", "Kubernetes", "."], "golden-entity-mentions": [{"text": ["Kubernetes"], "entity-type": "platform", "start": 20, "end": 29, "index": [2]}]}, {"sentence": ["Go", "to", "[", "Vercel", "]", "(", "https", ":", "//vercel.com/", ")", "and", "create", "a", "new", "project", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "platform", "start": 7, "end": 12, "index": [3]}, {"text": ["Vercel"], "entity-type": "company", "start": 7, "end": 12, "index": [3]}]}, {"sentence": ["Use", "Docker"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 4, "end": 9, "index": [1]}]}, {"sentence": ["An", "interactive", "demo", "is", "also", "available", "on", "Google", "Colab", ":"], "golden-entity-mentions": [{"text": ["Google", "Colab"], "entity-type": "company", "start": 41, "end": 52, "index": [7, 8]}]}, {"sentence": ["For", "macOS", "Mojave", "and", "Catalina", "support", ",", "we", "recommend", "the", "use", "of", "[", "dosdude1", "'s", "patchers", "]", "(", "http", ":", "//dosdude1.com", ")"], "golden-entity-mentions": [{"text": ["macOS", "Mojave"], "entity-type": "platform", "start": 4, "end": 15, "index": [1, 2]}]}, {"sentence": ["The", "lit-html", "2.0", "directive", "API", "is", "available", "in", "new", "modules", "whose", "paths", "are", "the", "same", "in", "lit-html", "1.4", "and", "2.0", ",", "allowing", "code", "to", "import", "and", "use", "the", "APIs", "against", "either", "version", "."], "golden-entity-mentions": [{"text": ["lit-html"], "entity-type": "framework", "start": 4, "end": 11, "index": [1]}]}, {"sentence": ["Pip", "install", "the", "ultralytics", "package", "including", "all", "requirements", "in", "a", "Python", ">", "=3.8", "environment", "with", "PyTorch", ">", "=1.8", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 68, "end": 73, "index": [10]}]}, {"sentence": ["Currently", "Vercel", "Pro", "Plan", "is", "required", "to", "be", "able", "to", "Deploy", "this", "application", "with", "Vercel", ",", "due", "to", "limitations", "on", "the", "number", "of", "serverless", "functions", "on", "the", "free", "plan", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "platform", "start": 10, "end": 15, "index": [1]}]}, {"sentence": ["Combine", "blocks", "and", "postprocess", "complete", "text", "(", "heuristics", ",", "[", "pdf_postprocessor", "]", "(", "https", ":", "//huggingface.co/vikp/pdf_postprocessor_t5", ")", ")"], "golden-entity-mentions": [{"text": ["pdf_postprocessor"], "entity-type": "framework", "start": 59, "end": 75, "index": [10]}]}, {"sentence": ["For", "alternative", "installation", "methods", "including", "Conda", ",", "Docker", ",", "and", "Git", ",", "please", "refer", "to", "the", "Quickstart", "Guide", "."], "golden-entity-mentions": [{"text": ["Conda"], "entity-type": "platform", "start": 47, "end": 51, "index": [5]}, {"text": ["Docker"], "entity-type": "platform", "start": 54, "end": 59, "index": [7]}, {"text": ["Git"], "entity-type": "platform", "start": 66, "end": 68, "index": [10]}]}, {"sentence": ["<", "img", "alt=", "''", "License", "''", "src=", "''", "https", ":", "//img.shields.io/github/license/LazyVim/LazyVim", "?", "style=for-the-badge", "&", "logo=starship", "&", "color=ee999f", "&", "logoColor=D9E0EE", "&", "labelColor=302D41", "''", "/", ">"], "golden-entity-mentions": [{"text": ["License"], "entity-type": "license", "start": 11, "end": 17, "index": [4]}]}, {"sentence": ["About", "how", "Microsoft", ",", "Google", ",", "and", "others", "are", "training", "people", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Microsoft"], "entity-type": "Company", "start": 10, "end": 18, "index": [2]}, {"text": ["Google"], "entity-type": "Company", "start": 21, "end": 26, "index": [4]}]}, {"sentence": ["It", "is", "designed", "to", "support", "all", "major", "exchanges", "and", "be", "controlled", "via", "Telegram", "or", "webUI", "."], "golden-entity-mentions": [{"text": ["Telegram"], "entity-type": "platform", "start": 68, "end": 75, "index": [12]}, {"text": ["webUI"], "entity-type": "platform", "start": 80, "end": 84, "index": [14]}]}, {"sentence": ["Once", "you", "have", "MPI", "setup", "on", "your", "cluster", ",", "just", "run", ":"], "golden-entity-mentions": [{"text": ["MPI"], "entity-type": "platform", "start": 14, "end": 16, "index": [3]}, {"text": ["cluster"], "entity-type": "platform", "start": 32, "end": 38, "index": [7]}]}, {"sentence": ["Postgres", "and", "dbt"], "golden-entity-mentions": [{"text": ["dbt"], "entity-type": "Framework", "start": 13, "end": 15, "index": [2]}]}, {"sentence": ["We", "recommend", "using", "eslint-plugin-react", "if", "you", "are", "using", "React", "and", "want", "React", "semantics", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "language", "start": 56, "end": 60, "index": [8]}]}, {"sentence": ["InvokeAI", ",", "lstein", "-", "https", ":", "//github.com/invoke-ai/InvokeAI", "(", "originally", "http", ":", "//github.com/lstein/stable-diffusion", ")"], "golden-entity-mentions": [{"text": ["InvokeAI"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}, {"text": ["InvokeAI"], "entity-type": "company", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Ruff", "'s", "linter", "draws", "on", "both", "the", "APIs", "and", "implementation", "details", "of", "many", "other", "tools", "in", "the", "Python", "ecosystem", ",", "especially", "Flake8", ",", "Pyflakes", ",", "pycodestyle", ",", "pydocstyle", ",", "pyupgrade", ",", "and", "isort", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 91, "end": 96, "index": [17]}]}, {"sentence": ["This", "work", "is", "licensed", "under", "a", "<", "a", "rel=", "''", "license", "''", "href=", "''", "http", ":", "//creativecommons.org/licenses/by-nc-sa/4.0/", "''", ">", "Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License", "<", "/a", ">", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License"], "entity-type": "license", "start": 108, "end": 186, "index": [19, 20, 21, 22, 23, 24]}]}, {"sentence": ["Windows", "11", "SDK", "(", "10.0.22621.0", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["If", "you", "want", "faster", "OCR", ",", "set", "`", "OCR_ENGINE", "`", "to", "`", "ocrmypdf", "`", "."], "golden-entity-mentions": [{"text": ["ocrmypdf"], "entity-type": "framework", "start": 45, "end": 52, "index": [12]}]}, {"sentence": ["A", "light-weight", ",", "scalable", ",", "data", "engine", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 49, "end": 52, "index": [9]}]}, {"sentence": ["You", "can", "now", "use", "Anyscale", "Endpoint", "to", "serve", "Llama-2", "models", "in", "your", "RealChar", "easily", "!"], "golden-entity-mentions": [{"text": ["Anyscale"], "entity-type": "company", "start": 16, "end": 23, "index": [4]}]}, {"sentence": ["Using", "Font", "Awesome", "on", "the", "Web"], "golden-entity-mentions": [{"text": ["Web"], "entity-type": "platform", "start": 26, "end": 28, "index": [5]}]}, {"sentence": ["Vim", "is", "a", "greatly", "improved", "version", "of", "the", "good", "old", "UNIX", "editor", "Vi", "."], "golden-entity-mentions": [{"text": ["UNIX"], "entity-type": "platform", "start": 50, "end": 53, "index": [10]}, {"text": ["Vim"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}, {"text": ["Vi"], "entity-type": "language", "start": 0, "end": 1, "index": [12]}]}, {"sentence": ["This", "work", "would", "not", "have", "been", "possible", "without", "amazing", "open", "source", "models", "and", "datasets", ",", "including", "(", "but", "not", "limited", "to", ")", ":", "Surya", ",", "Texify", ",", "Pypdfium2/pdfium", ",", "DocLayNet", "from", "IBM", ",", "ByT5", "from", "Google"], "golden-entity-mentions": [{"text": ["Surya"], "entity-type": "framework", "start": 120, "end": 124, "index": [23]}, {"text": ["Texify"], "entity-type": "framework", "start": 127, "end": 132, "index": [25]}, {"text": ["Pypdfium2/pdfium"], "entity-type": "framework", "start": 135, "end": 150, "index": [27]}, {"text": ["DocLayNet"], "entity-type": "framework", "start": 153, "end": 161, "index": [29]}, {"text": ["IBM"], "entity-type": "company", "start": 168, "end": 170, "index": [31]}, {"text": ["ByT5"], "entity-type": "framework", "start": 173, "end": 176, "index": [33]}, {"text": ["Google"], "entity-type": "company", "start": 183, "end": 188, "index": [35]}]}, {"sentence": ["APIZoo", "contribution", "guide", "for", "community", "API", "contributions", "."], "golden-entity-mentions": [{"text": ["APIZoo"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["Tauri", "allows", "us", "to", "create", "a", "pure", "Rust", "native", "OS", "webview", "..."], "golden-entity-mentions": [{"text": ["Tauri"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["This", "*", "open-access", "*", "course", "is", "directed", "at", "those", "who", "are", "already", "familiar", "with", "C", "and", "object-oriented", "programming", "towards", "a", "proficiency", "level", "of", "C++", "programming", "."], "golden-entity-mentions": [{"text": ["C"], "entity-type": "language", "start": 77, "end": 77, "index": [14]}, {"text": ["C++"], "entity-type": "language", "start": 142, "end": 144, "index": [23]}]}, {"sentence": ["Data", "Science", "@", "Upwork"], "golden-entity-mentions": [{"text": ["Upwork"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["At", "HyperwriteAI", ",", "we", "are", "developing", "Agent-1-Vision", "a", "multimodal", "model", "with", "more", "accurate", "click", "location", "predictions", "."], "golden-entity-mentions": [{"text": ["HyperwriteAI"], "entity-type": "company", "start": 3, "end": 14, "index": [1]}]}, {"sentence": ["CodeFormer", "-", "https", ":", "//github.com/sczhou/CodeFormer"], "golden-entity-mentions": [{"text": ["CodeFormer"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Alpine", "Linux", "3.5", "-", "3.12"], "golden-entity-mentions": [{"text": ["Alpine", "Linux", "3.5", "-", "3.12"], "entity-type": "platform", "start": 0, "end": 22, "index": [0, 1, 2, 3, 4]}]}, {"sentence": ["[", "Stable", "Diffusion", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/b0c1ff2e-8d5b-4f59-906f-ac4c4ccb6737", "#", "stable-diffusion-v1", ")", "is", "a", "latent", "text-to-image", "diffusion", "model", "."], "golden-entity-mentions": [{"text": ["Stable", "Diffusion"], "entity-type": "framework", "start": 1, "end": 16, "index": [1, 2]}]}, {"sentence": ["folly", "supports", "gcc", "(", "5.1+", ")", ",", "clang", ",", "or", "MSVC", "."], "golden-entity-mentions": [{"text": ["MSVC"], "entity-type": "license", "start": 37, "end": 40, "index": [10]}]}, {"sentence": ["Data", "Science", "@", "Siemens", "Mindsphere"], "golden-entity-mentions": [{"text": ["Siemens", "Mindsphere"], "entity-type": "Company", "start": 14, "end": 31, "index": [3, 4]}]}, {"sentence": ["Flutter", "works", "with", "existing", "code", ",", "is", "used", "by", "developers", "and", "organizations", "around", "the", "world", ",", "and", "is", "free", "and", "open", "source", "."], "golden-entity-mentions": [{"text": ["open", "source"], "entity-type": "license", "start": 108, "end": 118, "index": [20, 21]}]}, {"sentence": ["MobileSAM-in-the-Browser", "shows", "a", "demo", "of", "running", "MobileSAM", "on", "the", "browser", "of", "your", "local", "PC", "or", "Mobile", "phone", "."], "golden-entity-mentions": [{"text": ["browser"], "entity-type": "platform", "start": 66, "end": 72, "index": [9]}, {"text": ["local", "PC"], "entity-type": "platform", "start": 82, "end": 89, "index": [12, 13]}, {"text": ["Mobile", "phone"], "entity-type": "platform", "start": 94, "end": 105, "index": [15, 16]}]}, {"sentence": ["The", "library", "for", "web", "and", "native", "user", "interfaces", "."], "golden-entity-mentions": [{"text": ["web"], "entity-type": "platform", "start": 16, "end": 18, "index": [3]}]}, {"sentence": ["October", "26", ",", "2023", ":", "ChatDev", "is", "now", "supported", "with", "Docker", "for", "safe", "execution", "(", "thanks", "to", "contribution", "from", "[", "ManindraDeMel", "]", "(", "https", ":", "//github.com/ManindraDeMel", ")", ")", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 48, "end": 53, "index": [10]}]}, {"sentence": ["API", "Zoo", "Index", "for", "easy", "access", "to", "all", "APIs", "."], "golden-entity-mentions": [{"text": ["API", "Zoo"], "entity-type": "framework", "start": 0, "end": 6, "index": [0, 1]}]}, {"sentence": ["Make", "sure", "you", "have", "Node", "installed", "."], "golden-entity-mentions": [{"text": ["Node"], "entity-type": "platform", "start": 19, "end": 22, "index": [4]}, {"text": ["Node"], "entity-type": "language", "start": 19, "end": 22, "index": [4]}]}, {"sentence": ["Open", "Pretrained", "Transformer", "(", "OPT", ")", ",", "a", "175-Billion", "parameter", "AI", "language", "model", "released", "by", "Meta", "."], "golden-entity-mentions": [{"text": ["OPT"], "entity-type": "platform", "start": 29, "end": 31, "index": [4]}]}, {"sentence": ["See", "the", "[", "LICENSE", "]", "(", "LICENSE", ")", "file", ",", "as", "well", "as", "our", "accompanying", "[", "Acceptable", "Use", "Policy", "]", "(", "USE_POLICY.md", ")"], "golden-entity-mentions": [{"text": ["LICENSE"], "entity-type": "license", "start": 9, "end": 15, "index": [3]}]}, {"sentence": ["Recipe", ":", "Adding", "Nx", "to", "an", "Existing", "Monorepo"], "golden-entity-mentions": [{"text": ["Nx"], "entity-type": "company", "start": 15, "end": 16, "index": [3]}]}, {"sentence": ["Omnivore", "is", "written", "in", "TypeScript", "and", "JavaScript", "."], "golden-entity-mentions": [{"text": ["TypeScript"], "entity-type": "language", "start": 23, "end": 32, "index": [4]}, {"text": ["JavaScript"], "entity-type": "language", "start": 38, "end": 47, "index": [6]}]}, {"sentence": ["JavaScript"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "Language", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Google", "Cloud"], "golden-entity-mentions": [{"text": ["Google", "Cloud"], "entity-type": "company", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["Chat", ",", "TTS", ",", "and", "Image", "generation", "in", "the", "WebUI", ":", "https", ":", "//github.com/mudler/LocalAI/pull/2222"], "golden-entity-mentions": [{"text": ["WebUI"], "entity-type": "framework", "start": 39, "end": 43, "index": [9]}]}, {"sentence": ["You", "can", "run", "sshx", "in", "continuous", "integration", "workflows", "to", "help", "debug", "tricky", "issues", ",", "like", "in", "GitHub", "Actions", "."], "golden-entity-mentions": [{"text": ["GitHub", "Actions"], "entity-type": "platform", "start": 90, "end": 103, "index": [16, 17]}]}, {"sentence": ["Install", "requirements", "(", "Require", "Python", ">", "=", "3.10", ")"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 30, "end": 35, "index": [4]}]}, {"sentence": ["While", "CSS-in-TS", "libraries", "such", "as", "[", "Stitches", "]", "(", "https", ":", "//stitches.dev/", ")", "and", "[", "Vanilla", "Extract", "]", "(", "https", ":", "//vanilla-extract.style/", ")", "are", "great", "for", "building", "type-safe", "UI", "components", ",", "they", "might", "not", "be", "the", "perfect", "fit", "for", "everyone", "."], "golden-entity-mentions": [{"text": ["Stitches"], "entity-type": "framework", "start": 35, "end": 42, "index": [6]}, {"text": ["Vanilla", "Extract"], "entity-type": "framework", "start": 73, "end": 87, "index": [15, 16]}]}, {"sentence": ["based", "on", "the", "MIT", "license"], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 13, "end": 15, "index": [3]}]}, {"sentence": ["The", "source", "code", "license", "is", "MIT", ",", "as", "described", "in", "the", "LICENSE", "file", "."], "golden-entity-mentions": [{"text": ["MIT"], "entity-type": "license", "start": 27, "end": 29, "index": [5]}]}, {"sentence": ["Thanks", "to", "the", "generous", "support", "of", "FutureWei", ",", "Satellite.im", ",", "the", "GitHub", "Accelerator", "program", ",", "we", "'re", "able", "to", "work", "on", "Dioxus", "full-time", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 63, "end": 68, "index": [11]}]}, {"sentence": ["It", "is", "available", "for", "Mac", ",", "Linux", ",", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Mac"], "entity-type": "platform", "start": 20, "end": 22, "index": [4]}, {"text": ["Linux"], "entity-type": "platform", "start": 25, "end": 29, "index": [6]}, {"text": ["Windows"], "entity-type": "platform", "start": 36, "end": 42, "index": [9]}]}, {"sentence": ["Prior", "experience", "with", "Python", "will", "be", "helpful", ",", "but", "you", "can", "pick", "Python", "relatively", "fast", "if", "you", "have", "experience", "with", "other", "programming", "languages", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 22, "end": 27, "index": [3]}]}, {"sentence": ["Install", "a", "pre-written", "one", "through", "the", "Web", "UI", "."], "golden-entity-mentions": [{"text": ["Web", "UI"], "entity-type": "platform", "start": 38, "end": 43, "index": [6, 7]}]}, {"sentence": ["Basics", "of", "using", "Python", "for", "data", "exploration", "with", "libraries", "such", "as", "Pandas", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "Language", "start": 16, "end": 21, "index": [3]}]}, {"sentence": ["If", "you", "want", "to", "use", "science", "models", ":"], "golden-entity-mentions": [{"text": ["science"], "entity-type": "platform", "start": 19, "end": 25, "index": [5]}]}, {"sentence": ["Run", "your", "functions", "from", "the", "CLI", ",", "your", "language", "interpreter", ",", "or", "a", "custom", "HTTP", "client", "."], "golden-entity-mentions": [{"text": ["CLI"], "entity-type": "Platform", "start": 28, "end": 30, "index": [5]}, {"text": ["HTTP", "client"], "entity-type": "Platform", "start": 72, "end": 82, "index": [14, 15]}, {"text": ["CLI"], "entity-type": "Language", "start": 28, "end": 30, "index": [5]}]}, {"sentence": ["You", "can", "follow", "the", "Python", "official", "documentation", "for", "virtual", "environments", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 19, "end": 24, "index": [4]}]}, {"sentence": ["The", "project", "was", "started", "in", "2007", "by", "David", "Cournapeau", "as", "a", "Google", "Summer", "of", "Code", "project", ",", "and", "since", "then", "many", "volunteers", "have", "contributed", "."], "golden-entity-mentions": [{"text": ["Google"], "entity-type": "company", "start": 57, "end": 62, "index": [11]}]}, {"sentence": ["Streamlit", "lets", "you", "turn", "data", "scripts", "into", "shareable", "web", "apps", "in", "minutes", ",", "not", "weeks", "."], "golden-entity-mentions": [{"text": ["Streamlit"], "entity-type": "framework", "start": 0, "end": 8, "index": [0]}]}, {"sentence": ["I", "showed", "them", "my", "implementation", "written", "in", "TCL", ";", "I", "was", "quite", "shocked", "that", "I", "wrote", "it", "18", "years", "ago", "..."], "golden-entity-mentions": [{"text": ["TCL"], "entity-type": "language", "start": 43, "end": 45, "index": [7]}]}, {"sentence": ["To", "handle", "PDF", "documents", "you", "will", "need", "to", "configure", "access", "to", "a", "Google", "Cloud", "Storage", "bucket", "."], "golden-entity-mentions": [{"text": ["Google", "Cloud", "Storage"], "entity-type": "platform", "start": 63, "end": 82, "index": [12, 13, 14]}]}, {"sentence": ["Project", "DeepSpeech", "uses", "Google", "'s", "TensorFlow", "to", "make", "the", "implementation", "easier", "."], "golden-entity-mentions": [{"text": ["TensorFlow"], "entity-type": "framework", "start": 33, "end": 42, "url": "https://www.tensorflow.org/", "index": [5]}, {"text": ["Google"], "entity-type": "company", "start": 24, "end": 29, "index": [3]}]}, {"sentence": ["Dagger", "packages", "your", "functions", "into", "a", "custom", "GraphQL", "API", "."], "golden-entity-mentions": [{"text": ["GraphQL"], "entity-type": "Language", "start": 45, "end": 51, "index": [7]}, {"text": ["GraphQL", "API"], "entity-type": "Framework", "start": 45, "end": 55, "index": [7, 8]}]}, {"sentence": ["I", "want", "you", "to", "act", "as", "a", "R", "interpreter", "."], "golden-entity-mentions": [{"text": ["R"], "entity-type": "language", "start": 23, "end": 23, "index": [7]}]}, {"sentence": ["Data", "Science", "@", "OTTO"], "golden-entity-mentions": [{"text": ["OTTO"], "entity-type": "Company", "start": 14, "end": 17, "index": [3]}]}, {"sentence": ["Alternatively", ",", "you", "can", "build", "Fira", "Code", "using", "Docker", ":"], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 45, "end": 50, "index": [8]}]}, {"sentence": ["Dagger", "functions", "run", "on", "all", "major", "CI", "platforms", "-", "no", "proprietary", "DSL", "needed", "."], "golden-entity-mentions": [{"text": ["CI", "platforms"], "entity-type": "Platform", "start": 34, "end": 45, "index": [6, 7]}]}, {"sentence": ["Backend", ":", "FastAPI", ",", "SQLite", ",", "Docker"], "golden-entity-mentions": [{"text": ["FastAPI"], "entity-type": "framework", "start": 9, "end": 15, "index": [2]}]}, {"sentence": ["This", "project", "is", "not", "associated", "with", "the", "Bitwarden", "project", "nor", "Bitwarden", ",", "Inc", "."], "golden-entity-mentions": [{"text": ["Bitwarden"], "entity-type": "company", "start": 40, "end": 48, "index": [7]}, {"text": ["Bitwarden", ",", "Inc", "."], "entity-type": "company", "start": 62, "end": 76, "index": [7, 11, 12, 13]}]}, {"sentence": ["This", "repository", "is", "tested", "on", "Python", "3.8+", "and", "PyTorch", "1.10.0+", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 29, "end": 34, "index": [5]}, {"text": ["PyTorch"], "entity-type": "language", "start": 45, "end": 51, "index": [8]}]}, {"sentence": ["Features", "."], "golden-entity-mentions": [{"text": ["Features"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["FastFold", ":", "Accelerating", "training", "and", "inference", "on", "GPU", "Clusters", ",", "faster", "data", "processing", ",", "inference", "sequence", "containing", "more", "than", "10000", "residues", "."], "golden-entity-mentions": [{"text": ["FastFold"], "entity-type": "framework", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["The", "Nx", "Show", "Playlist", "on", "YouTube", ".", "It", "'s", "a", "regular", "YouTube", "stream", "where", "we", "talk", "all", "things", "Nx", ".", "Join", "the", "stream", ",", "ask", "questions", ",", "etc", "."], "golden-entity-mentions": [{"text": ["YouTube"], "entity-type": "company", "start": 24, "end": 30, "index": [5]}, {"text": ["YouTube"], "entity-type": "company", "start": 24, "end": 30, "index": [5]}, {"text": ["Nx"], "entity-type": "company", "start": 4, "end": 5, "index": [1]}]}, {"sentence": ["Tools", "like", "[", "Expo", "]", "(", "https", ":", "//expo.dev/", ")", "can", "be", "used", "to", "work", "around", "this", "."], "golden-entity-mentions": [{"text": ["Expo"], "entity-type": "framework", "start": 12, "end": 15, "index": [3]}]}, {"sentence": ["It", "also", "requires", "the", "command-line", "tool", "[", "`", "ffmpeg", "`", "]", "(", "https", ":", "//ffmpeg.org/", ")", "to", "be", "installed", "on", "your", "system", ",", "which", "is", "available", "from", "most", "package", "managers", ":"], "golden-entity-mentions": [{"text": ["ffmpeg"], "entity-type": "framework", "start": 41, "end": 46, "index": [8]}]}, {"sentence": ["Operating", "system", "for", "the", "Apple", "Watch", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "company", "start": 25, "end": 29, "index": [4]}]}, {"sentence": ["Flutter", "code", "is", "powered", "by", "the", "world-class", "[", "Dart", "platform", "]", ",", "which", "enables", "compilation", "to", "32-bit", "and", "64-bit", "ARM", "machine", "code", "for", "iOS", "and", "Android", ",", "JavaScript", "and", "WebAssembly", "for", "the", "web", ",", "as", "well", "as", "Intel", "x64", "and", "ARM", "for", "desktop", "devices", "."], "golden-entity-mentions": [{"text": ["Dart"], "entity-type": "language", "start": 44, "end": 47, "index": [8]}, {"text": ["JavaScript"], "entity-type": "language", "start": 145, "end": 154, "index": [27]}, {"text": ["WebAssembly"], "entity-type": "language", "start": 160, "end": 170, "index": [29]}]}, {"sentence": ["This", "work", "is", "licensed", "under", "a", "Creative", "Commons", "Attribution-ShareAlike", "4.0", "International", "License", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons", "Attribution-ShareAlike", "4.0", "International", "License"], "entity-type": "license", "start": 30, "end": 94, "index": [6, 7, 8, 9, 10, 11]}]}, {"sentence": ["xTrimoMultimer", ":", "accelerating", "structure", "prediction", "of", "protein", "monomers", "and", "multimer", "by", "11x", "."], "golden-entity-mentions": [{"text": ["xTrimoMultimer"], "entity-type": "platform", "start": 0, "end": 13, "index": [0]}]}, {"sentence": ["``", "ChatGPTUnofficialProxyAPI", "(", "web", "accessToken", ")", "''"], "golden-entity-mentions": [{"text": ["web", "accessToken"], "entity-type": "Framework", "start": 28, "end": 42, "index": [3, 4]}]}, {"sentence": ["Tinybird", "\u2013", "analytics"], "golden-entity-mentions": [{"text": ["Tinybird"], "entity-type": "company", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["ESRGAN", "-", "https", ":", "//github.com/xinntao/ESRGAN"], "golden-entity-mentions": [{"text": ["ESRGAN"], "entity-type": "framework", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "Uncompromising", "Code", "Formatter"], "golden-entity-mentions": [{"text": ["Code"], "entity-type": "language", "start": 19, "end": 22, "index": [2]}]}, {"sentence": ["Gorilla", "enables", "LLMs", "to", "use", "tools", "by", "invoking", "APIs", "."], "golden-entity-mentions": [{"text": ["Gorilla"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Speech", "to", "Text", ":", "Local", "WhisperX", ",", "Local", "Whisper", ",", "OpenAI", "Whisper", "API", ",", "Google", "Speech", "to", "Text"], "golden-entity-mentions": [{"text": ["OpenAI", "Whisper", "API"], "entity-type": "framework", "start": 47, "end": 64, "index": [10, 8, 12]}, {"text": ["Google", "Speech", "to", "Text"], "entity-type": "framework", "start": 67, "end": 87, "index": [14, 0, 1, 2]}]}, {"sentence": ["Older", "versions", "of", "Vim", "run", "on", "MS-DOS", ",", "MS-Windows", "95/98/Me/NT/2000/XP/Vista", ",", "Amiga", "DOS", ",", "Atari", "MiNT", ",", "BeOS", ",", "RISC", "OS", "and", "OS/2", "."], "golden-entity-mentions": [{"text": ["MS-DOS"], "entity-type": "platform", "start": 29, "end": 34, "index": [6]}, {"text": ["MS-Windows", "95/98/Me/NT/2000/XP/Vista"], "entity-type": "platform", "start": 37, "end": 72, "index": [8, 9]}, {"text": ["Amiga", "DOS"], "entity-type": "platform", "start": 75, "end": 83, "index": [11, 12]}, {"text": ["Atari", "MiNT"], "entity-type": "platform", "start": 86, "end": 95, "index": [14, 15]}, {"text": ["BeOS"], "entity-type": "platform", "start": 98, "end": 101, "index": [17]}, {"text": ["RISC", "OS"], "entity-type": "platform", "start": 104, "end": 110, "index": [19, 20]}, {"text": ["OS/2"], "entity-type": "platform", "start": 116, "end": 119, "index": [22]}]}, {"sentence": ["Gate.io", "."], "golden-entity-mentions": [{"text": ["Gate.io"], "entity-type": "company", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Installing", "nvm", "on", "Alpine", "Linux"], "golden-entity-mentions": [{"text": ["Alpine", "Linux"], "entity-type": "platform", "start": 18, "end": 29, "index": [3, 4]}]}, {"sentence": ["Thanks", "to", "the", "generous", "support", "of", "FutureWei", ",", "Satellite.im", ",", "the", "GitHub", "Accelerator", "program", ",", "we", "'re", "able", "to", "work", "on", "Dioxus", "full-time", "."], "golden-entity-mentions": [{"text": ["FutureWei"], "entity-type": "company", "start": 34, "end": 42, "index": [6]}]}, {"sentence": ["CodeEdit", "is", "a", "code", "editor", "built", "by", "the", "community", ",", "for", "the", "community", ",", "written", "entirely", "and", "unapologetically", "for", "macOS", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "Platform", "start": 111, "end": 115, "index": [19]}, {"text": ["CodeEdit"], "entity-type": "Language", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Or", ",", "if", "you", "'re", "using", "Fedora", ":", "sudo", "dnf", "install", "pipenv"], "golden-entity-mentions": [{"text": ["Fedora"], "entity-type": "platform", "start": 20, "end": 25, "index": [6]}]}, {"sentence": ["Supports", "macOS", ",", "Linux", ",", "and", "Windows", ".", "Portable", "<", "3mb", "binaries"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 16, "end": 20, "index": [3]}]}, {"sentence": ["In", "order", "to", "download", "the", "model", "weights", "and", "tokenizer", ",", "please", "visit", "the", "[", "Meta", "website", "]", "(", "https", ":", "//ai.meta.com/resources/models-and-libraries/llama-downloads/", ")", "and", "accept", "our", "License", "."], "golden-entity-mentions": [{"text": ["License"], "entity-type": "license", "start": 170, "end": 176, "index": [25]}]}, {"sentence": ["Install", "Flutter", "[", "directly", "]", "(", "https", ":", "//flutter.dev", ")", "or", "using", "[", "fvm", "]", "(", "https", ":", "//fvm.app", ")", "(", "see", "[", "version", "required", "]", "(", ".fvm/fvm_config.json", ")", ")"], "golden-entity-mentions": [{"text": ["Flutter"], "entity-type": "language", "start": 8, "end": 14, "index": [1]}, {"text": ["Flutter"], "entity-type": "framework", "start": 8, "end": 14, "index": [1]}, {"text": ["fvm"], "entity-type": "framework", "start": 58, "end": 60, "index": [13]}]}, {"sentence": ["Openai", "Api", "Key", "or", "accessToken", "and", "fill", "in", "the", "local", "environment", "variables"], "golden-entity-mentions": [{"text": ["Openai", "Api", "Key"], "entity-type": "framework", "start": 0, "end": 13, "index": [0, 1, 2]}]}, {"sentence": ["[", "!", "[", "GitHub", "License", "]", "(", "https", ":", "//img.shields.io/github/license/LouisShark/chatgpt_system_prompt", ")", "]", "(", "https", ":", "//github.com/LouisShark/chatgpt_system_prompt/blob/main/LICENSE", ")"], "golden-entity-mentions": [{"text": ["GitHub", "License"], "entity-type": "license", "start": 3, "end": 16, "index": [3, 4]}]}, {"sentence": ["Copyright", "OpenJS", "Foundation", "and", "nvm", "contributors", ".", "All", "rights", "reserved", ".", "The", "OpenJS", "Foundation", "has", "registered", "trademarks", "and", "uses", "trademarks", "."], "golden-entity-mentions": [{"text": ["OpenJS", "Foundation"], "entity-type": "company", "start": 10, "end": 26, "index": [1, 2]}]}, {"sentence": ["Download", "DevPod", "Desktop", ":", "-", "MacOS", "Silicon/ARM"], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 27, "end": 31, "index": [5]}]}, {"sentence": ["Windows", "preview", ":", "[", "Download", "]", "(", "https", ":", "//ollama.com/download/OllamaSetup.exe", ")"], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["The", "React", "frontend"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 4, "end": 8, "index": [1]}]}, {"sentence": ["In", "order", "to", "download", "the", "model", "weights", "and", "tokenizer", ",", "please", "visit", "the", "[", "Meta", "website", "]", "(", "https", ":", "//ai.meta.com/resources/models-and-libraries/llama-downloads/", ")", "and", "accept", "our", "License", "."], "golden-entity-mentions": [{"text": ["License"], "entity-type": "license", "start": 170, "end": 176, "index": [25]}]}, {"sentence": ["Folly", "is", "published", "on", "GitHub", "at", "https", ":", "//github.com/facebook/folly", "."], "golden-entity-mentions": [{"text": ["GitHub"], "entity-type": "company", "start": 22, "end": 27, "index": [4]}]}, {"sentence": ["To", "activate", ",", "you", "need", "to", "source", "bash_completion", ":"], "golden-entity-mentions": [{"text": ["bash_completion"], "entity-type": "framework", "start": 32, "end": 46, "index": [7]}]}, {"sentence": ["This", "demo", "is", "also", "hosted", "on", "HuggingFace", "Space", "."], "golden-entity-mentions": [{"text": ["HuggingFace", "Space"], "entity-type": "platform", "start": 28, "end": 44, "index": [6, 7]}]}, {"sentence": ["Open", "Interpreter", "can", "use", "OpenAI-compatible", "server", "to", "run", "models", "locally", ".", "(", "LM", "Studio", ",", "jan.ai", ",", "ollama", "etc", ")"], "golden-entity-mentions": [{"text": ["LM", "Studio"], "entity-type": "company", "start": 74, "end": 82, "index": [12, 13]}, {"text": ["jan.ai"], "entity-type": "company", "start": 85, "end": 90, "index": [15]}, {"text": ["ollama"], "entity-type": "company", "start": 93, "end": 98, "index": [17]}]}, {"sentence": ["Folly", "contains", "a", "variety", "of", "core", "library", "components", "used", "extensively", "at", "Facebook", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 72, "end": 79, "index": [11]}]}, {"sentence": ["Extract", "text", ",", "OCR", "if", "necessary", "(", "heuristics", ",", "[", "surya", "]", "(", "https", ":", "//github.com/VikParuchuri/surya", ")", ",", "tesseract", ")"], "golden-entity-mentions": [{"text": ["surya"], "entity-type": "framework", "start": 45, "end": 49, "index": [10]}, {"text": ["tesseract"], "entity-type": "framework", "start": 92, "end": 100, "index": [18]}]}, {"sentence": ["Seeker", "works", "best", "with", "Smartphones", ",", "if", "the", "GPS", "Hardware", "is", "not", "present", ",", "such", "as", "on", "a", "Laptop", ",", "Seeker", "fallbacks", "to", "IP", "Geolocation", "or", "it", "will", "look", "for", "Cached", "Coordinates", "."], "golden-entity-mentions": [{"text": ["Smartphones"], "entity-type": "platform", "start": 23, "end": 33, "index": [4]}, {"text": ["Laptop"], "entity-type": "platform", "start": 85, "end": 90, "index": [18]}]}, {"sentence": ["StableStudio", "is", "[", "Stability", "AI", "]", "(", "https", ":", "//stability.ai/", ")", "'s", "official", "open-source", "variant", "of", "[", "DreamStudio", "]", "(", "https", ":", "//www.dreamstudio.ai/", ")", ",", "our", "user", "interface", "for", "generative", "AI", "."], "golden-entity-mentions": [{"text": ["Stability", "AI"], "entity-type": "company", "start": 17, "end": 28, "index": [3, 4]}]}, {"sentence": ["on", "MacOS", "using", "Homebrew", "(", "https", ":", "//brew.sh/", ")", "brew", "install", "ffmpeg"], "golden-entity-mentions": [{"text": ["MacOS"], "entity-type": "platform", "start": 3, "end": 7, "index": [1]}, {"text": ["Homebrew"], "entity-type": "platform", "start": 15, "end": 22, "index": [3]}]}, {"sentence": ["macOS", "users", "can", "download", "the", "Graphviz", "via", "brew", "install", "graphviz", "if", "you", "'re", "using", "Homebrew", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["official", "NPM", "packages", "for", "popular", "frontend", "libraries", "like", "React"], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 58, "end": 62, "index": [8]}]}, {"sentence": ["Adaptive", "prediction", "modeling", ":", "Build", "a", "smart", "strategy", "with", "FreqAI", "that", "self-trains", "to", "the", "market", "via", "adaptive", "machine", "learning", "methods", "."], "golden-entity-mentions": [{"text": ["FreqAI"], "entity-type": "framework", "start": 58, "end": 63, "index": [9]}, {"text": ["adaptive", "machine", "learning", "methods"], "entity-type": "framework", "start": 100, "end": 132, "index": [16, 17, 18, 19]}]}, {"sentence": ["Folly", "(", "acronymed", "loosely", "after", "Facebook", "Open", "Source", "Library", ")", "is", "a", "library", "of", "C++17", "components", "designed", "with", "practicality", "and", "efficiency", "in", "mind", "."], "golden-entity-mentions": [{"text": ["C++17"], "entity-type": "language", "start": 77, "end": 81, "index": [14]}]}, {"sentence": ["You", "can", "install", "ComfyUI", "in", "Apple", "Mac", "silicon", "(", "M1", "or", "M2", ")", "with", "any", "recent", "macOS", "version", "."], "golden-entity-mentions": [{"text": ["Apple"], "entity-type": "Company", "start": 27, "end": 31, "index": [5]}]}, {"sentence": ["Facebook", "has", "adopted", "a", "Code", "of", "Conduct", "that", "we", "expect", "project", "participants", "to", "adhere", "to", "."], "golden-entity-mentions": [{"text": ["Facebook"], "entity-type": "company", "start": 0, "end": 7, "index": [0]}]}, {"sentence": ["Thanks", "to", "Docker", "for", "providing", "the", "container", "platform", "that", "helps", "us", "run", "Misskey", "in", "production", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "platform", "start": 10, "end": 15, "index": [2]}]}, {"sentence": ["The", "script", "will", "place", "the", "micro", "binary", "in", "the", "current", "directory", ".", "From", "there", ",", "you", "can", "move", "it", "to", "a", "directory", "on", "your", "path", "of", "your", "choosing", "(", "e.g", ".", "`", "sudo", "mv", "micro", "/usr/bin", "`", ")", ".", "See", "its", "[", "GitHub", "repository", "]", "(", "https", ":", "//github.com/benweissmann/getmic.ro", ")", "for", "more", "information", "."], "golden-entity-mentions": [{"text": ["micro"], "entity-type": "framework", "start": 26, "end": 30, "index": [5]}]}, {"sentence": ["Git", "for", "Windows"], "golden-entity-mentions": [{"text": ["Git", "for", "Windows"], "entity-type": "platform", "start": 0, "end": 14, "index": [0, 1, 2]}]}, {"sentence": ["Fine-tuning", "Llama-2-7B-32K-beta", ",", "a", "7B", "parameter", "long", "context", "model", "."], "golden-entity-mentions": [{"text": ["Llama-2-7B-32K-beta"], "entity-type": "framework", "start": 12, "end": 30, "index": [1]}]}, {"sentence": ["Changes", "to", "JavaScript", "code", "can", "be", "live", "reloaded", "without", "rebuilding", "the", "native", "app", "."], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 11, "end": 20, "index": [2]}]}, {"sentence": ["Vercel", "\u2013", "deployments"], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["[", "Meta", "AI", "Research", ",", "FAIR", "]", "(", "https", ":", "//ai.facebook.com/research/", ")"], "golden-entity-mentions": [{"text": ["Meta", "AI", "Research", ",", "FAIR"], "entity-type": "company", "start": 1, "end": 22, "index": [1, 2, 3, 4, 5]}]}, {"sentence": ["Review", "information", "about", "Sui", "governance", ",", "[", "decentralization", "]", "(", "https", ":", "//suifoundation.org/decentralization", ")", ",", "and", "[", "Developer", "Grants", "Program", "]", "(", "https", ":", "//sui.io/grants-hub", ")", "on", "the", "[", "Sui", "Foundation", "]", "(", "https", ":", "//suifoundation.org/", ")", "site", "."], "golden-entity-mentions": [{"text": ["Sui", "Foundation"], "entity-type": "company", "start": 171, "end": 184, "index": [3, 30]}]}, {"sentence": ["I", "want", "you", "to", "act", "as", "a", "Graphviz", "DOT", "generator", ",", "an", "expert", "to", "create", "meaningful", "diagrams", "."], "golden-entity-mentions": [{"text": ["Graphviz", "DOT"], "entity-type": "framework", "start": 23, "end": 34, "index": [7, 8]}]}, {"sentence": ["Docker", "Quickstart", "documentation", "."], "golden-entity-mentions": [{"text": ["Docker"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["cli", ":", "A", "Rust", "command", "line", "interface", ".", "(", "planned", ")"], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 7, "end": 10, "index": [3]}]}, {"sentence": ["nvm", "is", "a", "version", "manager", "for", "node.js", ",", "designed", "to", "be", "installed", "per-user", ",", "and", "invoked", "per-shell", ".", "nvm", "works", "on", "any", "POSIX-compliant", "shell", "(", "sh", ",", "dash", ",", "ksh", ",", "zsh", ",", "bash", ")", ",", "in", "particular", "on", "these", "platforms", ":", "unix", ",", "macOS", ",", "and", "windows", "WSL", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 203, "end": 207, "index": [44]}, {"text": ["nvm"], "entity-type": "framework", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["[", "The", "CreativeML", "OpenRAIL", "M", "license", "]", "(", "https", ":", "//chatgpt.com/g/g-KrVGJlJ7D-entityfinder/c/LICENSE", ")", "is", "an", "[", "Open", "RAIL", "M", "license", "]", "(", "https", ":", "//www.licenses.ai/blog/2022/8/18/naming-convention-of-responsible-ai-licenses", ")", ",", "adapted", "from", "the", "work", "that", "[", "BigScience", "]", "(", "https", ":", "//bigscience.huggingface.co/", ")", "and", "[", "the", "RAIL", "Initiative", "]", "(", "https", ":", "//www.licenses.ai/", ")", "are", "jointly", "carrying", "in", "the", "area", "of", "responsible", "AI", "licensing", "."], "golden-entity-mentions": [{"text": ["BigScience"], "entity-type": "company", "start": 236, "end": 245, "index": [32]}, {"text": ["RAIL", "Initiative"], "entity-type": "company", "start": 293, "end": 307, "index": [16, 43]}]}, {"sentence": ["We", "use", "corepack", "to", "ensure", "the", "correct", "version", "of", "yarn", "is", "used", "."], "golden-entity-mentions": [{"text": ["corepack"], "entity-type": "framework", "start": 7, "end": 14, "index": [2]}, {"text": ["yarn"], "entity-type": "framework", "start": 49, "end": 52, "index": [9]}]}, {"sentence": ["In", "recent", "years", ",", "thanks", "to", "Node.js", ",", "JavaScript", "has", "become", "the", "\u201c", "lingua", "franca", "\u201d", "of", "the", "web", "for", "both", "front", "and", "backend", "applications", ",", "giving", "rise", "to", "awesome", "projects", "like", "[", "Angular", "]", "(", "https", ":", "//angular.io/", ")", ",", "[", "React", "]", "(", "https", ":", "//github.com/facebook/react", ")", ",", "and", "[", "Vue", "]", "(", "https", ":", "//github.com/vuejs/vue", ")"], "golden-entity-mentions": [{"text": ["Angular"], "entity-type": "framework", "start": 168, "end": 174, "index": [33]}, {"text": ["React"], "entity-type": "framework", "start": 200, "end": 204, "index": [42]}, {"text": ["Vue"], "entity-type": "framework", "start": 248, "end": 250, "index": [52]}]}, {"sentence": ["Installing", "both", "PyTorch", "and", "TorchVision", "with", "CUDA", "support", "is", "strongly", "recommended", "."], "golden-entity-mentions": [{"text": ["CUDA"], "entity-type": "platform", "start": 45, "end": 48, "index": [6]}]}, {"sentence": ["Built", "With", ":", "Next.js", ",", "tRPC", ",", "React.js", ",", "Tailwind", "CSS", ",", "Prisma.io", ",", "Daily.co"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 12, "end": 18, "index": [3]}, {"text": ["tRPC"], "entity-type": "framework", "start": 21, "end": 24, "index": [5]}, {"text": ["React.js"], "entity-type": "framework", "start": 27, "end": 34, "index": [7]}, {"text": ["Tailwind", "CSS"], "entity-type": "framework", "start": 37, "end": 48, "index": [9, 10]}, {"text": ["Prisma.io"], "entity-type": "framework", "start": 51, "end": 59, "index": [12]}, {"text": ["Daily.co"], "entity-type": "framework", "start": 62, "end": 69, "index": [14]}]}, {"sentence": ["A", "high-level", "neural", "networks", "library", "and", "capable", "of", "running", "on", "top", "of", "either", "TensorFlow", "or", "Theano", "."], "golden-entity-mentions": [{"text": ["TensorFlow"], "entity-type": "framework", "start": 77, "end": 86, "index": [13]}]}, {"sentence": ["With", "a", "suite", "of", "diverse", "APIs", ",", "it", "enables", "users", "to", "extract", "contextual", "information", ",", "find", "precise", "answers", ",", "or", "engage", "in", "interactive", "chat", "conversations", ",", "all", "tailored", "to", "their", "own", "data", "."], "golden-entity-mentions": [{"text": ["APIs"], "entity-type": "platform", "start": 24, "end": 27, "index": [5]}]}, {"sentence": ["Thanks", "to", "[", "Chromatic", "]", "(", "https", ":", "//www.chromatic.com/", ")", "for", "providing", "the", "visual", "testing", "platform", "that", "helps", "us", "review", "UI", "changes", "and", "catch", "visual", "regressions", "."], "golden-entity-mentions": [{"text": ["Chromatic"], "entity-type": "company", "start": 11, "end": 19, "index": [3]}]}, {"sentence": ["Next.js", "\u2013", "framework"], "golden-entity-mentions": [{"text": ["Next.js"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["The", "code", "in", "this", "repository", "is", "released", "under", "the", "MIT", "license", "as", "found", "in", "the", "LICENSE", "file", "."], "golden-entity-mentions": [{"text": ["MIT", "license"], "entity-type": "license", "start": 50, "end": 60, "index": [9, 10]}]}, {"sentence": ["C++", "ATL", "for", "latest", "v143", "build", "tools", "(", "x86", "&", "x64", "or", "ARM64", ")"], "golden-entity-mentions": [{"text": ["C++"], "entity-type": "language", "start": 0, "end": 2, "index": [0]}]}, {"sentence": ["Thanks", "to", "Chromatic", "for", "providing", "the", "visual", "testing", "platform", "that", "helps", "us", "review", "UI", "changes", "and", "catch", "visual", "regressions", "."], "golden-entity-mentions": [{"text": ["Chromatic"], "entity-type": "framework", "start": 10, "end": 18, "index": [2]}]}, {"sentence": ["Automattic"], "golden-entity-mentions": [{"text": ["Automattic"], "entity-type": "company", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["You", "can", "find", "your", "API", "key", "here", ".", "You", "need", "to", "create", "an", "account", "first", ".", "And", "put", "your", "credit", "card", "information", "."], "golden-entity-mentions": [{"text": ["API"], "entity-type": "framework", "start": 18, "end": 20, "index": [4]}]}, {"sentence": ["Neovim", ">", "=", "*", "*", "0.9.0", "*", "*", "(", "needs", "to", "be", "built", "with", "*", "*", "LuaJIT", "*", "*", ")", "-", "Git", ">", "=", "*", "*", "2.19.0", "*", "*", "(", "for", "partial", "clones", "support", ")"], "golden-entity-mentions": [{"text": ["Neovim"], "entity-type": "platform", "start": 0, "end": 5, "index": [0]}, {"text": ["Git"], "entity-type": "platform", "start": 58, "end": 60, "index": [21]}]}, {"sentence": ["Many", "codes", "are", "based", "on", "[", "Lavis", "]", "(", "https", ":", "//github.com/salesforce/LAVIS", ")", "with", "BSD", "3-Clause", "License", "."], "golden-entity-mentions": [{"text": ["Lavis"], "entity-type": "framework", "start": 25, "end": 29, "index": [6]}]}, {"sentence": ["-", "server", ":", "Node", "backend", "to", "serve", "API", "logics"], "golden-entity-mentions": [{"text": ["Node"], "entity-type": "language", "start": 10, "end": 13, "index": [3]}]}, {"sentence": ["Data", "Science", "@", "Paypal"], "golden-entity-mentions": [{"text": ["Paypal"], "entity-type": "Company", "start": 14, "end": 19, "index": [3]}]}, {"sentence": ["*", "*", "Blazity", "*", "*", "is", "a", "group", "of", "Next.js/Headless", "experts", "."], "golden-entity-mentions": [{"text": ["Blazity"], "entity-type": "company", "start": 2, "end": 8, "index": [2]}]}, {"sentence": ["Apache", "Drill"], "golden-entity-mentions": [{"text": ["Apache", "Drill"], "entity-type": "Framework", "start": 0, "end": 11, "index": [0, 1]}]}, {"sentence": ["The", "Rift", "VSCode", "extension", "implements", "a", "client", "and", "end-user", "interface", "which", "is", "the", "first", "step", "into", "that", "future", "."], "golden-entity-mentions": [{"text": ["VSCode"], "entity-type": "platform", "start": 9, "end": 14, "index": [2]}]}, {"sentence": ["Distributed", "under", "the", "AGPLv3", "License", ".", "See", "`", "LICENSE.md", "`", "for", "more", "information", "."], "golden-entity-mentions": [{"text": ["AGPLv3"], "entity-type": "license", "start": 22, "end": 27, "index": [3]}]}, {"sentence": ["Or", ",", "if", "you", "'re", "using", "FreeBSD", ":", "pkg", "install", "py39-pipenv"], "golden-entity-mentions": [{"text": ["FreeBSD"], "entity-type": "platform", "start": 20, "end": 26, "index": [6]}]}, {"sentence": ["faster-whisper", "is", "a", "reimplementation", "of", "OpenAI", "'s", "Whisper", "model", "using", "CTranslate2", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 40, "end": 45, "index": [5]}]}, {"sentence": ["Thanks", "to", "[", "DigitalOcean", "]", "(", "https", ":", "//www.digitalocean.com/", "?", "refcode=32f291566cf7", "&", "utm_campaign=Referral_Invite", "&", "utm_medium=Referral_Program", "&", "utm_source=CopyPaste", ")", "for", "hosting", "the", "Standard", "C++", "Foundation", "website", "."], "golden-entity-mentions": [{"text": ["DigitalOcean"], "entity-type": "Company", "start": 11, "end": 22, "index": [3]}]}, {"sentence": ["Databricks", "\u2019", "Dolly", "is", "an", "instruction-following", "large", "language", "model", "trained", "on", "the", "Databricks", "machine", "learning", "platform", "that", "is", "licensed", "for", "commercial", "use", "."], "golden-entity-mentions": [{"text": ["Databricks"], "entity-type": "platform", "start": 0, "end": 9, "index": [0]}, {"text": ["Databricks", "machine", "learning", "platform"], "entity-type": "platform", "start": 82, "end": 117, "index": [0, 13, 14, 15]}, {"text": ["Databricks"], "entity-type": "company", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["You", "can", "also", "run", "a", "demo", "of", "MobileSAM", "on", "[", "your", "local", "PC", "]", "(", "https", ":", "//github.com/ChaoningZhang/MobileSAM/tree/master/app", ")", "."], "golden-entity-mentions": [{"text": ["local", "PC"], "entity-type": "platform", "start": 46, "end": 53, "index": [11, 12]}]}, {"sentence": ["pip", "install", "self-operating-computer"], "golden-entity-mentions": [{"text": ["self-operating-computer"], "entity-type": "framework", "start": 12, "end": 34, "index": [2]}]}, {"sentence": ["Tauri", "allows", "us", "to", "create", "a", "pure", "Rust", "native", "OS", "webview", "..."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 33, "end": 36, "index": [7]}]}, {"sentence": ["We", "recommend", "using", "eslint-plugin-react", "if", "you", "are", "using", "React", "and", "want", "React", "semantics", "."], "golden-entity-mentions": [{"text": ["eslint-plugin-react"], "entity-type": "framework", "start": 19, "end": 37, "index": [3]}]}, {"sentence": ["LyCORIS", "-", "KohakuBlueleaf"], "golden-entity-mentions": [{"text": ["LyCORIS"], "entity-type": "framework", "start": 0, "end": 6, "index": [0]}]}, {"sentence": ["Made", "possible", "thanks", "to", "prisma", "client", "rust", ",", "developed", "by", "Brendonovich", "."], "golden-entity-mentions": [{"text": ["Brendonovich"], "entity-type": "company", "start": 57, "end": 68, "index": [10]}]}, {"sentence": ["A", "Kakoune", "/", "Neovim", "inspired", "editor", ",", "written", "in", "Rust", "."], "golden-entity-mentions": [{"text": ["Kakoune"], "entity-type": "framework", "start": 2, "end": 8, "index": [1]}, {"text": ["Neovim"], "entity-type": "framework", "start": 12, "end": 17, "index": [3]}]}, {"sentence": ["To", "run", "Documenso", "locally", ",", "you", "will", "need", "Node.js", "(", "v18", "or", "above", ")", ",", "Postgres", "SQL", "Database", ",", "Docker", "(", "optional", ")"], "golden-entity-mentions": [{"text": ["Node.js"], "entity-type": "platform", "start": 40, "end": 46, "index": [8]}, {"text": ["Postgres", "SQL", "Database"], "entity-type": "platform", "start": 64, "end": 84, "index": [15, 16, 17]}, {"text": ["Docker"], "entity-type": "platform", "start": 87, "end": 92, "index": [19]}]}, {"sentence": ["Enter", "your", "OpenAI", "Key", ":", "If", "you", "do", "n't", "have", "one", ",", "you", "can", "obtain", "an", "OpenAI", "key", "[", "here", "]", "(", "https", ":", "//platform.openai.com/account/api-keys", ")", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 11, "end": 16, "index": [2]}]}, {"sentence": ["Rust", "llama2.rs", "by", "@", "gaxler", ":", "a", "Rust", "port", "of", "this", "project", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["Project", "DeepSpeech", "uses", "Google", "'s", "TensorFlow", "to", "make", "the", "implementation", "easier", "."], "golden-entity-mentions": [{"text": ["TensorFlow"], "entity-type": "framework", "start": 33, "end": 42, "index": [5]}]}, {"sentence": ["With", "SVG", "with", "JavaScript"], "golden-entity-mentions": [{"text": ["JavaScript"], "entity-type": "language", "start": 14, "end": 23, "index": [3]}]}, {"sentence": ["Integrated", "bundler", "for", "deploying", "to", "the", "web", ",", "macOS", ",", "Linux", ",", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 45, "end": 49, "index": [8]}]}, {"sentence": ["This", "work", "is", "licensed", "under", "a", "Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License", "."], "golden-entity-mentions": [{"text": ["Creative", "Commons", "Attribution-NonCommercial-ShareAlike", "4.0", "International", "License"], "entity-type": "License", "start": 30, "end": 108, "index": [6, 7, 8, 9, 10, 11]}]}, {"sentence": ["Python", "bindings", "for", "OpenGL", "and", "it", "'s", "related", "APIs", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["*", "\u2728", "\u901a\u8fc7\u6807\u51c6\u7684", "OpenAI", "API", "\u683c\u5f0f\u8bbf\u95ee\u6240\u6709\u7684\u5927\u6a21\u578b\uff0c\u5f00\u7bb1\u5373\u7528", "\u2728", "*"], "golden-entity-mentions": [{"text": ["OpenAI", "API"], "entity-type": "framework", "start": 9, "end": 18, "index": [3, 4]}]}, {"sentence": ["We", "collaborated", "with", "[", "LAION", "]", "(", "https", ":", "//laion.ai/", ")", "and", "[", "Ontocord.ai", "]", "(", "https", ":", "//www.ontocord.ai/", ")", "to", "build", "the", "training", "data", "used", "to", "fine", "tune", "this", "model", "."], "golden-entity-mentions": [{"text": ["LAION"], "entity-type": "company", "start": 22, "end": 26, "index": [4]}, {"text": ["Ontocord.ai"], "entity-type": "company", "start": 53, "end": 63, "index": [13]}]}, {"sentence": ["LLM", ":", "ReByte", ",", "OpenAI", "GPT3.5/4", ",", "Anthropic", "Claude", "2", ",", "Anyscale", "Llama2"], "golden-entity-mentions": [{"text": ["ReByte"], "entity-type": "platform", "start": 5, "end": 10, "index": [2]}, {"text": ["OpenAI", "GPT3.5/4"], "entity-type": "platform", "start": 13, "end": 27, "index": [4, 5]}, {"text": ["Anthropic", "Claude", "2"], "entity-type": "platform", "start": 30, "end": 47, "index": [7, 8, 9]}, {"text": ["Anyscale", "Llama2"], "entity-type": "platform", "start": 50, "end": 64, "index": [11, 12]}]}, {"sentence": ["Linux", ":", "~/.local/share/bloop/bleep/logs"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 0, "end": 4, "index": [0]}]}, {"sentence": ["The", "Ivy", "community", "on", "our", "Discord", "\ud83d\udc7e", "server", ",", "which", "is", "the", "perfect", "place", "to", "ask", "questions", ",", "share", "ideas", ",", "and", "get", "help", "from", "both", "fellow", "developers", "and", "the", "Ivy", "Team", "directly", "!"], "golden-entity-mentions": [{"text": ["Discord"], "entity-type": "platform", "start": 25, "end": 31, "index": [5]}]}, {"sentence": ["The", "Plane", "community", "can", "be", "found", "on", "[", "GitHub", "Discussions", "]", "(", "https", ":", "//github.com/orgs/makeplane/discussions", ")", ",", "and", "our", "[", "Discord", "server", "]", "(", "https", ":", "//discord.com/invite/A92xrEGCge", ")", "."], "golden-entity-mentions": [{"text": ["Plane"], "entity-type": "company", "start": 4, "end": 8, "index": [1]}]}, {"sentence": ["Sui", "is", "written", "in", "[", "Rust", "]", "(", "https", ":", "//www.rust-lang.org/", ")", "and", "supports", "smart", "contracts", "written", "in", "the", "[", "Move", "programming", "language", "]", "(", "https", ":", "//github.com/move-language/move", ")", "to", "define", "assets", "that", "may", "have", "an", "owner", "."], "golden-entity-mentions": [{"text": ["Rust"], "entity-type": "language", "start": 19, "end": 22, "index": [5]}, {"text": ["Move"], "entity-type": "language", "start": 98, "end": 101, "index": [20]}]}, {"sentence": ["#", "On", "Linux", "via", "Flatpak"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 5, "end": 9, "index": [2]}]}, {"sentence": ["<", "td", ">", "macOS", "<", "/td", ">"], "golden-entity-mentions": [{"text": ["macOS"], "entity-type": "platform", "start": 4, "end": 8, "index": [3]}]}, {"sentence": ["React", "Native", "brings", "[", "*", "*", "React", "*", "*", "'s", "]", "[", "r", "]", "declarative", "UI", "framework", "to", "iOS", "and", "Android", "."], "golden-entity-mentions": [{"text": ["React"], "entity-type": "framework", "start": 0, "end": 4, "index": [0]}, {"text": ["iOS"], "entity-type": "platform", "start": 65, "end": 67, "index": [18]}, {"text": ["Android"], "entity-type": "platform", "start": 73, "end": 79, "index": [20]}]}, {"sentence": ["Set", "Up", "Python", "Environment", ":", "Ensure", "you", "have", "a", "version", "3.9", "or", "higher", "Python", "environment", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 7, "end": 12, "index": [2]}]}, {"sentence": ["#", "On", "Linux", "via", "Snap"], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 5, "end": 9, "index": [2]}]}, {"sentence": ["You", "can", "deploy", "your", "own", "version", "of", "Novel", "to", "Vercel", "with", "one", "click", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "platform", "start": 44, "end": 49, "index": [9]}]}, {"sentence": ["Open", "Assistant", "is", "a", "project", "meant", "to", "give", "everyone", "access", "to", "a", "great", "chat", "based", "large", "language", "model", "."], "golden-entity-mentions": [{"text": ["Open", "Assistant"], "entity-type": "framework", "start": 0, "end": 13, "index": [0, 1]}, {"text": ["Open", "Assistant"], "entity-type": "company", "start": 0, "end": 13, "index": [0, 1]}]}, {"sentence": ["Integrates", "with", "a", "variety", "of", "plugins", ",", "including", ":", "[", "vim-bufferline", "]", "[", "6", "]", ",", "[", "fugitive", "]", "[", "4", "]", ",", "[", "flog", "]", "[", "62", "]", ",", "[", "unite", "]", "[", "9", "]", ",", "[", "ctrlp", "]", "[", "10", "]", ",", "[", "minibufexpl", "]", "[", "15", "]", ",", "[", "gundo", "]", "[", "16", "]", ",", "[", "undotree", "]", "[", "17", "]", ",", "[", "nerdtree", "]", "[", "18", "]", ",", "[", "tagbar", "]", "[", "19", "]", ",", "[", "vim-gitgutter", "]", "[", "29", "]", ",", "[", "vim-signify", "]", "[", "30", "]", ",", "[", "quickfixsigns", "]", "[", "39", "]", ",", "[", "syntastic", "]", "[", "5", "]", ",", "[", "eclim", "]", "[", "34", "]", ",", "[", "lawrencium", "]", "[", "21", "]", ",", "[", "virtualenv", "]", "[", "31", "]", ",", "[", "tmuxline", "]", "[", "35", "]", ",", "[", "taboo.vim", "]", "[", "37", "]", ",", "[", "ctrlspace", "]", "[", "38", "]", ",", "[", "vim-bufmru", "]", "[", "47", "]", ",", "[", "vimagit", "]", "[", "50", "]", ",", "[", "denite", "]", "[", "51", "]", ",", "[", "vim.battery", "]", "[", "61", "]", "and", "more", "."], "golden-entity-mentions": [{"text": ["vim-bufferline"], "entity-type": "framework", "start": 50, "end": 63, "index": [10]}, {"text": ["fugitive"], "entity-type": "framework", "start": 71, "end": 78, "index": [17]}, {"text": ["flog"], "entity-type": "framework", "start": 86, "end": 89, "index": [24]}, {"text": ["unite"], "entity-type": "framework", "start": 98, "end": 102, "index": [31]}, {"text": ["ctrlp"], "entity-type": "framework", "start": 110, "end": 114, "index": [38]}, {"text": ["minibufexpl"], "entity-type": "framework", "start": 123, "end": 133, "index": [45]}, {"text": ["gundo"], "entity-type": "framework", "start": 142, "end": 146, "index": [52]}, {"text": ["undotree"], "entity-type": "framework", "start": 155, "end": 162, "index": [59]}, {"text": ["nerdtree"], "entity-type": "framework", "start": 171, "end": 178, "index": [66]}, {"text": ["tagbar"], "entity-type": "framework", "start": 187, "end": 192, "index": [73]}, {"text": ["vim-gitgutter"], "entity-type": "framework", "start": 201, "end": 213, "index": [80]}, {"text": ["vim-signify"], "entity-type": "framework", "start": 222, "end": 232, "index": [87]}, {"text": ["quickfixsigns"], "entity-type": "framework", "start": 241, "end": 253, "index": [94]}, {"text": ["syntastic"], "entity-type": "framework", "start": 262, "end": 270, "index": [101]}, {"text": ["eclim"], "entity-type": "framework", "start": 278, "end": 282, "index": [108]}, {"text": ["lawrencium"], "entity-type": "framework", "start": 291, "end": 300, "index": [115]}, {"text": ["virtualenv"], "entity-type": "framework", "start": 309, "end": 318, "index": [122]}, {"text": ["tmuxline"], "entity-type": "framework", "start": 327, "end": 334, "index": [129]}, {"text": ["taboo.vim"], "entity-type": "framework", "start": 343, "end": 351, "index": [136]}, {"text": ["ctrlspace"], "entity-type": "framework", "start": 360, "end": 368, "index": [143]}, {"text": ["vim-bufmru"], "entity-type": "framework", "start": 377, "end": 386, "index": [150]}, {"text": ["vimagit"], "entity-type": "framework", "start": 395, "end": 401, "index": [157]}, {"text": ["denite"], "entity-type": "framework", "start": 410, "end": 415, "index": [164]}, {"text": ["vim.battery"], "entity-type": "framework", "start": 424, "end": 434, "index": [171]}]}, {"sentence": ["Python", "-m", "nougat.dataset.create_index", "--", "dir", "path/paired/output", "--", "out", "index.jsonl"], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["The", "easiest", "way", "to", "try", "it", "for", "yourself", "is", "to", "download", "our", "example", "llamafile", "for", "the", "LLaVA", "model", "(", "license", ":", "LLaMA", "2", ",", "OpenAI", ")", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 115, "end": 120, "index": [24]}]}, {"sentence": ["A", "markdown", "parser", "written", "in", "Go", "for", "Memos", "."], "golden-entity-mentions": [{"text": ["Go"], "entity-type": "language", "start": 29, "end": 30, "index": [5]}]}, {"sentence": ["you", "can", "redistribute", "it", "and/or", "modify", "it", "under", "the", "terms", "of", "the", "GNU", "Affero", "General", "Public", "License", "as", "published", "by", "the", "Free", "Software", "Foundation", ",", "either", "version", "3", "of", "the", "License", ",", "or", "(", "at", "your", "option", ")", "any", "later", "version", "."], "golden-entity-mentions": [{"text": ["GNU", "Affero", "General", "Public", "License"], "entity-type": "licenses", "start": 64, "end": 96, "index": [12, 13, 14, 15, 16]}]}, {"sentence": ["Java", ":", "kherud/java-llama.cpp"], "golden-entity-mentions": [{"text": ["Java"], "entity-type": "language", "start": 0, "end": 3, "index": [0]}]}, {"sentence": ["These", "lessons", "are", "primarily", "written", "in", "Python", ",", "but", "many", "are", "also", "available", "in", "R", "."], "golden-entity-mentions": [{"text": ["Python"], "entity-type": "language", "start": 39, "end": 44, "index": [6]}, {"text": ["R"], "entity-type": "language", "start": 78, "end": 78, "index": [14]}]}, {"sentence": ["You", "will", "need", "an", "OpenAI", "API", "key", "with", "access", "to", "the", "GPT-4", "Vision", "API", "or", "an", "Anthropic", "key", "if", "you", "want", "to", "use", "Claude", "Sonnet", ",", "or", "for", "experimental", "video", "support", "."], "golden-entity-mentions": [{"text": ["OpenAI"], "entity-type": "company", "start": 17, "end": 22, "index": [4]}, {"text": ["Anthropic"], "entity-type": "company", "start": 74, "end": 82, "index": [16]}]}, {"sentence": ["Stripe", "\u2013", "payments"], "golden-entity-mentions": [{"text": ["Stripe"], "entity-type": "company", "start": 0, "end": 5, "index": [0]}]}, {"sentence": ["We", "still", "have", "some", "problems", "with", "FreeBSD", ",", "because", "there", "is", "no", "official", "pre-built", "binary", "for", "FreeBSD", ",", "and", "building", "from", "source", "may", "need", "patches", ";", "see", "the", "issue", "ticket", ":"], "golden-entity-mentions": [{"text": ["FreeBSD"], "entity-type": "platform", "start": 33, "end": 39, "index": [6]}]}, {"sentence": ["The", "quickest", "way", "to", "get", "started", "with", "the", "basics", "is", "to", "get", "an", "API", "key", "from", "either", "OpenAI", "or", "Azure", "OpenAI", "and", "to", "run", "one", "of", "the", "C", "#", ",", "Python", ",", "and", "Java", "console", "applications/scripts", "below", "."], "golden-entity-mentions": [{"text": ["C", "#"], "entity-type": "language", "start": 126, "end": 127, "index": [27, 28]}, {"text": ["Python"], "entity-type": "language", "start": 130, "end": 135, "index": [30]}, {"text": ["Java"], "entity-type": "language", "start": 142, "end": 145, "index": [33]}]}, {"sentence": ["Huggingface_hub", "(", "access", "huggingface", "data", "&", "models", ")"], "golden-entity-mentions": [{"text": ["Huggingface_hub"], "entity-type": "framework", "start": 0, "end": 14, "index": [0]}]}, {"sentence": ["PowerShell", "is", "a", "cross-platform", "(", "Windows", ",", "Linux", ",", "and", "macOS", ")", "automation", "and", "configuration", "tool/framework", "that", "works", "well", "with", "your", "existing", "tools", "and", "is", "optimized", "for", "dealing", "with", "structured", "data", "(", "e.g", ".", "JSON", ",", "CSV", ",", "XML", ",", "etc", ".", ")", ",", "REST", "APIs", ",", "and", "object", "models", "."], "golden-entity-mentions": [{"text": ["Windows"], "entity-type": "platform", "start": 32, "end": 38, "index": [5]}, {"text": ["Linux"], "entity-type": "platform", "start": 41, "end": 45, "index": [7]}, {"text": ["macOS"], "entity-type": "platform", "start": 52, "end": 56, "index": [10]}, {"text": ["PowerShell"], "entity-type": "framework", "start": 0, "end": 9, "index": [0]}]}, {"sentence": ["Ruff", "'s", "import", "resolver", "is", "based", "on", "the", "import", "resolution", "algorithm", "from", "Pyright", "."], "golden-entity-mentions": [{"text": ["Pyright"], "entity-type": "company", "start": 72, "end": 78, "index": [12]}]}, {"sentence": ["Then", "\ud83e\udd17", "Accelerate", "can", "be", "installed", "using", "pip", "as", "follows", ":", "pip", "install", "accelerate"], "golden-entity-mentions": [{"text": ["pip"], "entity-type": "language", "start": 41, "end": 43, "index": [7]}, {"text": ["pip"], "entity-type": "language", "start": 41, "end": 43, "index": [7]}]}, {"sentence": ["Maintainers", ":", "The", "project", "is", "currently", "being", "maintained", "by", "[", "Christian", "Brabandt", "]", "[", "42", "]", "and", "[", "Bailey", "Ling", "]", "[", "41", "]", "."], "golden-entity-mentions": [{"text": ["Christian", "Brabandt"], "entity-type": "company", "start": 59, "end": 76, "index": [10, 11]}, {"text": ["Bailey", "Ling"], "entity-type": "company", "start": 88, "end": 98, "index": [18, 19]}]}, {"sentence": ["The", "model", "is", "licensed", "under", "the", "Apache", "2.0", "license", "."], "golden-entity-mentions": [{"text": ["Apache", "2.0"], "entity-type": "license", "start": 32, "end": 41, "index": [6, 7]}]}, {"sentence": ["npm", "install", "react", "react-dom", "@", "excalidraw/excalidraw"], "golden-entity-mentions": [{"text": ["react"], "entity-type": "framework", "start": 12, "end": 16, "index": [2]}]}, {"sentence": ["Our", "frontend", "is", "a", "Next.JS", "app", "and", "is", "hosted", "on", "Vercel", "."], "golden-entity-mentions": [{"text": ["Vercel"], "entity-type": "company", "start": 47, "end": 52, "index": [10]}]}, {"sentence": ["The", "most", "powerful", "and", "modular", "stable", "diffusion", "GUI", "and", "backend", "."], "golden-entity-mentions": [{"text": ["GUI"], "entity-type": "Language", "start": 47, "end": 49, "index": [7]}]}, {"sentence": ["They", "include", "an", ".rmd", "extension", "that", "represents", "an", "*", "*", "R", "Markdown", "*", "*", "file", "which", "can", "be", "simply", "defined", "as", "an", "embedding", "of", "`", "code", "chunks", "`", "(", "of", "R", "or", "other", "languages", ")", "and", "a", "`", "YAML", "header", "`", "(", "that", "guides", "how", "to", "format", "outputs", "such", "as", "PDF", ")", "in", "a", "`", "Markdown", "document", "`", "."], "golden-entity-mentions": [{"text": ["R", "Markdown"], "entity-type": "language", "start": 52, "end": 61, "index": [10, 11]}]}, {"sentence": ["Integrated", "bundler", "for", "deploying", "to", "the", "web", ",", "macOS", ",", "Linux", ",", "and", "Windows", "."], "golden-entity-mentions": [{"text": ["Linux"], "entity-type": "platform", "start": 52, "end": 56, "index": [10]}]}, {"sentence": ["What", "is", "Spark"], "golden-entity-mentions": [{"text": ["Spark"], "entity-type": "Language", "start": 8, "end": 12, "index": [2]}]}, {"sentence": ["Read", "our", "[", "*", "*", "Contributing", "Guide", "*", "*", "]", "[", "contribute", "]", "to", "learn", "about", "our", "development", "process", ",", "how", "to", "propose", "bugfixes", "and", "improvements", ",", "and", "how", "to", "build", "and", "test", "your", "changes", "to", "React", "Native", "."], "golden-entity-mentions": [{"text": ["Contributing", "Guide"], "entity-type": "documentation", "start": 12, "end": 29, "index": [5, 6]}, {"text": ["React", "Native"], "entity-type": "framework", "start": 170, "end": 181, "index": [36, 37]}]}, {"sentence": ["use", "beforehand", "acknowledge", "Community", "Proxy"], "golden-entity-mentions": [{"text": ["Community", "Proxy"], "entity-type": "platform", "start": 27, "end": 41, "index": [3, 4]}]}] \ No newline at end of file diff --git a/task3/NER/structure.pptx b/task3/NER/structure.pptx new file mode 100644 index 0000000..c596535 Binary files /dev/null and b/task3/NER/structure.pptx differ diff --git a/task3/NER/utils/APIs/APIDataset.py b/task3/NER/utils/APIs/APIDataset.py new file mode 100644 index 0000000..bff67fc --- /dev/null +++ b/task3/NER/utils/APIs/APIDataset.py @@ -0,0 +1,59 @@ +''' +Dataset api: 与api_encode配合, 将api_encode的返回结果构造成Dataset方便Pytorch调用 + tips: + 注意如果数据长度不一需要编写collate_fn函数, 若无则将collate_fn设为None +''' + +import torch +import numpy as np +from torch.utils.data import Dataset +from torch.nn.utils.rnn import pad_sequence + +class APIDataset(Dataset): + def __init__(self, bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length, entity_text): + self.bert_inputs = bert_inputs + self.grid_labels = grid_labels + self.grid_mask2d = grid_mask2d + self.pieces2word = pieces2word + self.dist_inputs = dist_inputs + self.sent_length = sent_length + self.entity_text = entity_text + + def __getitem__(self, item): + return torch.LongTensor(self.bert_inputs[item]), \ + torch.LongTensor(self.grid_labels[item]), \ + torch.LongTensor(self.grid_mask2d[item]), \ + torch.LongTensor(self.pieces2word[item]), \ + torch.LongTensor(self.dist_inputs[item]), \ + self.sent_length[item], \ + self.entity_text[item] + + def __len__(self): + return len(self.bert_inputs) + + # collate_fn = None + + def collate_fn(self, data): + bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length, entity_text = map(list, zip(*data)) + + max_tok = np.max(sent_length) + sent_length = torch.LongTensor(sent_length) + max_pie = np.max([x.shape[0] for x in bert_inputs]) + bert_inputs = pad_sequence(bert_inputs, True) + batch_size = bert_inputs.size(0) + + def fill(data, new_data): + for j, x in enumerate(data): + new_data[j, :x.shape[0], :x.shape[1]] = x + return new_data + + dis_mat = torch.zeros((batch_size, max_tok, max_tok), dtype=torch.long) + dist_inputs = fill(dist_inputs, dis_mat) + labels_mat = torch.zeros((batch_size, max_tok, max_tok), dtype=torch.long) + grid_labels = fill(grid_labels, labels_mat) + mask2d_mat = torch.zeros((batch_size, max_tok, max_tok), dtype=torch.bool) + grid_mask2d = fill(grid_mask2d, mask2d_mat) + sub_mat = torch.zeros((batch_size, max_tok, max_pie), dtype=torch.bool) + pieces2word = fill(pieces2word, sub_mat) + + return bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length, entity_text \ No newline at end of file diff --git a/task3/NER/utils/APIs/APIDecode.py b/task3/NER/utils/APIs/APIDecode.py new file mode 100644 index 0000000..189b558 --- /dev/null +++ b/task3/NER/utils/APIs/APIDecode.py @@ -0,0 +1,68 @@ +''' +decode api: 将model预测出的数据转变成理想的格式 + tips: + 需要与Model配合, Model forward的输出即此api输入 +''' + +from collections import defaultdict, deque + +def convert_index_to_text(index, type): + text = "-".join([str(i) for i in index]) + text = text + "-#-{}".format(type) + return text + +def convert_text_to_index(text): + index, type = text.split("-#-") + index = [int(x) for x in index.split("-")] + return index, int(type) + +def api_decode(outputs, entities, length): + + class Node: + def __init__(self): + self.THW = [] # [(tail, type)] + self.NNW = defaultdict(set) # {(head,tail): {next_index}} + + ent_r, ent_p, ent_c = 0, 0, 0 + decode_entities = [] + q = deque() + for instance, ent_set, l in zip(outputs, entities, length): + predicts = [] + nodes = [Node() for _ in range(l)] + for cur in reversed(range(l)): + heads = [] + for pre in range(cur+1): + # THW + if instance[cur, pre] > 1: + nodes[pre].THW.append((cur, instance[cur, pre])) + heads.append(pre) + # NNW + if pre < cur and instance[pre, cur] == 1: + # cur node + for head in heads: + nodes[pre].NNW[(head,cur)].add(cur) + # post nodes + for head,tail in nodes[cur].NNW.keys(): + if tail >= cur and head <= pre: + nodes[pre].NNW[(head,tail)].add(cur) + # entity + for tail,type_id in nodes[cur].THW: + if cur == tail: + predicts.append(([cur], type_id)) + continue + q.clear() + q.append([cur]) + while len(q) > 0: + chains = q.pop() + for idx in nodes[chains[-1]].NNW[(cur,tail)]: + if idx == tail: + predicts.append((chains + [idx], type_id)) + else: + q.append(chains + [idx]) + + predicts = set([convert_index_to_text(x[0], x[1]) for x in predicts]) + decode_entities.append([convert_text_to_index(x) for x in predicts]) + ent_r += len(ent_set) + ent_p += len(predicts) + ent_c += len(predicts.intersection(ent_set)) + return ent_c, ent_p, ent_r, decode_entities \ No newline at end of file diff --git a/task3/NER/utils/APIs/APIEncode.py b/task3/NER/utils/APIs/APIEncode.py new file mode 100644 index 0000000..42f2d82 --- /dev/null +++ b/task3/NER/utils/APIs/APIEncode.py @@ -0,0 +1,115 @@ +''' +encode api: 将原始data数据转化成APIDataset所需要的数据 + tips: + 可以不使用接口的tokenizer, 只需在api_decode中对应修改为自己的tokenizer即可 + 需要调用vocab的add_label方法扩容vocab +''' + +import numpy as np + +class Keys: + sentence = 'sentence' + entity_mentions = 'golden-entity-mentions' + text = 'text' + type = 'entity-type' + start = 'start' + end = 'end' + index = 'index' + +dis2idx = np.zeros((1000), dtype='int64') +dis2idx[1] = 1 +dis2idx[2:] = 2 +dis2idx[4:] = 3 +dis2idx[8:] = 4 +dis2idx[16:] = 5 +dis2idx[32:] = 6 +dis2idx[64:] = 7 +dis2idx[128:] = 8 +dis2idx[256:] = 9 + +def convert_index_to_text(index, type): + text = "-".join([str(i) for i in index]) + text = text + "-#-{}".format(type) + return text + +def fill_vocab(vocab, dataset): + entity_num = 0 + for instance in dataset: + if instance.get(Keys.entity_mentions, None) is not None: + for entity in instance[Keys.entity_mentions]: + vocab.add_label(entity[Keys.type]) + entity_num += len(instance[Keys.entity_mentions]) + return entity_num + +def api_encode(data, tokenizer, vocab): + bert_inputs = [] + grid_labels = [] + grid_mask2d = [] + dist_inputs = [] + entity_text = [] + pieces2word = [] + sent_length = [] + + fill_vocab(vocab, data) + + for idx, instance in enumerate(data): + sentence = instance[Keys.sentence] + if len(sentence) == 0 or len(sentence) >= 512: + continue + + tokens = [tokenizer.tokenize(word) for word in sentence] + pieces = [piece for pieces in tokens for piece in pieces] + _bert_inputs = tokenizer.convert_tokens_to_ids(pieces) + _bert_inputs = np.array([tokenizer.cls_token_id] + _bert_inputs + [tokenizer.sep_token_id]) + + length = len(sentence) + _grid_labels = np.zeros((length, length), dtype=np.int64) + _pieces2word = np.zeros((length, len(_bert_inputs)), dtype=bool) + _dist_inputs = np.zeros((length, length), dtype=np.int64) + _grid_mask2d = np.ones((length, length), dtype=bool) + + if tokenizer is not None: + start = 0 + for i, pieces in enumerate(tokens): + if len(pieces) == 0: + continue + pieces = list(range(start, start + len(pieces))) + _pieces2word[i, pieces[0] + 1:pieces[-1] + 2] = 1 + start += len(pieces) + + for k in range(length): + _dist_inputs[k, :] += k + _dist_inputs[:, k] -= k + + for i in range(length): + for j in range(length): + if _dist_inputs[i, j] < 0: + _dist_inputs[i, j] = dis2idx[-_dist_inputs[i, j]] + 9 + else: + _dist_inputs[i, j] = dis2idx[_dist_inputs[i, j]] + _dist_inputs[_dist_inputs == 0] = 19 + + _entity_text = [] + if instance.get(Keys.entity_mentions, None) is not None: + for entity in instance[Keys.entity_mentions]: + # b, e, type = entity[Keys.start], entity[Keys.end], entity[Keys.type] + # if b < 0: continue + # if e > len(sentence): e = len(sentence) + index, type = entity['index'], entity[Keys.type] + for i in range(len(index)): + if i + 1 >= len(index): + break + _grid_labels[index[i], index[i + 1]] = vocab.label_to_id(vocab.SUC) + _grid_labels[index[-1], index[0]] = vocab.label_to_id(type) + _entity_text.append(convert_index_to_text(index, vocab.label_to_id(type))) + _entity_text = set(_entity_text) + + sent_length.append(length) + bert_inputs.append(_bert_inputs) + grid_labels.append(_grid_labels) + grid_mask2d.append(_grid_mask2d) + dist_inputs.append(_dist_inputs) + pieces2word.append(_pieces2word) + entity_text.append(_entity_text) + + return bert_inputs, grid_labels, grid_mask2d, pieces2word, dist_inputs, sent_length, entity_text \ No newline at end of file diff --git a/task3/NER/utils/APIs/__init__.py b/task3/NER/utils/APIs/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/task3/NER/utils/DataProcess.py b/task3/NER/utils/DataProcess.py new file mode 100644 index 0000000..9917dd6 --- /dev/null +++ b/task3/NER/utils/DataProcess.py @@ -0,0 +1,68 @@ +''' +data process: 数据处理, 包括 标签Vocab 和 数据处理类 + tips: + 其中标签Vocab实例化对象必须在api_encode中被调用(add_label) +''' + +from torch.utils.data import DataLoader +from transformers import AutoTokenizer + +from APIs.APIDataset import APIDataset +from APIs.APIEncode import api_encode +from APIs.APIDecode import api_decode + +import os +os.environ["TOKENIZERS_PARALLELISM"] = "false" + + +class LabelVocabulary(object): + PAD = '' + UNK = '' + SUC = '' # 表连续随后的 + + def __init__(self): + self.label2id = {self.PAD: 0, self.SUC: 1} + self.id2label = {0: self.PAD, 1: self.SUC} + + def add_label(self, label): + if label not in self.label2id: + self.label2id[label] = len(self.label2id) + self.id2label[self.label2id[label]] = label + + assert label == self.id2label[self.label2id[label]] + + def __len__(self): + return len(self.label2id) + + def label_to_id(self, label): + return self.label2id[label] + + def id_to_label(self, i): + return self.id2label[i] + + +class Processor: + def __init__(self, config) -> None: + self.config = config + self.tokenizer = AutoTokenizer.from_pretrained(config.bert_name, cache_dir=config.cache_path) + self.vocab = LabelVocabulary() + + def __call__(self, data, params): + return self.to_loader(data, params) + + def encode(self, data): + return api_encode(data, self.tokenizer, self.vocab) + + def decode(self, outputs, entities, length): + return api_decode(outputs, entities, length) + + def to_dataset(self, data): + dataset_inputs = self.encode(data) + self.config.label_num = len(self.vocab.label2id) + self.config.vocab = self.vocab + return APIDataset(*dataset_inputs) + + def to_loader(self, data, params): + dataset = self.to_dataset(data) + return DataLoader(dataset=dataset, **params, collate_fn=dataset.collate_fn, num_workers=2) + diff --git a/task3/NER/utils/__init__.py b/task3/NER/utils/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/task3/NER/utils/common.py b/task3/NER/utils/common.py new file mode 100644 index 0000000..13b4baa --- /dev/null +++ b/task3/NER/utils/common.py @@ -0,0 +1,38 @@ +''' +常用一般的utils +''' +import logging +import time +import json + +def get_logger(dataset): + pathname = "./log/{}_{}.txt".format(dataset, time.strftime("%m-%d_%H-%M-%S")) + logger = logging.getLogger() + logger.setLevel(logging.INFO) + formatter = logging.Formatter("%(asctime)s - %(levelname)s: %(message)s", + datefmt='%Y-%m-%d %H:%M:%S') + + file_handler = logging.FileHandler(pathname) + file_handler.setLevel(logging.DEBUG) + file_handler.setFormatter(formatter) + + stream_handler = logging.StreamHandler() + stream_handler.setLevel(logging.DEBUG) + stream_handler.setFormatter(formatter) + + logger.addHandler(file_handler) + logger.addHandler(stream_handler) + + return logger + +def read_from_file(path): + with open(path, encoding='utf-8') as f: + data = json.load(f) + f.close() + return data + +def write_to_file(path, output): + with open(path, 'w', encoding='utf-8') as f: + json.dump(output, f, indent=4, ensure_ascii=False) + f.close() + diff --git a/task3/README.md b/task3/README.md new file mode 100644 index 0000000..54ea4ad --- /dev/null +++ b/task3/README.md @@ -0,0 +1,5 @@ +# 运行 + +运行最好在colab上 + +然后两个数据集的model.pt可以私下发送,400MB,GitHub不好传 \ No newline at end of file